From adb2561a58ca80e0138ec141ada81ceab32dcd02 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Mon, 9 Sep 2019 17:07:15 -0300 Subject: [PATCH 01/22] Starting from the very first classes. Will rework everything. --- examples/utils/load_text_data.py | 7 +++ examples/utils/preprocess_text_data.py | 29 +++++++++ nalp/core/dataset.py | 4 +- nalp/core/dictionary.py | 0 nalp/datasets/text.py | 0 nalp/utils/loader.py | 22 +++++++ nalp/utils/preprocess.py | 87 ++++++++++++++++++++++++++ 7 files changed, 147 insertions(+), 2 deletions(-) create mode 100644 examples/utils/load_text_data.py create mode 100644 examples/utils/preprocess_text_data.py create mode 100644 nalp/core/dictionary.py create mode 100644 nalp/datasets/text.py create mode 100644 nalp/utils/loader.py create mode 100644 nalp/utils/preprocess.py diff --git a/examples/utils/load_text_data.py b/examples/utils/load_text_data.py new file mode 100644 index 0000000..53474fb --- /dev/null +++ b/examples/utils/load_text_data.py @@ -0,0 +1,7 @@ +import nalp.utils.loader as l + +# Loads an input .txt file +text = l.load_txt('data/text/chapter1_harry.txt') + +# Printing loaded text +print(text) \ No newline at end of file diff --git a/examples/utils/preprocess_text_data.py b/examples/utils/preprocess_text_data.py new file mode 100644 index 0000000..20d2eba --- /dev/null +++ b/examples/utils/preprocess_text_data.py @@ -0,0 +1,29 @@ +import nalp.utils.loader as l +import nalp.utils.preprocess as p + +# Loads an input .txt file +text = l.load_txt('data/text/chapter1_harry.txt') + +# Creates a character pre-processing pipeline +char_pipe = p.pipeline( + p.lower_case, + p.valid_char, + p.tokenize_to_char +) + +# Creates a word pre-processing pipeline +word_pipe = p.pipeline( + p.lower_case, + p.valid_char, + p.tokenize_to_word +) + +# Applying character pre-processing pipeline to text +chars = char_pipe(text) + +# Applying word pre-processing pipeline to text +words = word_pipe(text) + +# Printing tokenized characters and words +print(chars) +print(words) \ No newline at end of file diff --git a/nalp/core/dataset.py b/nalp/core/dataset.py index 8af23dd..3df280c 100644 --- a/nalp/core/dataset.py +++ b/nalp/core/dataset.py @@ -216,7 +216,7 @@ def create_batches(self, X, Y, batch_size, shuffle=True): return data def decode(self, encoded_data): - """Decodes array of probabilites into raw text. + """Decodes an array of probabilites into raw text. Args: encoded_data (np.array | tf.Tensor): An array holding probabilities. @@ -231,7 +231,7 @@ def decode(self, encoded_data): # Iterating through all encoded data for e in encoded_data: - # If probability is true, we need to recover the argmax of 'e' + # Recovering the argmax of 'e' decoded_text.append(self.index_vocab[np.argmax(e)]) return decoded_text diff --git a/nalp/core/dictionary.py b/nalp/core/dictionary.py new file mode 100644 index 0000000..e69de29 diff --git a/nalp/datasets/text.py b/nalp/datasets/text.py new file mode 100644 index 0000000..e69de29 diff --git a/nalp/utils/loader.py b/nalp/utils/loader.py new file mode 100644 index 0000000..92ae428 --- /dev/null +++ b/nalp/utils/loader.py @@ -0,0 +1,22 @@ +import nalp.utils.logging as l + +logger = l.get_logger(__name__) + + +def load_txt(file_name): + """Loads a .txt file. + + Args: + file_name (str): The file name to be loaded. + + Returns: + A string with the loaded text. + + """ + + logger.debug(f'Loading {file_name} ...') + + # Opens the .txt file and tries to read the text + text = open(file_name, 'rb').read().decode(encoding='utf-8') + + return text diff --git a/nalp/utils/preprocess.py b/nalp/utils/preprocess.py new file mode 100644 index 0000000..5b8c0e1 --- /dev/null +++ b/nalp/utils/preprocess.py @@ -0,0 +1,87 @@ +import re + +import nltk + +import nalp.utils.logging as l + +logger = l.get_logger(__name__) + + +def lower_case(s): + """Transforms an input string into its lower case version. + + Args: + s (str): Input string. + + Returns: + Lower case of 's'. + + """ + + return s.lower() + + +def valid_char(s): + """Validates the input string characters. + + Args: + s (str): Input string. + + Returns: + String 's' after validation. + + """ + + return re.sub('[^a-zA-z0-9\s]', '', s) + + +def tokenize_to_char(s): + """Tokenizes a sentence to characters array. + + Args: + s (str): Input string. + + Returns: + Array of tokenized characters. + + """ + + return list(s) + + +def tokenize_to_word(s): + """Tokenizes a sentence to words array. + + Args: + s (str): Input string. + + Returns: + Array of tokenized words. + + """ + + return nltk.word_tokenize(s) + + +def pipeline(*func): + """Creates a pre-processing pipeline. + + Args: + *func (callable): Functions pointers. + + Returns: + A created pre-processing pipeline for further use. + + """ + + def process(x): + # Iterate over every argument function + for f in func: + # Apply function to input + x = f(x) + + return x + + logger.info('Pipeline created with ' + str(func) + '.') + + return process From 1c0b4e68b94904870fbbde08aafefb77c5b5aee3 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Mon, 9 Sep 2019 17:56:57 -0300 Subject: [PATCH 02/22] Adding a Dictionary class. --- examples/core/create_dictionary_file.py | 13 ++++ examples/core/create_dictionary_tokens.py | 37 +++++++++++ nalp/core/dictionary.py | 75 +++++++++++++++++++++++ nalp/utils/loader.py | 21 ++++++- nalp/utils/preprocess.py | 2 +- 5 files changed, 144 insertions(+), 4 deletions(-) create mode 100644 examples/core/create_dictionary_file.py create mode 100644 examples/core/create_dictionary_tokens.py diff --git a/examples/core/create_dictionary_file.py b/examples/core/create_dictionary_file.py new file mode 100644 index 0000000..e9be834 --- /dev/null +++ b/examples/core/create_dictionary_file.py @@ -0,0 +1,13 @@ +import nalp.utils.preprocess as p +from nalp.core.dictionary import Dictionary + +# Creating a character Dictionary from file +d = Dictionary(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating a word Dictionary from file +# d = Dictionary(from_file='data/text/chapter1_harry.txt', type='word') + +# Accessing Dictionary properties +print(d.tokens) +print(d.vocab, d.vocab_size) +print(d.vocab_index, d.index_vocab) \ No newline at end of file diff --git a/examples/core/create_dictionary_tokens.py b/examples/core/create_dictionary_tokens.py new file mode 100644 index 0000000..6b95f6f --- /dev/null +++ b/examples/core/create_dictionary_tokens.py @@ -0,0 +1,37 @@ +import nalp.utils.loader as l +import nalp.utils.preprocess as p +from nalp.core.dictionary import Dictionary + +# Loads an input .txt file +text = l.load_txt('data/text/chapter1_harry.txt') + +# Creates a character pre-processing pipeline +pipe = p.pipeline( + p.lower_case, + p.valid_char, + p.tokenize_to_char +) + +# Creates a word pre-processing pipeline +# pipe = p.pipeline( +# p.lower_case, +# p.valid_char, +# p.tokenize_to_word +# ) + +# Applying character pre-processing pipeline to text +tokens = pipe(text) + +# Applying word pre-processing pipeline to text +# tokens = pipe(text) + +# Creating a character Dictionary from tokens +d = Dictionary(tokens=tokens) + +# Creating a word Dictionary from tokens +# word_dict = Dictionary(tokens=words) + +# Accessing Dictionary properties +print(d.tokens) +print(d.vocab, d.vocab_size) +print(d.vocab_index, d.index_vocab) diff --git a/nalp/core/dictionary.py b/nalp/core/dictionary.py index e69de29..1139e3e 100644 --- a/nalp/core/dictionary.py +++ b/nalp/core/dictionary.py @@ -0,0 +1,75 @@ +import nalp.utils.loader as l +import nalp.utils.logging as log +import nalp.utils.preprocess as p + +logger = log.get_logger(__name__) + +class Dictionary(): + """ + """ + + def __init__(self, tokens=None, from_file=None, type='char'): + """ + """ + + logger.info('Creating Dictionary ...') + + # + if not tokens: + # + text = l.load_txt(from_file) + + # + pipe = self._create_pipeline(type) + + # + self.tokens = pipe(text) + + # + else: + # + self.tokens = tokens + + # + self._build_vocabulary(self.tokens) + + logger.info('Dictionary created.') + + + def _create_pipeline(self, type): + """ + """ + + # + if type not in ['char', 'word']: + # + error = f'Type argument should be `char` or `word`.' + + # + logger.error(error) + + # + raise EnvironmentError(error) + # + if type == 'char': + return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) + + # + elif type == 'word': + return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) + + def _build_vocabulary(self, tokens): + """ + """ + + # Creates the vocabulary + self.vocab = list(set(tokens)) + + # Also, gathers the vocabulary size + self.vocab_size = len(self.vocab) + + # Creates a property mapping vocabulary to indexes + self.vocab_index = {c: i for i, c in enumerate(self.vocab)} + + # Creates a property mapping indexes to vocabulary + self.index_vocab = {i: c for i, c in enumerate(self.vocab)} \ No newline at end of file diff --git a/nalp/utils/loader.py b/nalp/utils/loader.py index 92ae428..ced3faa 100644 --- a/nalp/utils/loader.py +++ b/nalp/utils/loader.py @@ -16,7 +16,22 @@ def load_txt(file_name): logger.debug(f'Loading {file_name} ...') - # Opens the .txt file and tries to read the text - text = open(file_name, 'rb').read().decode(encoding='utf-8') + # Tries to load the file + try: + # Opens the .txt file + file = open(file_name, 'rb') - return text + # Reads the text + text = file.read().decode(encoding='utf-8') + + return text + + # If file can not be loaded + except FileNotFoundError: + # Creates an error + error = f'File not found: {file_name}.' + + # Logs the error + logger.error(error) + + raise diff --git a/nalp/utils/preprocess.py b/nalp/utils/preprocess.py index 5b8c0e1..7caf19e 100644 --- a/nalp/utils/preprocess.py +++ b/nalp/utils/preprocess.py @@ -82,6 +82,6 @@ def process(x): return x - logger.info('Pipeline created with ' + str(func) + '.') + logger.debug('Pipeline created with ' + str(func) + '.') return process From 40ca938033b553cff4119ba761f09cd85f3d922f Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 11:13:45 -0300 Subject: [PATCH 03/22] Now working under encoders. Renaming Dictionary to Corpus. --- examples/core/create_corpus_file.py | 13 +++ examples/core/create_corpus_tokens.py | 29 ++++++ examples/core/create_dictionary_file.py | 13 --- examples/core/create_dictionary_tokens.py | 37 ------- examples/encoders/encode_integer.py | 18 ++++ examples/utils/preprocess_text_data.py | 20 ++-- nalp/core/{dictionary.py => corpus.py} | 41 +++++--- nalp/core/encoder.py | 21 +--- nalp/datasets/text.py | 112 ++++++++++++++++++++++ nalp/encoders/integer.py | 42 ++++++++ 10 files changed, 249 insertions(+), 97 deletions(-) create mode 100644 examples/core/create_corpus_file.py create mode 100644 examples/core/create_corpus_tokens.py delete mode 100644 examples/core/create_dictionary_file.py delete mode 100644 examples/core/create_dictionary_tokens.py create mode 100644 examples/encoders/encode_integer.py rename nalp/core/{dictionary.py => corpus.py} (70%) create mode 100644 nalp/encoders/integer.py diff --git a/examples/core/create_corpus_file.py b/examples/core/create_corpus_file.py new file mode 100644 index 0000000..2626c22 --- /dev/null +++ b/examples/core/create_corpus_file.py @@ -0,0 +1,13 @@ +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus + +# Creating a character Corpus from file +corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating a word Corpus from file +# corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='word') + +# Accessing Corpus properties +print(corpus.tokens) +print(corpus.vocab, corpus.vocab_size) +print(corpus.vocab_index, corpus.index_vocab) diff --git a/examples/core/create_corpus_tokens.py b/examples/core/create_corpus_tokens.py new file mode 100644 index 0000000..b7418d8 --- /dev/null +++ b/examples/core/create_corpus_tokens.py @@ -0,0 +1,29 @@ +import nalp.utils.loader as l +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus + +# Loads an input .txt file +text = l.load_txt('data/text/chapter1_harry.txt') + +# Creates a character pre-processing pipeline +pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) + +# Creates a word pre-processing pipeline +# pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) + +# Applying character pre-processing pipeline to text +tokens = pipe(text) + +# Applying word pre-processing pipeline to text +# tokens = pipe(text) + +# Creating a character Corpus from tokens +corpus = Corpus(tokens=tokens) + +# Creating a word Corpus from tokens +# corpus = Corpus(tokens=words) + +# Accessing Corpus properties +print(corpus.tokens) +print(corpus.vocab, corpus.vocab_size) +print(corpus.vocab_index, corpus.index_vocab) diff --git a/examples/core/create_dictionary_file.py b/examples/core/create_dictionary_file.py deleted file mode 100644 index e9be834..0000000 --- a/examples/core/create_dictionary_file.py +++ /dev/null @@ -1,13 +0,0 @@ -import nalp.utils.preprocess as p -from nalp.core.dictionary import Dictionary - -# Creating a character Dictionary from file -d = Dictionary(from_file='data/text/chapter1_harry.txt', type='char') - -# Creating a word Dictionary from file -# d = Dictionary(from_file='data/text/chapter1_harry.txt', type='word') - -# Accessing Dictionary properties -print(d.tokens) -print(d.vocab, d.vocab_size) -print(d.vocab_index, d.index_vocab) \ No newline at end of file diff --git a/examples/core/create_dictionary_tokens.py b/examples/core/create_dictionary_tokens.py deleted file mode 100644 index 6b95f6f..0000000 --- a/examples/core/create_dictionary_tokens.py +++ /dev/null @@ -1,37 +0,0 @@ -import nalp.utils.loader as l -import nalp.utils.preprocess as p -from nalp.core.dictionary import Dictionary - -# Loads an input .txt file -text = l.load_txt('data/text/chapter1_harry.txt') - -# Creates a character pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_char -) - -# Creates a word pre-processing pipeline -# pipe = p.pipeline( -# p.lower_case, -# p.valid_char, -# p.tokenize_to_word -# ) - -# Applying character pre-processing pipeline to text -tokens = pipe(text) - -# Applying word pre-processing pipeline to text -# tokens = pipe(text) - -# Creating a character Dictionary from tokens -d = Dictionary(tokens=tokens) - -# Creating a word Dictionary from tokens -# word_dict = Dictionary(tokens=words) - -# Accessing Dictionary properties -print(d.tokens) -print(d.vocab, d.vocab_size) -print(d.vocab_index, d.index_vocab) diff --git a/examples/encoders/encode_integer.py b/examples/encoders/encode_integer.py new file mode 100644 index 0000000..30d7057 --- /dev/null +++ b/examples/encoders/encode_integer.py @@ -0,0 +1,18 @@ +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus +from nalp.encoders.integer import IntegerEncoder + +# Creating a character Corpus from file +corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding +encoder.learn(corpus) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Printing encoded tokens +print(encoded_tokens) \ No newline at end of file diff --git a/examples/utils/preprocess_text_data.py b/examples/utils/preprocess_text_data.py index 20d2eba..d9ce27a 100644 --- a/examples/utils/preprocess_text_data.py +++ b/examples/utils/preprocess_text_data.py @@ -5,25 +5,17 @@ text = l.load_txt('data/text/chapter1_harry.txt') # Creates a character pre-processing pipeline -char_pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_char -) +char_pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) # Creates a word pre-processing pipeline -word_pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) +word_pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) # Applying character pre-processing pipeline to text -chars = char_pipe(text) +chars_tokens = char_pipe(text) # Applying word pre-processing pipeline to text -words = word_pipe(text) +words_tokens = word_pipe(text) # Printing tokenized characters and words -print(chars) -print(words) \ No newline at end of file +print(chars_tokens) +print(words_tokens) diff --git a/nalp/core/dictionary.py b/nalp/core/corpus.py similarity index 70% rename from nalp/core/dictionary.py rename to nalp/core/corpus.py index 1139e3e..e7151cb 100644 --- a/nalp/core/dictionary.py +++ b/nalp/core/corpus.py @@ -4,37 +4,50 @@ logger = log.get_logger(__name__) -class Dictionary(): + +class Corpus(): """ """ def __init__(self, tokens=None, from_file=None, type='char'): - """ + """Initialization method. + """ - logger.info('Creating Dictionary ...') + logger.info('Creating Corpus.') - # + # Checks if there are not pre-loaded tokens if not tokens: - # + # Loads the text from file text = l.load_txt(from_file) - # + # Creates a pipeline based on desired type pipe = self._create_pipeline(type) - # + # Retrieve the tokens self.tokens = pipe(text) - - # + + # If there are tokens else: - # + # Gathers them to the property self.tokens = tokens - # + # Builds the vocabulary based on the tokens self._build_vocabulary(self.tokens) - logger.info('Dictionary created.') + logger.info('Corpus created.') + @property + def tokens(self): + """list: A list of tokens. + + """ + + return self._tokens + + @tokens.setter + def tokens(self, tokens): + self._tokens = tokens def _create_pipeline(self, type): """ @@ -53,7 +66,7 @@ def _create_pipeline(self, type): # if type == 'char': return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) - + # elif type == 'word': return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) @@ -72,4 +85,4 @@ def _build_vocabulary(self, tokens): self.vocab_index = {c: i for i, c in enumerate(self.vocab)} # Creates a property mapping indexes to vocabulary - self.index_vocab = {i: c for i, c in enumerate(self.vocab)} \ No newline at end of file + self.index_vocab = {i: c for i, c in enumerate(self.vocab)} diff --git a/nalp/core/encoder.py b/nalp/core/encoder.py index 9d557fa..7d06930 100644 --- a/nalp/core/encoder.py +++ b/nalp/core/encoder.py @@ -1,22 +1,17 @@ class Encoder: - """An Encoder class is responsible for receiving raw data and - enconding it on a representation (i.e., count vectorizer, tfidf, word2vec). + """An Encoder class is responsible for receiving a Corpus and + enconding it on a representation (i.e., integer, one-hot, count, tfidf, word2vec). """ def __init__(self): """Initialization method. - Some basic shared variables between Encoder's childs should be declared here. - """ # The encoder object will be initialized as None self._encoder = None - # We also set the encoded data as None - self._encoded_data = None - @property def encoder(self): """obj: An encoder generic object. @@ -29,18 +24,6 @@ def encoder(self): def encoder(self, encoder): self._encoder = encoder - @property - def encoded_data(self): - """np.array: A numpy array holding the encoded data. - - """ - - return self._encoded_data - - @encoded_data.setter - def encoded_data(self, encoded_data): - self._encoded_data = encoded_data - def learn(self): """This method learns an encoding representation. Note that for each child, you need to define your own learning algorithm (representation). diff --git a/nalp/datasets/text.py b/nalp/datasets/text.py index e69de29..32c56fb 100644 --- a/nalp/datasets/text.py +++ b/nalp/datasets/text.py @@ -0,0 +1,112 @@ +import nalp.utils.logging as l +import numpy as np +from nalp.core.dataset import Dataset + +logger = l.get_logger(__name__) + + +class TextDataset(Dataset): + """ + + """ + + def __init__(self): + """Initizaliation method. + + Args: + + """ + + logger.info('Overriding class: Dataset -> TextDataset.') + + # Overrides its parent class with any custom arguments if needed + super(TextDataset, self).__init__() + + # Logging some important information + logger.debug( + f'X: {self.X.shape} | Y: {self.Y.shape}.') + + logger.info('Class overrided.') + + @property + def unique_labels(self): + """list: List of unique labels. + + """ + + return self._unique_labels + + @unique_labels.setter + def unique_labels(self, unique_labels): + self._unique_labels = unique_labels + + @property + def n_class(self): + """int: Number of classes, derived from list of labels. + + """ + + return self._n_class + + @n_class.setter + def n_class(self, n_class): + self._n_class = n_class + + @property + def labels_index(self): + """dict: A dictionary mapping labels to indexes. + + """ + + return self._labels_index + + @labels_index.setter + def labels_index(self, labels_index): + self._labels_index = labels_index + + @property + def index_labels(self): + """dict: A dictionary mapping indexes to labels. + + """ + + return self._index_labels + + @index_labels.setter + def index_labels(self, index_labels): + self._index_labels = index_labels + + def _labels_to_categorical(self, labels): + """Maps labels into a categorical encoding. + + Args: + labels (list): A list holding the labels for each sample. + + Returns: + Categorical encoding of list of labels. + + """ + + # Gathering unique labels + self.unique_labels = set(labels) + + # We also need the number of classes + self.n_class = len(self.unique_labels) + + # Creating a dictionary to map labels to indexes + self.labels_index = {c: i for i, c in enumerate(self.unique_labels)} + + # Creating a dictionary to map indexes to labels + self.index_labels = {i: c for i, c in enumerate(self.unique_labels)} + + # Creating a numpy array to hold categorical labels + categorical_labels = np.zeros( + (len(labels), self.n_class), dtype=np.int32) + + # Iterating through all labels + for i, l in enumerate(labels): + # Apply to current index the categorical encoding + categorical_labels[i] = np.eye(self.n_class)[ + self.labels_index[l]] + + return categorical_labels diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py new file mode 100644 index 0000000..45f3670 --- /dev/null +++ b/nalp/encoders/integer.py @@ -0,0 +1,42 @@ +import nalp.utils.logging as l +import numpy as np +from nalp.core.encoder import Encoder + +logger = l.get_logger(__name__) + + +class IntegerEncoder(Encoder): + """An Integer class, responsible for encoding text into integers. + + """ + + def __init__(self): + """Initizaliation method. + + """ + + logger.info('Overriding class: Encoder -> IntegerEncoder.') + + # Overrides its parent class with any custom arguments if needed + super(IntegerEncoder, self).__init__() + + logger.info('Class overrided.') + + def learn(self, corpus): + """ + """ + + logger.debug('Learning how to encode ...') + + self.encoder = corpus.vocab_index + + def encode(self, tokens): + """ + """ + + logger.debug('Encoding new tokens ...') + + # + encoded_tokens = np.array([self.encoder[c] for c in tokens]) + + return encoded_tokens \ No newline at end of file From 5606e727974e14a8f57f92e20371b27afcb3d607 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 11:26:40 -0300 Subject: [PATCH 04/22] Adding docstrings and error checkings. --- examples/encoders/encode_integer.py | 4 +- nalp/core/corpus.py | 94 +++++++++++++++++++++++++---- nalp/encoders/integer.py | 32 +++++++--- nalp/utils/loader.py | 4 +- 4 files changed, 110 insertions(+), 24 deletions(-) diff --git a/examples/encoders/encode_integer.py b/examples/encoders/encode_integer.py index 30d7057..ef25e48 100644 --- a/examples/encoders/encode_integer.py +++ b/examples/encoders/encode_integer.py @@ -8,8 +8,8 @@ # Creating an IntegerEncoder encoder = IntegerEncoder() -# Learns the encoding -encoder.learn(corpus) +# Learns the encoding based on the Corpus dictionary +encoder.learn(corpus.vocab_index) # Applies the encoding on new data encoded_tokens = encoder.encode(corpus.tokens) diff --git a/nalp/core/corpus.py b/nalp/core/corpus.py index e7151cb..143906e 100644 --- a/nalp/core/corpus.py +++ b/nalp/core/corpus.py @@ -6,12 +6,21 @@ class Corpus(): - """ + """A Corpus class is used to defined the first step of the workflow. + + It serves to load the text, pre-process it and create their tokens and + vocabulary. + """ def __init__(self, tokens=None, from_file=None, type='char'): """Initialization method. - + + Args: + tokens (list): A list of tokens. + from_file (str): An input file to load the text. + type (str): The desired type to tokenize the text. Should be `char` or `word`.s + """ logger.info('Creating Corpus.') @@ -49,30 +58,89 @@ def tokens(self): def tokens(self, tokens): self._tokens = tokens - def _create_pipeline(self, type): + @property + def vocab(self): + """list: The vocabulary itself. + """ + + return self._vocab + + @vocab.setter + def vocab(self, vocab): + self._vocab = vocab + + @property + def vocab_size(self): + """int: The size of the vocabulary + + """ + + return self._vocab_size + + @vocab_size.setter + def vocab_size(self, vocab_size): + self._vocab_size = vocab_size + + @property + def vocab_index(self): + """dict: A dictionary mapping vocabulary to indexes. + """ - # + return self._vocab_index + + @vocab_index.setter + def vocab_index(self, vocab_index): + self._vocab_index = vocab_index + + @property + def index_vocab(self): + """dict: A dictionary mapping indexes to vocabulary. + + """ + + return self._index_vocab + + @index_vocab.setter + def index_vocab(self, index_vocab): + self._index_vocab = index_vocab + + def _create_pipeline(self, type): + """Creates a pipeline based on the input type. + + Args: + type (str): A type to create the pipeline. Should be `char` or `word`. + + Returns: + The created pipeline. + + """ + + # Checks if type is possible if type not in ['char', 'word']: - # - error = f'Type argument should be `char` or `word`.' + # If not, creates an error + e = f'Type argument should be `char` or `word`.' - # - logger.error(error) + # Logs the error + logger.error(e) - # - raise EnvironmentError(error) - # + raise RuntimeError(e) + + # If the type is char if type == 'char': return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) - # + # If the type is word elif type == 'word': return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) def _build_vocabulary(self, tokens): - """ + """Builds the vocabulary based on the tokens. + + Args: + tokens (list): A list of tokens. + """ # Creates the vocabulary diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py index 45f3670..a491f93 100644 --- a/nalp/encoders/integer.py +++ b/nalp/encoders/integer.py @@ -1,5 +1,6 @@ -import nalp.utils.logging as l import numpy as np + +import nalp.utils.logging as l from nalp.core.encoder import Encoder logger = l.get_logger(__name__) @@ -22,21 +23,38 @@ def __init__(self): logger.info('Class overrided.') - def learn(self, corpus): - """ + def learn(self, dictionary): + """Learns an integer vectorization encoding. + + Args: + dictionary (dict): The vocabulary to index mapping. + """ logger.debug('Learning how to encode ...') - self.encoder = corpus.vocab_index + self.encoder = dictionary def encode(self, tokens): - """ + """Encodes new tokens based on previous learning. + + Args: + tokens (list): A list of tokens to be encoded. """ logger.debug('Encoding new tokens ...') - # + # Checks if enconder actually exists, if not raises an error + if not self.encoder: + # Creates the error + e = 'You need to call learn() prior to encode() method.' + + # Logs the error + logger.error(e) + + raise RuntimeError(e) + + # Applies the encoding to the new tokens encoded_tokens = np.array([self.encoder[c] for c in tokens]) - return encoded_tokens \ No newline at end of file + return encoded_tokens diff --git a/nalp/utils/loader.py b/nalp/utils/loader.py index ced3faa..2b2a7c0 100644 --- a/nalp/utils/loader.py +++ b/nalp/utils/loader.py @@ -29,9 +29,9 @@ def load_txt(file_name): # If file can not be loaded except FileNotFoundError: # Creates an error - error = f'File not found: {file_name}.' + e = f'File not found: {file_name}.' # Logs the error - logger.error(error) + logger.error(e) raise From 2683f3097942e3741bcb95e52d48fef4d488a8a5 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 11:56:11 -0300 Subject: [PATCH 05/22] Creating decoding methods. --- examples/encoders/encode_count.py | 44 ++++++--------- examples/encoders/encode_integer.py | 12 +++- nalp/core/corpus.py | 4 +- nalp/core/encoder.py | 11 ++++ nalp/encoders/count.py | 88 ++++++++++++++++++++--------- nalp/encoders/integer.py | 56 +++++++++++++++++- nalp/encoders/onehot.py | 0 7 files changed, 154 insertions(+), 61 deletions(-) create mode 100644 nalp/encoders/onehot.py diff --git a/examples/encoders/encode_count.py b/examples/encoders/encode_count.py index e2ab685..c891e75 100644 --- a/examples/encoders/encode_count.py +++ b/examples/encoders/encode_count.py @@ -1,34 +1,24 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.encoders.count import Count +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus +from nalp.encoders.count import CountEncoder -# Loads an input .csv -csv = l.load_csv('data/16k_twitter_en.csv') +# Creating a character Corpus from file +corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) +# Creating an CountEncoder +encoder = CountEncoder() -# Transforming dataframe into samples and labels -X = csv['text'] -Y = csv['sentiment'] +# Learns the encoding based on the Corpus tokens +encoder.learn(corpus.tokens, top_tokens=100) -# Applying pre-processing pipeline to X -X = X.apply(lambda x: pipe(x)) +# Applies the encoding on same or new data +encoded_tokens = encoder.encode(corpus.tokens) -# Creating a Count (Enconder's child) class -e = Count() +# Printing encoded tokens +print(encoded_tokens) -# Calling its internal method to learn an encoding representation -e.learn(X) +# Decoding the encoded tokens +decoded_tokens = encoder.decode(encoded_tokens) -# Calling its internal method to actually encoded the desired data -# Does not necessarily needs to be the same X from e.learn() -e.encode(X) - -# Acessing encoder object and encoded data -print(e.encoder) -print(e.encoded_data) +# Printing decoded tokens +print(decoded_tokens) \ No newline at end of file diff --git a/examples/encoders/encode_integer.py b/examples/encoders/encode_integer.py index ef25e48..93a2dce 100644 --- a/examples/encoders/encode_integer.py +++ b/examples/encoders/encode_integer.py @@ -8,11 +8,17 @@ # Creating an IntegerEncoder encoder = IntegerEncoder() -# Learns the encoding based on the Corpus dictionary -encoder.learn(corpus.vocab_index) +# Learns the encoding based on the Corpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) # Applies the encoding on new data encoded_tokens = encoder.encode(corpus.tokens) # Printing encoded tokens -print(encoded_tokens) \ No newline at end of file +print(encoded_tokens) + +# Decodes the encoded tokens +decoded_tokens = encoder.decode(encoded_tokens) + +# Printing decoded tokens +print(decoded_tokens) \ No newline at end of file diff --git a/nalp/core/corpus.py b/nalp/core/corpus.py index 143906e..2589f51 100644 --- a/nalp/core/corpus.py +++ b/nalp/core/corpus.py @@ -150,7 +150,7 @@ def _build_vocabulary(self, tokens): self.vocab_size = len(self.vocab) # Creates a property mapping vocabulary to indexes - self.vocab_index = {c: i for i, c in enumerate(self.vocab)} + self.vocab_index = {t: i for i, t in enumerate(self.vocab)} # Creates a property mapping indexes to vocabulary - self.index_vocab = {i: c for i, c in enumerate(self.vocab)} + self.index_vocab = {i: t for i, t in enumerate(self.vocab)} diff --git a/nalp/core/encoder.py b/nalp/core/encoder.py index 7d06930..6c8bcc0 100644 --- a/nalp/core/encoder.py +++ b/nalp/core/encoder.py @@ -45,3 +45,14 @@ def encode(self): """ raise NotImplementedError + + def decode(self): + """This method decodes the encoded representation. Also, note that you + need to define your own encoding algorithm when using its childs. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError diff --git a/nalp/encoders/count.py b/nalp/encoders/count.py index 0e8610f..af2aa8e 100644 --- a/nalp/encoders/count.py +++ b/nalp/encoders/count.py @@ -1,13 +1,14 @@ -import nalp.utils.logging as l import numpy as np -from nalp.core.encoder import Encoder from sklearn.feature_extraction.text import CountVectorizer +import nalp.utils.logging as l +from nalp.core.encoder import Encoder + logger = l.get_logger(__name__) -class Count(Encoder): - """A Count class, responsible for learning a CountVectorizer encode and +class CountEncoder(Encoder): + """A CountEncoder class, responsible for learning a CountVectorizer encode and further encoding new data. """ @@ -17,53 +18,86 @@ def __init__(self): """ - logger.info('Overriding class: Encoder -> Count.') + logger.info('Overriding class: Encoder -> CountEncoder.') # Overrides its parent class with any custom arguments if needed - super(Count, self).__init__() + super(CountEncoder, self).__init__() logger.info('Class overrided.') - def learn(self, sentences, max_features=100): - """Learns a CountVectorizer representation based on the words' counting. + def learn(self, tokens, top_tokens=100): + """Learns a CountVectorizer representation based on the tokens' counting. Args: - sentences (df): A Panda's dataframe column holding sentences to be fitted. - max_features (int): Maximum number of features to be fitted. + tokens (list): A list of tokens. + top_tokens (int): Maximum number of top tokens to be learned. """ - logger.debug('Running public method: learn().') + logger.debug('Learning how to encode ...') # Creates a CountVectorizer object - self.encoder = CountVectorizer(max_features=max_features, - preprocessor=lambda p: p, tokenizer=lambda t: t) + self.encoder = CountVectorizer(max_features=top_tokens, + preprocessor=lambda p: p, tokenizer=lambda t: t) - # Fits sentences onto it - self.encoder.fit(sentences) + # Fits the tokens + self.encoder.fit(tokens) - def encode(self, sentences): - """Actually encodes the data into a CountVectorizer representation. + def encode(self, tokens): + """Encodes the data into a CountVectorizer representation. Args: - sentences (df): A Panda's dataframe column holding sentences to be encoded. + tokens (list): A list of tokens to be encoded. + + Returns: + A numpy array containing the encoded tokens. """ - logger.debug('Running public method: encode().') + logger.debug('Encoding new tokens ...') - # Checks if enconder actually exists, if not raises a RuntimeError + # Checks if enconder actually exists, if not raises an error if not self.encoder: + # Creates the error e = 'You need to call learn() prior to encode() method.' + + # Logs the error logger.error(e) + + raise RuntimeError(e) + + # Applies the encoding to the new tokens + encoded_tokens = (self.encoder.transform(tokens)).toarray() + + return encoded_tokens + + def decode(self, encoded_tokens): + """Decodes the CountVectorizer representation back to tokens. + + Args: + encoded_tokens (np.array): A numpy array containing the encoded tokens. + + Returns: + A list of decoded tokens. + + """ + + logger.debug('Decoding encoded tokens ...') + + # Checks if enconder actually exists, if not raises an error + if not self.encoder: + # Creates the error + e = 'You need to call learn() prior to decode() method.' + + # Logs the error + logger.error(e) + raise RuntimeError(e) - # Logging some important information - logger.debug( - f'Size: ({sentences.size}, {self.encoder.max_features}).') + # Decoding the tokens + decoded_tokens = self.encoder.inverse_transform(encoded_tokens) - # Transforms sentences into CountVectorizer encoding (only if it has been previously fitted) - X = self.encoder.transform(sentences) + # Concatening the arrays output and transforming into a list + decoded_tokens = (np.concatenate(decoded_tokens)).tolist() - # Applies encoded CountVectorizer to a numpy array - self.encoded_data = X.toarray() + return decoded_tokens diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py index a491f93..76492c0 100644 --- a/nalp/encoders/integer.py +++ b/nalp/encoders/integer.py @@ -21,25 +21,49 @@ def __init__(self): # Overrides its parent class with any custom arguments if needed super(IntegerEncoder, self).__init__() + # Creates an empty decoder property + self.decoder = None + logger.info('Class overrided.') - def learn(self, dictionary): + @property + def decoder(self): + """dict: A decoder dictionary. + + """ + + return self._decoder + + @decoder.setter + def decoder(self, decoder): + self._decoder = decoder + + def learn(self, dictionary, reverse_dictionary): """Learns an integer vectorization encoding. Args: dictionary (dict): The vocabulary to index mapping. + reverse_dictionary (dict): The index to vocabulary mapping. """ logger.debug('Learning how to encode ...') + # Creates the encoder property self.encoder = dictionary + # Creates the decoder property + self.decoder = reverse_dictionary + def encode(self, tokens): """Encodes new tokens based on previous learning. Args: tokens (list): A list of tokens to be encoded. + + Returns: + A numpy array of encoded tokens. + """ logger.debug('Encoding new tokens ...') @@ -55,6 +79,34 @@ def encode(self, tokens): raise RuntimeError(e) # Applies the encoding to the new tokens - encoded_tokens = np.array([self.encoder[c] for c in tokens]) + encoded_tokens = np.array([self.encoder[t] for t in tokens]) return encoded_tokens + + def decode(self, encoded_tokens): + """Decodes the encoding back to tokens. + + Args: + encoded_tokens (np.array): A numpy array containing the encoded tokens. + + Returns: + A list of decoded tokens. + + """ + + logger.debug('Decoding encoded tokens ...') + + # Checks if decoder actually exists, if not raises an error + if not self.decoder: + # Creates the error + e = 'You need to call learn() prior to decode() method.' + + # Logs the error + logger.error(e) + + raise RuntimeError(e) + + # Decoding the tokens + decoded_tokens = [self.decoder[t] for t in encoded_tokens] + + return decoded_tokens diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot.py new file mode 100644 index 0000000..e69de29 From 22d35c6918a6dd7d24f80300e8f12ae5e9c15ae7 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 13:54:54 -0300 Subject: [PATCH 06/22] Splitting corpus into text and document classes. --- data/document/chapter1_harry.txt | 18 + data/text/16k_twitter_en.csv | 16655 ------------------------ examples/core/create_corpus_file.py | 13 - examples/core/create_corpus_tokens.py | 29 - examples/corpus/create_doc_corpus.py | 8 + examples/corpus/create_text_corpus.py | 13 + examples/encoders/encode_tfidf.py | 44 +- examples/utils/load_doc_data.py | 7 + nalp/core/corpus.py | 139 +- nalp/corpus/__init__.py | 0 nalp/corpus/document.py | 46 + nalp/corpus/text.py | 148 + nalp/encoders/count.py | 2 +- nalp/encoders/integer.py | 2 +- nalp/encoders/tfidf.py | 88 +- nalp/utils/loader.py | 34 + nalp/utils/preprocess.py | 5 +- nalp/visualization/__init__.py | 2 - 18 files changed, 367 insertions(+), 16886 deletions(-) create mode 100644 data/document/chapter1_harry.txt delete mode 100755 data/text/16k_twitter_en.csv delete mode 100644 examples/core/create_corpus_file.py delete mode 100644 examples/core/create_corpus_tokens.py create mode 100644 examples/corpus/create_doc_corpus.py create mode 100644 examples/corpus/create_text_corpus.py create mode 100644 examples/utils/load_doc_data.py create mode 100644 nalp/corpus/__init__.py create mode 100644 nalp/corpus/document.py create mode 100644 nalp/corpus/text.py delete mode 100644 nalp/visualization/__init__.py diff --git a/data/document/chapter1_harry.txt b/data/document/chapter1_harry.txt new file mode 100644 index 0000000..37c86d8 --- /dev/null +++ b/data/document/chapter1_harry.txt @@ -0,0 +1,18 @@ +Mr. and Mrs. Dursley, of number four, Privet Drive, were proud to say that they were perfectly normal, thank you very much. +They were the last people you'd expect to be involved in anything strange or mysterious, because they just didn't hold with such nonsense. +Mr. Dursley was the director of a firm called Grunnings, which made drills. +He was a big, beefy man with hardly any neck, although he did have a very large mustache. +Mrs. Dursley was thin and blonde and had nearly twice the usual amount of neck, which came in very useful as she spent so much of her time craning over garden fences, spying on the neighbors. +The Dursleys had a small son called Dudley and in their opinion there was no finer boy anywhere. +The Dursleys had everything they wanted, but they also had a secret, and their greatest fear was that somebody would discover it. +They didn't think they could bear it if anyone found out about the Potters. +Mrs. Potter was Mrs. Dursley's sister, but they hadn't met for several years; in fact, Mrs. Dursley pretended she didn't have a sister, because her sister and her good-for-nothing husband were as unDursleyish as it was possible to be. +The Dursleys shuddered to think what the neighbors would say if the Potters arrived in the street. +The Dursleys knew that the Potters had a small son, too, but they had never even seen him. +This boy was another good reason for keeping the Potters away; they didn't want Dudley mixing with a child like that. +When Mr. and Mrs. Dursley woke up on the dull, gray Tuesday our story starts, there was nothing about the cloudy sky outside to suggest that strange and mysterious things would soon be happening all over the country. +Mr. Dursley hummed as he picked out his most boring tie for work, and Mrs. Dursley gossiped away happily as she wrestled a screaming Dudley into his high chair. +None of them noticed a large, tawny owl flutter past the window. +At half past eight, Mr. Dursley picked up his briefcase, pecked Mrs. Dursley on the cheek, and tried to kiss Dudley good-bye but missed, because Dudley was now having a tantrum and throwing his cereal at the walls. +"Little tyke," chortled Mr. Dursley as he left the house. +He got into his car and backed out of number four's drive. \ No newline at end of file diff --git a/data/text/16k_twitter_en.csv b/data/text/16k_twitter_en.csv deleted file mode 100755 index ec4ac7e..0000000 --- a/data/text/16k_twitter_en.csv +++ /dev/null @@ -1,16655 +0,0 @@ -id,candidate,candidate_confidence,relevant_yn,relevant_yn_confidence,sentiment,sentiment_confidence,subject_matter,subject_matter_confidence,candidate_gold,name,relevant_yn_gold,retweet_count,sentiment_gold,subject_matter_gold,text,tweet_coord,tweet_created,tweet_id,tweet_location,user_timezone -1,No candidate mentioned,1.0,yes,1.0,Neutral,0.6578,None of the above,1.0,,I_Am_Kenzi,,5,,,RT @NancyLeeGrahn: How did everyone feel about the Climate Change question last night? Exactly. #GOPDebate,,2015-08-07 09:54:46 -0700,629697200650592256,,Quito -2,Scott Walker,1.0,yes,1.0,Positive,0.6333,None of the above,1.0,,PeacefulQuest,,26,,,RT @ScottWalker: Didn't catch the full #GOPdebate last night. Here are some of Scott's best lines in 90 seconds. #Walker16 http://t.co/ZSfF…,,2015-08-07 09:54:46 -0700,629697199560069120,, -3,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6629,,PussssyCroook,,27,,,RT @TJMShow: No mention of Tamir Rice and the #GOPDebate was held in Cleveland? Wow.,,2015-08-07 09:54:46 -0700,629697199312482304,, -4,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.7039,,MattFromTexas31,,138,,,RT @RobGeorge: That Carly Fiorina is trending -- hours after HER debate -- above any of the men in just-completed #GOPdebate says she's on …,,2015-08-07 09:54:45 -0700,629697197118861312,Texas,Central Time (US & Canada) -5,Donald Trump,1.0,yes,1.0,Positive,0.7045,None of the above,1.0,,sharonDay5,,156,,,RT @DanScavino: #GOPDebate w/ @realDonaldTrump delivered the highest ratings in the history of presidential debates. #Trump2016 http://t.co…,,2015-08-07 09:54:45 -0700,629697196967903232,,Arizona -6,Ted Cruz,0.6332,yes,1.0,Positive,0.6332,None of the above,1.0,,DRJohnson11,,228,,,"RT @GregAbbott_TX: @TedCruz: ""On my first day I will rescind every illegal executive action taken by Barack Obama."" #GOPDebate @FoxNews",,2015-08-07 09:54:44 -0700,629697194283499520,,Central Time (US & Canada) -7,No candidate mentioned,1.0,yes,1.0,Negative,0.6761,FOX News or Moderators,1.0,,DebWilliams57,,17,,,RT @warriorwoman91: I liked her and was happy when I heard she was going to be the moderator. Not anymore. #GOPDebate @megynkelly https://…,,2015-08-07 09:54:44 -0700,629697192383672320,North Georgia,Eastern Time (US & Canada) -8,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RaulAReyes,,0,,,Going on #MSNBC Live with @ThomasARoberts around 2 PM ET. #GOPDebate,,2015-08-07 09:54:44 -0700,629697192169750528,New York NY,Eastern Time (US & Canada) -9,Ben Carson,1.0,yes,1.0,Negative,0.6889,None of the above,0.6444,,kengpdx,,0,,,"Deer in the headlights RT @lizzwinstead: Ben Carson, may be the only brain surgeon who has performed a lobotomy on himself. #GOPDebate",,2015-08-07 09:54:44 -0700,629697190219243524,,Pacific Time (US & Canada) -10,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,None of the above,0.4594,,Kathielarsyn,,1,,,RT @NancyOsborne180: Last night's debate proved it! #GOPDebate #BATsAsk @BadassTeachersA #TBATs https://t.co/G2gGjY1bJD,,2015-08-07 09:54:42 -0700,629697185093824512,, -11,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jnjsmom,,0,,,@JGreenDC @realDonaldTrump In all fairness #BillClinton owns that phrase.#GOPDebate,,2015-08-07 09:54:42 -0700,629697185072988160,"Peoria, IL",Central Time (US & Canada) -12,Mike Huckabee,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.652,,KLWorster,,188,,,"RT @WayneDupreeShow: Just woke up to tweet this out #GOPDebate - -Best line of the night via @GovMikeHuckabee http://t.co/6OV5hxHIcV",,2015-08-07 09:54:42 -0700,629697184259305472,"Fargo, ND",Central Time (US & Canada) -13,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,None of the above,1.0,,wiggerblonde,,0,,,Me reading my family's comments about how great the #GOPDebate was http://t.co/gIaGjPygXZ,,2015-08-07 09:54:42 -0700,629697183499943936,, -14,Jeb Bush,0.6947,yes,1.0,Neutral,0.6421,Foreign Policy,1.0,,NCBibleThumper,,5,,,"RT @ArcticFox2016: RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/TtFG7KYcd9""",,2015-08-07 09:54:42 -0700,629697183210696705,"Montgomery, AL ",Central Time (US & Canada) -15,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,In_Related_News,,215,,,RT @pattonoswalt: I loved Scott Walker as Mark Harmon's romantic rival in SUMMER SCHOOL. Look it up. #GOPDebate,,2015-08-07 09:54:42 -0700,629697182828892161,"San Diego, California",Pacific Time (US & Canada) -16,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,MDiner92,,0,,,Hey @ChrisChristie exploiting the tragedy of 9/11 for your own political gain is @rudygiulianiGOP's thing #GOPDebate,,2015-08-07 09:54:41 -0700,629697179515535360,,Central Time (US & Canada) -17,Donald Trump,0.3923,yes,0.6264,Negative,0.6264,Women's Issues (not abortion though),0.3923,,gina_catch22gg,,45,,,RT @CarolCNN: #DonaldTrump under fire for comments about women @PeterBeinart @SL_Schaeffer @IWF @@MyRkiger weigh in on #GOPdebate http://t.…,,2015-08-07 09:54:41 -0700,629697178362093568,, -18,Donald Trump,0.6404,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,ERNESTZorro,,7,,,RT @johncardillo: Guess who had most speaking time at the #GOPDebate. @FoxNews moderators with 31.7% of time. http://t.co/2WSUT0c0Lx,,2015-08-07 09:54:40 -0700,629697177485312000,,Mountain Time (US & Canada) -19,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6859999999999999,,LordWhatAMess,,0,,,reason comment is funny 'in case you're ignorant' is the #gop #tcot are the reason the government isn't working for the people #gopdebate,,2015-08-07 09:54:40 -0700,629697176642449408,,Eastern Time (US & Canada) -20,Mike Huckabee,1.0,yes,1.0,Negative,0.6669,LGBT issues,1.0,,oak523,,93,,,"RT @PamelaGeller: Huckabee: Paying for transgender surgery for soldiers, sailors and airmen does not make our country safer #Ha #GOPDebate",,2015-08-07 09:54:40 -0700,629697175979585536,NJ,Eastern Time (US & Canada) -21,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,rickymcghee,,6,,,"RT @ChuckNellis: Cruz has class & truth, that gets my vote! #GOPDebate",,2015-08-07 09:54:39 -0700,629697171898527744,"fripp island,sc/ southeast ga", -22,Donald Trump,0.2353,yes,0.6702,Negative,0.3511,None of the above,0.4492,,TeaTraitors,,2,,,RT @mchamric: RT “@TeaTraitors: #GOPDebate was still Clown Show! I'm glad Head Clown Trump helping destroy GOP. http://t.co/nwGx8G8JWr”,,2015-08-07 09:54:39 -0700,629697171579797508,Conspiracy Theoryland,Pacific Time (US & Canada) -23,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3484,,hoopsfanatic28f,,404,,,RT @erinmallorylong: No *I* hate Planned Parenthood and women more! NO I HATE PLANNED PARENTHOOD AND WOMEN MORE!!!!! #GOPDebate,,2015-08-07 09:54:39 -0700,629697170476654592,"Lynnwood, WA",Pacific Time (US & Canada) -24,No candidate mentioned,1.0,yes,1.0,Neutral,0.6701,None of the above,0.6701,,ottcanada,,415,,,RT @thekevinryder: #GOPDebate (Vine by @dabulldawg88) https://t.co/XKxVDrADce,,2015-08-07 09:54:38 -0700,629697168098504708,"Vancouver, Canada",Eastern Time (US & Canada) -25,No candidate mentioned,1.0,yes,1.0,Negative,0.6989,FOX News or Moderators,1.0,,brattymad,,93,,,RT @MrPooni: Fox News trying to convince us young Black Americans are more worried about ISIS than police terrorism #GOPDebate http://t.co/…,,2015-08-07 09:54:38 -0700,629697168052334592,, -26,Marco Rubio,0.6889,yes,1.0,Negative,1.0,None of the above,1.0,,America4Aliens,,0,,,"#GOPDebate rankings: worst to be performance - Rubio, Kasich, Christie, Bush, Trump, Cruz, Walker, Paul, Huckabee, Carson.",,2015-08-07 09:54:38 -0700,629697165548482560,"Sydney, New South Wales", -27,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,mch7576,,19,,,RT @TheBaxterBean: Scott Walker's Abortion Ban Allows Rapist Father To Sue For Emotional Distress http://t.co/rHMvgumuir #GOPDebate @Badger…,,2015-08-07 09:54:38 -0700,629697165128957952,USA , -28,No candidate mentioned,0.4209,yes,0.6488,Negative,0.3401,,0.2279,,lex_ruu,,156,,,"RT @feministabulous: It's not a competition, but how have we moved so far on gay rights but women's rights is worse than it's ever been? #G…",,2015-08-07 09:54:38 -0700,629697164999028736,,Eastern Time (US & Canada) -29,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OldOne4Sure,,2,,,RT @mch7576: RT “@TeaTraitors: #GOPDebate was still Clown Show! I'm glad Head Clown Trump helping destroy GOP. http://t.co/pRy2QPCWfu””,,2015-08-07 09:54:37 -0700,629697162574573568,Cleveland Texas,Central Time (US & Canada) -30,No candidate mentioned,0.405,yes,0.6364,Negative,0.3295,None of the above,0.405,,outlawjoZ,,4965,,,RT @HillaryClinton: Watch the #GOPdebate? Bet you feel like donating to a Democrat right about now. http://t.co/pGlQCqQgOP http://t.co/QP1e…,,2015-08-07 09:54:37 -0700,629697161274478592,EveryWhere,Eastern Time (US & Canada) -31,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,BMcCluregolf,,0,,,@fbhw they're going to need to borrow the train horn for the next #GOPDebate ! The little bell was wimpy! #hornmeansyouredone,,2015-08-07 09:54:36 -0700,629697160142004228,"Green Bay, WI", -32,Ted Cruz,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,Ruppy_puppy,,14,,,RT @LisaVikingstad: Ted Cruz at the #GOPDebate will be like Ted Cruz in bed. He will keep a confusingly sad look on his face and refuse to …,,2015-08-07 09:54:36 -0700,629697158351073281,,Atlantic Time (Canada) -33,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,litvakfeliks,,0,,,The First #GOPDebate: Social Media Reaction and More http://t.co/X6KUVSkltF,,2015-08-07 09:54:36 -0700,629697156811722752,European Union,Bratislava -34,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,audreyspizza,,0,,,#SocialMedia: The First #GOPDebate: Social Media Reaction and More http://t.co/ogoYfNyiKj,,2015-08-07 09:54:36 -0700,629697156807544833,Canada,Eastern Time (US & Canada) -35,No candidate mentioned,1.0,yes,1.0,Negative,0.6576,FOX News or Moderators,0.6576,,1337invisible,,0,,,RT WinesdayPodcast : An update on FoxNews tech failures for the #GOPDebate http://t.co/FGGlf2J5HU http://t.co/Zw35DkUozi,,2015-08-07 09:54:35 -0700,629697155687686144,News about tech and more!,Pacific Time (US & Canada) -36,No candidate mentioned,1.0,yes,1.0,Negative,0.6393,FOX News or Moderators,1.0,,TeaParty2A,,216,,,"RT @AmyMek: The Torched has been passed ->.@CandyCrowley is no longer the most Famous Political Assassin! Congratulations @megynkelly, U Wi…",,2015-08-07 09:54:35 -0700,629697155070951424,United States of America,Mazatlan -37,,0.2277,yes,0.6495,Negative,0.3402,None of the above,0.4218,,RotoStocks,,2,,,"RT @stockwizards3: Trump/Carson ticket would win in a landslide... -@realDonaldTrump @seanhannity @AnnCoulter #Republican #potus #Trump2016 …",,2015-08-07 09:54:35 -0700,629697154706210816,, -38,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shirley_3008,,3427,,,"RT @kvxrdashian: Jeb Bush: ""Obama is at fault, not my brother, because Obama didn't clean up the mess my brother made."" #GOPDebate http://t…",,2015-08-07 09:54:35 -0700,629697153288400896,, -39,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6705,,jasonrlee,,3,,,"RT @ali: After the Fox News #GOPDebate, we primary voters are none the wiser on the policy plans these folks are putting forth. Journalism …",,2015-08-07 09:54:33 -0700,629697146883715072,Arizona,Arizona -40,No candidate mentioned,0.4398,yes,0.6632,Neutral,0.6632,None of the above,0.4398,,Julie38xo_,,12,,,RT @itsashlyperez: listening to fetty wap while packing because i'm a true american #GOPDebate #doesthishashtagexpire?,,2015-08-07 09:54:33 -0700,629697146644623360,, -41,Donald Trump,0.4302,yes,0.6559,Negative,0.6559,None of the above,0.2398,,JmeMad,,4,,,RT @mgell: Trump is a cross between the shrug emoji and President Business from the Lego movie. #GOPDebate,,2015-08-07 09:54:33 -0700,629697146485350404,"Chicago, IL",Central Time (US & Canada) -42,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,nathansiegel_,,4006,,,"RT @JamelleMyBelle: Meanwhile, in the White House... #GOPDebate http://t.co/nouUUt5hKq",,2015-08-07 09:54:33 -0700,629697146019840000,,Eastern Time (US & Canada) -43,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.3261,None of the above,0.3974,,Chase_Lea10,,50,,,"RT @RowdyGentleman: If you’re planning out a #GOPDebate drinking game right now, you’re a Rowdy Gentleman.",,2015-08-07 09:54:33 -0700,629697145856094208,,Arizona -44,No candidate mentioned,1.0,yes,1.0,Negative,0.6869,Racial issues,0.6869,,Blessed_Sharday,,450,,,RT @brownblaze: PLEASE RT. #KKKorGOP #GOPDebate http://t.co/YaqYAC3uV3,,2015-08-07 09:54:32 -0700,629697142077169664,Tac,Pacific Time (US & Canada) -45,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6713,,SarahMLevin,,0,,,"Trump thinks criticism of his misogynistic remarks is a ""political correctness"" problem. Nope, it's a pervasive #sexism problem. #GOPDebate",,2015-08-07 09:54:32 -0700,629697140802125824,"Washington, DC",Atlantic Time (Canada) -46,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,Racial issues,1.0,,briaslide,,4416,,,"RT @LeKarmaSucre: How the #GOPDebate handled #BlackLivesMatter - -http://t.co/8ZGdY6lPCT",,2015-08-07 09:54:32 -0700,629697140625780736,,Central Time (US & Canada) -47,Donald Trump,0.4642,yes,0.6813,Neutral,0.3407,FOX News or Moderators,0.4642,,leeleemunster,,6,,,RT @palmaceiahome1: The goal of #FoxNews last night was to take out Trump and pave the way for a RINO like Bush or Kasich. #GOPDebate,,2015-08-07 09:54:31 -0700,629697139657076738,, -48,Donald Trump,1.0,yes,1.0,Neutral,0.6524,Jobs and Economy,0.6524,,dbizcap,,189,,,RT @philstockworld: From our Live Chat Room: #GOPDebate #Trump #Futures $SPY #NonFarmPayrolls #Jobs #Netflix -- http://t.co/0K06Sf81rq http…,,2015-08-07 09:54:31 -0700,629697135672430592,California, -49,Donald Trump,1.0,yes,1.0,Positive,0.6353,FOX News or Moderators,1.0,,held_jana,,0,,,“@DanScavino: #GOPDebate w/ @realDonaldTrump delivered the highest ratings in the history of presidential debates. #Trump2016 Fox say thanks,,2015-08-07 09:54:30 -0700,629697132455424000,, -50,Mike Huckabee,1.0,yes,1.0,Negative,0.6458,None of the above,0.6762,,Matthew8News,,0,,,"RT @gov: Most-Tweeted @GovMikeHuckabee #GOPDebate moment: saying purpose of military ""to kill people/break things"" re trans servicemembers",,2015-08-07 09:54:28 -0700,629697124616273920,"Richmond, VA",Eastern Time (US & Canada) -51,No candidate mentioned,0.4004,yes,0.6327,Neutral,0.6327,None of the above,0.4004,,Mor_Fost,,12,,,RT @ariannahuff: The best and worst from the #GOPDebate http://t.co/YkI30j7hhO,,2015-08-07 09:54:27 -0700,629697122309435392,Fort Worth,New Delhi -52,Rand Paul,0.67,yes,1.0,Positive,0.6397,Women's Issues (not abortion though),0.6397,,WorldWarJess,,78,,,"RT @megynkelly: .@ChrisStirewalt: Big moments were @RandPaul vs. @ChrisChristie, and @realDonaldTrump reaction to women question. #KellyFil…",,2015-08-07 09:54:26 -0700,629697118748471296,U.S. city with the most Cubans,Atlantic Time (Canada) -53,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Radiant_Body,,4,,,"RT @STYLEMOM: Here's a question, WHY in the hell are WOMEN & our body parts even in this debate? Foh, stop it, it's not 1965 wtf #GOPDebate…",,2015-08-07 09:54:26 -0700,629697116303028224,"Denver, CO",Central Time (US & Canada) -54,Donald Trump,1.0,yes,1.0,Negative,0.6633,FOX News or Moderators,0.6633,,NewsWriter2,,0,,,@rushlimbaugh Americans getting beheaded overseas and @megynkelly is worried whether @realDonaldTrump calls Rosie O'Donnell fat? #GOPDebate,,2015-08-07 09:54:26 -0700,629697115900391424,Los Angeles,Pacific Time (US & Canada) -55,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,FOX News or Moderators,1.0,,realmojesse5372,,5,,,"RT @ChuckNellis: I won't defend @FoxNews, they were FAR from fair OR balanced last night, but name calling is juvenile. #GOPDebate",,2015-08-07 09:54:26 -0700,629697115887828992,"Houston, TX",Central Time (US & Canada) -56,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,HeathenTech,,5,,,"RT @theskysgoneout: To non-Christians, #GOPDebate ""God"" questions underline how little anyone really cares about religious minorities. Chri…",,2015-08-07 09:54:25 -0700,629697113656586240,Midgard,Mountain Time (US & Canada) -57,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,mombizzz,,105,,,RT @Bipartisanism: The #GOPDebate response to #BlackLivesMatter was pathetic. http://t.co/isMXbrRM0h,,2015-08-07 09:54:25 -0700,629697111794286592,U.S.A,Central Time (US & Canada) -58,No candidate mentioned,0.22399999999999998,yes,0.6611,Negative,0.6611,FOX News or Moderators,0.22399999999999998,,janet_sistare,,23,,,RT @factcheckdotorg: .@JebBush said he cut FL taxes by $19B. But that includes cuts in estate taxes mandated by federal law. #GOPDebate. ht…,,2015-08-07 09:54:25 -0700,629697110485663744,"Rhinebeck, NY", -59,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Abortion,1.0,,debby_lowery,,230,,,"RT @mydaughtersarmy: Dear GOP, -If you want to stop abortions... - -#GOPDebate -http://t.co/RbL1t4iPx6",,2015-08-07 09:54:24 -0700,629697109881696256,NW Florida,Central Time (US & Canada) -60,Ted Cruz,0.4664,yes,0.6829,Positive,0.3659,Foreign Policy,0.2499,,MelanieEli2015,,123,,,"RT @KarrattiPaul: Join ISIS and sign your death warrant, -Signed @tedcruz next President of the US󾓦 - -#GOPDebate #WakeUpAmerica #CruzCrew htt…",,2015-08-07 09:54:24 -0700,629697107566309376,, -61,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,marcylauren,,83,,,RT @P0TUS: #GOPDebate closing statements: http://t.co/S15NLilLso,,2015-08-07 09:54:24 -0700,629697107201495040,Delaware,Eastern Time (US & Canada) -62,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,search4rr,,154,,,"RT @AmyMek: Status 👉 Single - -I broke up with @FoxNews last night! Goodbye @megynkelly, @BretBaier & Chris Wallace. - -#GOPDebate http://t.…",,2015-08-07 09:54:23 -0700,629697105838383104,"Florida,, usually",Eastern Time (US & Canada) -63,Donald Trump,1.0,yes,1.0,Positive,0.6693,None of the above,0.6815,,tcot2014,,18,,,"RT @FrankLuntz: Before the #GOPDebate, 14 focus groupers said they had favorable view of Trump. - -After, only 3 saw him positively. http://…",,2015-08-07 09:54:23 -0700,629697105360240640, NYC,Eastern Time (US & Canada) -64,No candidate mentioned,1.0,yes,1.0,Positive,0.7065,None of the above,1.0,,DavidWarren25,,23,,,"RT @_Holly_Renee: Just made my first donation to @CarlyFiorina. -So impressed by her #GOPDebate performance. -#Fiorina http://t.co/JLfhFvZ7ST",,2015-08-07 09:54:23 -0700,629697105318117377,San Diego,Pacific Time (US & Canada) -65,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,TracyCarrillo15,,135,,,RT @TheJimHughes: If we want to stop sending foreign aid to places that burn our flag can we start with Berkeley? #GOPDebate,,2015-08-07 09:54:23 -0700,629697102982066176,, -66,Rand Paul,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,Van_der_Leun,,1322,,,RT @frankthorpNBC: The Rand Paul eye roll to Chris Christie at the #GOPDebate https://t.co/hf318QSoWD,,2015-08-07 09:54:22 -0700,629697101044158464,"Seattle, WA",Pacific Time (US & Canada) -67,John Kasich,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,kevinburger72,,45,,,RT @JohnKasich: Scrap the President's Iran deal. Iran can’t get a nuke. #Kasich4Us #GOPDebate http://t.co/9TrZxOnLZF,,2015-08-07 09:54:22 -0700,629697098318020609,,Central Time (US & Canada) -68,No candidate mentioned,1.0,yes,1.0,Neutral,0.6983,None of the above,1.0,,Mamadoxie,,0,,,Trying to decide if it's too early to come back to Twitter fulltime. Was gonna wait closer to election but the #GOPDebate may have me hooked,,2015-08-07 09:54:22 -0700,629697098171187200,,Mountain Time (US & Canada) -69,Donald Trump,1.0,yes,1.0,Positive,0.3508,None of the above,1.0,,ancient_echoes,,484,,,"RT @MsPackyetti: Donald Trump's campaign reveals 1 important thing: Twitter Trolls are real people. - -And they vote. - -That should scare eve…",,2015-08-07 09:54:22 -0700,629697097973919744,"Oxnerd, California",Arizona -70,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,papalputz,,54,,,"RT @Bipartisanism: Those saying ""don't worry, Trump will NEVER be elected"" need to remember we elected George Bush. Twice. #GOPDebate http:…",,2015-08-07 09:54:21 -0700,629697097885945858,Vatican City, -71,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,randomsubu,,0,,,"Fox News Had Its Own #GOPDebate Agenda: Promote Carly ""never mention fired from HP"" Fiorina, & run Trump out of race http://t.co/9k1eujdFo7",,2015-08-07 09:54:21 -0700,629697097479155712,"Pittsburgh, PA",Eastern Time (US & Canada) -72,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Jobs and Economy,0.2299,,matters_world,,11,,,"RT @HlLLARY: Oh, one more thing. Did anyone hear anything about affordable child care for working families last night in the #GOPDebate ? I…",,2015-08-07 09:54:21 -0700,629697097369923588,, -73,Jeb Bush,1.0,yes,1.0,Negative,0.6667,Foreign Policy,0.6667,,ceg1258,,4,,,"RT @NaughtyBeyotch: RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/WQnSuPSPkC""",,2015-08-07 09:54:21 -0700,629697094182416385,TEXAS is the greatest state,Central Time (US & Canada) -74,No candidate mentioned,1.0,yes,1.0,Positive,0.337,None of the above,1.0,,wise_bob,,0,,,@marthamaccallum @billhemmer #gopdebate Bill and Martha were the A Team in the first debate. 2nd debate was an ambush.,,2015-08-07 09:54:21 -0700,629697093880414208,"Illinois, SW of Chicago",Central Time (US & Canada) -75,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6768,,palmaceiahome1,,0,,,"The Country's going to hell and Megyn Kelly on #FoxNews is attacking Trump for a ""war on women?"" #GOPDebate",,2015-08-07 09:54:20 -0700,629697091443531776,,Quito -76,No candidate mentioned,0.4536,yes,0.6735,Positive,0.6735,Religion,0.4536,,JoshL78,,233,,,"RT @Franklin_Graham: 1st #GOPDebate--Encouraging to see several candidates express their faith in God and His Son, Jesus Christ. http://t.c…",,2015-08-07 09:54:19 -0700,629697088583004161,"Walland, Tn",Eastern Time (US & Canada) -77,Donald Trump,0.4011,yes,0.6333,Negative,0.6333,,0.2322,,lindamama02,,5,,,"RT @SnarkyDemo: #DonaldTrump said he’s not “politically correct.” Which, of course, is Trumpspeak for “Let’s face it, I’m huge asshole.” #…",,2015-08-07 09:54:19 -0700,629697087219707904,, -78,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,Abortion,0.3819,,DanielBeerthuis,,804,,,RT @Bipartisanism: A message to the #GOPDebate candidates: http://t.co/WFK5CmVgiN,,2015-08-07 09:54:19 -0700,629697086145982464,"Holland, Michigan USA ",Eastern Time (US & Canada) -79,No candidate mentioned,0.6591,yes,1.0,Negative,1.0,None of the above,1.0,,agreenwood0216,,224,,,RT @davidcicilline: This is the worst episode of The Apprentice that I've ever seen. #GOPDebate,,2015-08-07 09:54:17 -0700,629697080630468608,, -80,No candidate mentioned,0.6691,yes,1.0,Neutral,0.6691,None of the above,1.0,,MBryant_73,,18,,,"RT @GovMikeHuckabee: Luntz: ""As the lines go up, they almost reach 100. It almost never happens in the dial research we do."" #GOPDebate -htt…",,2015-08-07 09:54:17 -0700,629697077434449920,Searcy,Central Time (US & Canada) -81,No candidate mentioned,1.0,yes,1.0,Negative,0.6239,None of the above,0.6239,,reemarakhee,,1,,,"RT @lolhayley: ""The purpose of the military is to kill people and break things."" - something an actual man running for president just said …",,2015-08-07 09:54:16 -0700,629697076469891072,,Eastern Time (US & Canada) -82,No candidate mentioned,1.0,yes,1.0,Negative,0.6211,Healthcare (including Medicare),0.6986,,AtticusBooks,,0,,,Wondering if I could get the Republican Party to pay for my liver transplant after playing @mtaibbi #GOPDebate drinking game last night.,,2015-08-07 09:54:15 -0700,629697071113719808,"Madison, NJ",Eastern Time (US & Canada) -83,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,Phadros369,,6,,,RT @BrandonDHowell: Great way to start Friday. #CarlyFiorina @CarlyFiorina #GOPDebate http://t.co/1ai9CuZ8bY,,2015-08-07 09:54:15 -0700,629697070757249024,, -84,Ted Cruz,0.6977,yes,1.0,Positive,0.6977,None of the above,1.0,,DeLoachJW,,1449,,,"RT @tedcruz: If elected, on my first day as President, I'll rescind every illegal and unconstitutional executive order enacted by Pres. Oba…",,2015-08-07 09:54:14 -0700,629697065057042432,"Arrington, TN",Eastern Time (US & Canada) -85,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ou2va2le2monde2,,532,,,RT @Ronnie2K: Donald Trump during #GOPDebate be like... https://t.co/jCUirk1i1u,,2015-08-07 09:54:13 -0700,629697061924044800,,Pacific Time (US & Canada) -86,No candidate mentioned,1.0,yes,1.0,Neutral,0.6626,None of the above,0.6497,,Willieintn,,23,,,RT @bruneski: Was upstairs putting the kids to bed. How many questions about climate change did I miss? #GOPDebate #GOPClownCar,,2015-08-07 09:54:13 -0700,629697061550624768,,Eastern Time (US & Canada) -87,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Abortion,0.6889,,JoshDorner,,0,,,"They’re all Todd Akin now: How the Planned Parenthood sting backfired on Republicans #GOPDebate #StandwithPP -http://t.co/ekXPfKtHQn",,2015-08-07 09:54:11 -0700,629697053740912641,The District. ,Quito -88,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,0.6854,,HugeConspiracy,,61,,,RT @learjetter: Hey @Foxnews let #REPUBLICANS digest #GOPDebate before allowing crazy @DWStweets to TRASH OUR #GOP! @LadySandersfarm http:/…,,2015-08-07 09:54:11 -0700,629697053317173248,Southwest USA, -89,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.3483,,DoremusJ,,13,,,RT @TheBaxterBean: Watch Donald Trump Receive Enormous Applause for Horribly Misogynistic #GOPDebate Answer http://t.co/R4e8TpOtd5 http://t…,,2015-08-07 09:54:11 -0700,629697052344123392,9/10th mile north Nowhere OK, -90,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Daniel_DeMay,,0,,,A few of my favorite #Twitter responses to the #GOPDebate last night: http://t.co/2IqcdrCdlm http://t.co/7TDMA3VLM8,,2015-08-07 09:54:11 -0700,629697052079882240,"Seattle, WA",Alaska -91,No candidate mentioned,0.4344,yes,0.6591,Positive,0.6591,FOX News or Moderators,0.4344,,LarkXOXO,,0,,,"Even though she's a super conservative reporter, I actually like Megyn Kelly's interview style & she did great at the #GOPDebate",,2015-08-07 09:54:09 -0700,629697046044237824,Stevens Point // DeKalb,Mountain Time (US & Canada) -92,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,RayT2011,,839,,,RT @kingsthings: The #GOPdebate is not a debate at all. It's a series of 1 minute opportunities to avoid answering a question one candidate…,,2015-08-07 09:54:09 -0700,629697045742252032,Los Angeles, -93,No candidate mentioned,0.4258,yes,0.6526,Positive,0.3474,None of the above,0.4258,,poconofolks,,1,,,RT @MelissaGracey: Credit for this joke goes to someone else but it is funny! #GOPDebate http://t.co/iCreDSSplR,,2015-08-07 09:54:07 -0700,629697036363935744,, -94,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6667,,IdahoGOP,,44,,,RT @Reince: Simply incredible. http://t.co/apXM8AO8jf Last night's #GOPDebate doubled the previous record for most-watched primary debate i…,,2015-08-07 09:54:07 -0700,629697036258914304,"Boise, Idaho",Mountain Time (US & Canada) -95,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kweidleman,,1,,,"RT @KateThomas: This literally couldn't be more true for me. ""I Watched the #GOPDebate & All I Got Was a Lousy Hangover"" http://t.co/cxch7X…",,2015-08-07 09:54:06 -0700,629697034694565888,"Washington, DC",Eastern Time (US & Canada) -96,Donald Trump,1.0,yes,1.0,Negative,0.6659,None of the above,0.6905,,ACasaFreehold,,1,,,RT @fl_dreamer: Haha a little saas from @voxdotcom this morning towards @realDonaldTrump. #FactChecked #GOPDebate http://t.co/dAeCtmLlaj,,2015-08-07 09:54:06 -0700,629697030869372928,191 Throckmorton St. Freehold, -97,Jeb Bush,0.4413,yes,0.6643,Neutral,0.3517,None of the above,0.2336,,ceg1258,,1,,,"RT @TexasCruzn: RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/1z3VuFjZlw""",,2015-08-07 09:54:05 -0700,629697026981281792,TEXAS is the greatest state,Central Time (US & Canada) -98,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gleason_danny,,347,,,RT @zellieimani: What people saw in person vs what we saw on tv. #GOPDebate http://t.co/QlGsXRH5Hw,,2015-08-07 09:54:05 -0700,629697026955939845,"Austin, Texas", -99,Marco Rubio,0.4535,yes,0.6734,Negative,0.6734,LGBT issues,0.4535,,seedywumps,,9,,,RT @TheBaxterBean: Marco Rubio Told To His Face He's 'Candidate Of Yesterday' For His Anti-Gay Bigotry http://t.co/a4EiuETTLf #GOPDebate ht…,,2015-08-07 09:54:05 -0700,629697026905653248,"lib utopia, with unicorns",Pacific Time (US & Canada) -100,Donald Trump,1.0,yes,1.0,Negative,0.6264,None of the above,1.0,,Liberalibrarian,,4,,,"RT @carIisIe: None of them have made Trump look out of place or foolish yet. Think about that. When you're done crying, think about it agai…",,2015-08-07 09:54:04 -0700,629697026054172672,"Las Vegas, Nevada",America/Los_Angeles -101,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6552,,TheClementLime,,1,,,"RT @akbarjenkins: Maybe the GOP just got Piven & Cloward confused with Pinkard & Bowden? ""She thinks I steal cars..."" @kevinbaker @KevinMKr…",,2015-08-07 09:54:04 -0700,629697025802526720,, -102,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MikeT1647,,0,,,Had a great time watching the #GOPDebate last night http://t.co/qCmxMU8MLP,,2015-08-07 09:54:04 -0700,629697023877341185,,Mountain Time (US & Canada) -103,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6634,,danijeantheq,,149,,,"RT @JRehling: #GOPDebate Donald Trump says that he doesn't have time for political correctness. How does calling women ""fat pigs"" save him …",,2015-08-07 09:54:04 -0700,629697023663546368,, -104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DouglasRobert70,,18,,,RT @theonlyadult: This is the @POTUS we have now. One of the people on TV now might be the next one. RIP everything. #GOPDebate http://t.co…,,2015-08-07 09:54:04 -0700,629697022866493440,,Mountain Time (US & Canada) -105,Donald Trump,1.0,yes,1.0,Neutral,0.7027,None of the above,1.0,,Kassandra_Troy,,0,,,I think @realDonaldTrump was caught by surprise by that first question and was never able to recover his equilibrium. #GOPDebate,,2015-08-07 09:54:03 -0700,629697020723376128,Euro Swamp,Amsterdam -106,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6437,,Osunga,,2,,,"RT @kirahoffy: ""@FoxNews web stream and mobile app fail during #GOPDebate” … Why am I not surprised? http://t.co/tkpEsoOEZT",,2015-08-07 09:54:02 -0700,629697014922526720,Los Angeles,Pacific Time (US & Canada) -107,John Kasich,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,kevinburger72,,90,,,"RT @JohnKasich: John Kasich helped Ohioans create 350,000 new jobs. He can do it for America. #GOPDebate http://t.co/kBzfBJyp2C",,2015-08-07 09:54:02 -0700,629697014557769729,,Central Time (US & Canada) -108,No candidate mentioned,0.4204,yes,0.6484,Positive,0.3297,,0.228,,Sacerdotus,,0,,,Please help the Maryknoll Sisters replace windows in their convent https://t.co/fDgXG3VV13 #Catholic #gofundme #trcot #GOPDebate,,2015-08-07 09:54:02 -0700,629697014494822400,USA,Eastern Time (US & Canada) -109,No candidate mentioned,1.0,yes,1.0,Neutral,0.6557,None of the above,1.0,,KristenLuciano1,,156,,,"RT @CarlyFiorina: At #GOPDebate, I won over our largest audience yet. Can you chip in $3 to help us keep it up?https://t.co/nzYnC1JRxS -http…",,2015-08-07 09:54:02 -0700,629697014356312065,,Central Time (US & Canada) -110,Donald Trump,0.4736,yes,0.6882,Negative,0.6882,None of the above,0.4736,,Clever_Otter,,0,,,Trump just said @JebBush is a true gentleman & then they started violently 69ing. #GOPDebate,,2015-08-07 09:54:01 -0700,629697012510789632,Earth,Mountain Time (US & Canada) -111,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,grady77,,95,,,RT @cameronesposito: Ugh will these guys ever shut up about how much they respect women? #GOPDebate,,2015-08-07 09:53:59 -0700,629697002830327808,PDX,Eastern Time (US & Canada) -112,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6322,,lindamama02,,5,,,"RT @SnarkyDemo: What did the #GOPDebate teach us about a future President Trump? America probably won’t be safe, except if we’re attacked …",,2015-08-07 09:53:59 -0700,629697001840508928,, -113,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6765,,DEveLRatCity,,18,,,"RT @congoboy: This is going to be a long, tiring election season. -""shockingly ill-informed"" candidates at #GOPDebate -http://t.co/vTK1k0tXi…",,2015-08-07 09:53:56 -0700,629696992285831168,Seattle , -114,Marco Rubio,1.0,yes,1.0,Neutral,0.6545,None of the above,0.6545,,unicornmajik,,46,,,"RT @AmyMek: ""God has blessed the Republican party with many great candidates, @TheDemocrats can't even find one"" - @marcorubio #GOPDebate",,2015-08-07 09:53:56 -0700,629696989895077888,Arizona,Arizona -115,John Kasich,0.6779999999999999,yes,1.0,Neutral,0.6615,Jobs and Economy,1.0,,kevinburger72,,73,,,RT @JohnKasich: The miracle can happen to you. Grow opportunity and grow jobs. #GOPDebate http://t.co/lNqhDgTUdK,,2015-08-07 09:53:56 -0700,629696989106712576,,Central Time (US & Canada) -116,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,marcylauren,,51,,,RT @MattyIceAZ: Scott Walker can't even carry his own state. #GOPDebate,,2015-08-07 09:53:55 -0700,629696988557254657,Delaware,Eastern Time (US & Canada) -117,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,kaewizzzle,,409,,,"RT @XLNB: Black people, if you need anymore indication why Republicans hate us. Peep this. #GOPDebate http://t.co/Bh0ChsY5Eh",,2015-08-07 09:53:55 -0700,629696988158799872,,Mountain Time (US & Canada) -118,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,DavidBloomberg,,94,,,"RT @Smethanie: Sure, God told me I should run, and the Tooth Fairy agreed and all the Teletubbies voted yes, so here I am. #GOPDebate",,2015-08-07 09:53:55 -0700,629696986288009216,"Springfield, IL",Central Time (US & Canada) -119,Donald Trump,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,1.0,,WillisShepherd,,2,,,RT @palmaceiahome1: Trump should have told Megyn Kelly to go to HELL! #FoxNews #GOPDebate,,2015-08-07 09:53:55 -0700,629696985847611392,Las Vegas NV, -120,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,annykatzy,,2,,,"RT @palmaceiahome1: Caller on the Rush Limbaugh show:""I have lost all respect for Fox News."" #FoxNews #GOPDebate",,2015-08-07 09:53:55 -0700,629696984681582592,Fla/Mich,Central Time (US & Canada) -121,Donald Trump,1.0,yes,1.0,Negative,0.6708,FOX News or Moderators,1.0,,Slim_Shady2o3,,482,,,"RT @realDonaldTrump: ""@stinger_inc: @realDonaldTrump @megynkelly's behaviour at the #GOPDebate was astonishingly biased.""",,2015-08-07 09:53:54 -0700,629696983159193600,USA,Eastern Time (US & Canada) -122,Marco Rubio,1.0,yes,1.0,Positive,0.3523,Jobs and Economy,0.6932,,VicSonaglia,,0,,,"Republicans Debate Economics: Rubio Wins, Bush Falters, Huckabee Exaggerates http://t.co/mOlloaQhWQ #GOPdebate #knowmorenotless @GPNAPLang",,2015-08-07 09:53:54 -0700,629696982534258688,,Quito -123,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,paulrikmans,,4,,,RT @JamesViser: Huh. Half of Clinton's charity went to...the Clintons! http://t.co/BVwRoSgWAL #copolitics #Hillary2016 #StopHillary #UniteB…,,2015-08-07 09:53:54 -0700,629696982525865984,10km from amsterdam,Amsterdam -124,Donald Trump,1.0,yes,1.0,Negative,0.6892,FOX News or Moderators,1.0,,LawrenceLange1,,2,,,"RT @kraig4u: #GOPDebate The order was to ""take out Trump"", but I wonder if FOX News was the one who took the ""order"" seriously. @HeidiL_RN",,2015-08-07 09:53:54 -0700,629696981531820032,, -125,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,1.0,,1936power,,15,,,"RT @DiegoUK: Democrats watching the #GOPDebate last night http://t.co/7v4WJok3vM -#p2 #ctl #topprog #tcot #tlot",,2015-08-07 09:53:54 -0700,629696980986560513,"Philadelphia, PA",Eastern Time (US & Canada) -126,Donald Trump,1.0,yes,1.0,Negative,0.6549,FOX News or Moderators,1.0,,awesomenautted,,112,,,"RT @AmyMek: We all owe @realDonaldTrump a huge thank you 4 exposing to the world👉@megynkelly, Chris Wallace, & @FrankLuntz are true Rhinos!…",,2015-08-07 09:53:53 -0700,629696979858292736,,Pacific Time (US & Canada) -127,Scott Walker,0.4089,yes,0.6395,Negative,0.6395,None of the above,0.4089,,glamorqueen,,224,,,RT @TheBaxterBean: Scott Walker Lies: Says WI Budget Has $535M Surplus (Actually Has $1.76B Deficit) http://t.co/VVMxzkxLKr #GOPDebate http…,,2015-08-07 09:53:53 -0700,629696979313033216,,Central Time (US & Canada) -128,No candidate mentioned,0.461,yes,0.679,Positive,0.3432,Abortion,0.461,,outlawjoZ,,0,,,You're right Last I heard @SenSanders was that only women could give birth to s child. Has that changed? #GOPDebate https://t.co/5HkCefp1hf,,2015-08-07 09:53:53 -0700,629696978272821248,EveryWhere,Eastern Time (US & Canada) -129,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,0.6647,,Jh_Kleinman,,1098,,,"RT @pattonoswalt: ""Have any of you received a word from God?"" = ""Are any of you soup-sandwich crazy?"" #GOPDebate",,2015-08-07 09:53:52 -0700,629696974711721984,,Pacific Time (US & Canada) -130,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ProtectIllusion,,52,,,"RT @FrankConniff: Fox News #GOPDebate interviewer to candidates: ""What's your take on these GOP talking points I'm feeding you?""",,2015-08-07 09:53:52 -0700,629696972711014401,,Mountain Time (US & Canada) -131,No candidate mentioned,0.4286,yes,0.6546,Negative,0.6546,,0.2261,,TrishFish42,,127,,,RT @LeslieMac: But the murder of black ppl is just fine- just not unborn black babies? #GOPLogic #GOPDebate,,2015-08-07 09:53:52 -0700,629696972207710208,,Eastern Time (US & Canada) -132,No candidate mentioned,1.0,yes,1.0,Neutral,0.7024,None of the above,1.0,,dustysandyroads,,3847,,,RT @HillaryClinton: Missing Jon Stewart already. #GOPdebate #JonVoyage -H,,2015-08-07 09:53:51 -0700,629696970760802304,CA,Pacific Time (US & Canada) -133,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FasterTrader,,1,,,RT @CharlotteLaws: Chris Christie is really standing out at the #GOPdebate,,2015-08-07 09:53:51 -0700,629696969057767425,"Los Angeles, CA", -134,Donald Trump,1.0,yes,1.0,Positive,0.3587,FOX News or Moderators,0.7065,,hankkohl,,1,,,"RT @libertyjibbet: Hey .@realDonaldTrump You know who didn't whine about ""unfair"" questions? @CarlyFiorina Grow a set why don't ya'. #GOPDe…",,2015-08-07 09:53:49 -0700,629696962598559744,,Central Time (US & Canada) -135,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,jcmarder,,0,,,"You can't be pro-life AND have watched that 2 hour abortion last night. -#GOPDebate #forkedtongue #IseeOrangePeople",,2015-08-07 09:53:49 -0700,629696959515770880,"San Marino, California",Pacific Time (US & Canada) -136,Donald Trump,0.6921,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JCArgentum,,310,,,"RT @DanScavino: .@MegynKelly, -You failed the American people tonight. -You tried to make history, by destroying @realDonaldTrump. #KellyFai…",,2015-08-07 09:53:48 -0700,629696958857396224,, -137,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,markmcandrew,,334,,,"RT @edstetzer: Btw... when you mix politics and religion, you get politics. #GOPDebate",,2015-08-07 09:53:48 -0700,629696955967344640,"Athens, Ga", -138,Marco Rubio,0.4233,yes,0.6506,Positive,0.3373,Abortion,0.4233,,JoWesterhof,,350,,,RT @TeamMarco: Marco nailed it on abortion. We must protect life. #GOPDebate http://t.co/Nn6S7dO22J,,2015-08-07 09:53:48 -0700,629696955543855104,, -139,Donald Trump,0.7063,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Transcend_Rsrch,,0,,,@megynkelly @BretBaier @foxnews WTF was up with Chris Wallace attacking #Trump2016 on bankruptcy then giving Rubio a softball? #GOPDebate,,2015-08-07 09:53:47 -0700,629696954289790976,, -140,No candidate mentioned,0.4154,yes,0.6445,Negative,0.3451,None of the above,0.4154,,Caitlin_R_Olson,,0,,,They obviously didn't get the memo about #SeersuckerThursday. #GOPDebate http://t.co/LZagRRtZfl,,2015-08-07 09:53:47 -0700,629696953513869312,"Berkeley, CA", -141,Donald Trump,0.3921,yes,0.6262,Negative,0.6262,None of the above,0.3921,,teachsbeach,,14,,,"RT @VH1: Honestly, Donald Trump you were ALL types of petty at last night's #GOPDebate 😒 --> http://t.co/QxdoeMfuqO http://t.co/mcr6lrJh2h",,2015-08-07 09:53:47 -0700,629696952985350144,,Cape Verde Is. -142,No candidate mentioned,0.4946,yes,0.7033,Negative,0.7033,None of the above,0.4946,,JagbusAnne,,8,,,RT @TuxcedoCat: All Republican dopefuls who say they'll take US back to 2009 on 'Day One' will never see one day in White House! #GOPDebate…,,2015-08-07 09:53:46 -0700,629696950842064897,, -143,Donald Trump,1.0,yes,1.0,Negative,0.6429,None of the above,0.6429,,jennpozner,,0,,,Trump gloating abt buying GOP+Dem pols &them doing his bidding IS my 2000s Billionaire caricature MyaCash #GOPDebate https://t.co/5spmU3csIc,,2015-08-07 09:53:46 -0700,629696950225473536,"Brooklyn, NY",Eastern Time (US & Canada) -144,No candidate mentioned,0.451,yes,0.6716,Positive,0.3372,FOX News or Moderators,0.2264,,TheRightback1,,226,,,"RT @peddoc63: Go Carly📢 -Go Carly📢 -Go Carly📢 -@CarlyFiorina #Carly2016 #GOPDebate -@FlyoverCulture @LeahR77 @steph93065 @MaydnUSA http://t.co/…",,2015-08-07 09:53:46 -0700,629696947918643200,, -145,No candidate mentioned,0.3999,yes,0.6324,Negative,0.3296,None of the above,0.3999,,DeisenrothJune,,255,,,RT @Daenerys: Listening to the #GOPDebate like http://t.co/3JrCuQdAFu,,2015-08-07 09:53:46 -0700,629696947453067264,, -146,Rand Paul,0.6591,yes,1.0,Positive,1.0,None of the above,1.0,,georgecorey4,,5,,,RT @ScorpionsPriest: Best moment of the #GOPDebate last night: Rand telling Christie to go get another hug from Obama.,,2015-08-07 09:53:45 -0700,629696945125224448,"portsmouth ,Rhode Island", -147,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3508,,JJBills14,,350,,,RT @JohnFugelsang: If you missed either #GOPDebate all you need to know is there's no $ for struggling Americans and unlimited $ for war.,,2015-08-07 09:53:45 -0700,629696943963312129,, -148,Jeb Bush,1.0,yes,1.0,Negative,0.3563,None of the above,1.0,,aeroG,,4,,,RT @pfikac: .@JebBush 'We are on the verge of the greatest time to be alive in this world but Washington is holding us back' #mysa #txlege …,,2015-08-07 09:53:45 -0700,629696943392866304,"Houston, Texas",Central Time (US & Canada) -149,Donald Trump,1.0,yes,1.0,Negative,0.3385,None of the above,1.0,,urokiamok,,120,,,"RT @DrMartyFox: #Trump Wins Drudge -Debate Poll - -➡️ By A Landslide - -#TedCruz #2 - -#GOPDebate #PJNET🇺🇸 -☑️ http://t.co/YUh6j7QqHA http://…",,2015-08-07 09:53:44 -0700,629696941769625600,SSCA,Arizona -150,No candidate mentioned,1.0,yes,1.0,Positive,0.6923,Immigration,1.0,,jojo21,,8,,,"RT @SiteROI: @GovernorPerry fights back against ""what will you do abt immigration"" Q. Says border is porous, and that must be fixed first. …",,2015-08-07 09:53:44 -0700,629696941132279808,"Ellicott City, Maryland",Eastern Time (US & Canada) -151,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6364,,magicfreak81,,0,,,Summary is the #GOPDebate: Status quo shit show,,2015-08-07 09:53:44 -0700,629696940532436992,"New York, NY",Eastern Time (US & Canada) -152,No candidate mentioned,0.4528,yes,0.6729,Negative,0.6729,None of the above,0.4528,,abitx2u,,42,,,RT @ThePatriot143: Debbie Blocks Tweeter Who Questioned Dem Debate Schedule http://t.co/gXNa0TOqaQ #GOPDebate @DWStweets http://t.co/kxIKF…,,2015-08-07 09:53:44 -0700,629696939257245696,God's Country, -153,No candidate mentioned,1.0,yes,1.0,Negative,0.6783,Women's Issues (not abortion though),0.6783,,TrishFish42,,1480,,,"RT @sallykohn: Hey look, it’s 10 men standing on a stage arguing why they should get to control women’s bodies and choices. #GOPDebate",,2015-08-07 09:53:43 -0700,629696937386639361,,Eastern Time (US & Canada) -154,Marco Rubio,0.4123,yes,0.6421,Neutral,0.3263,None of the above,0.4123,,SteegVan,,14,,,"RT @TheBaxterBean: Rubio Budget Raises MiddleClass Taxes, Adds $4.5T Deficit, Cuts InvestmentTax To $0 http://t.co/9S9NuVSAf7 #GOPDebate ht…",,2015-08-07 09:53:43 -0700,629696936422019072,Central Florida,Eastern Time (US & Canada) -155,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,realJohnJericho,,33,,,RT @ChrisJZullo: Last night at the #GOPdebate all I saw was a bunch of Rich and Old despots with ZERO solutions to our nations problems #un…,,2015-08-07 09:53:42 -0700,629696934039543808,,Central Time (US & Canada) -156,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,None of the above,1.0,,Kathielarsyn,,3,,,"RT @NancyOsborne180: #GOPDebate #BATsAsk @BadassTeachersA #TBATs Debate over We learned nothing new -http://t.co/VMtnRi7xev http://t.co/6mt…",,2015-08-07 09:53:42 -0700,629696933121015808,, -157,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cornopaez,,7,,,RT @RFHKerry: If you think ANY of these people are qualified...unfollow me. #GOPDebate,,2015-08-07 09:53:42 -0700,629696932189966336,"Pittsburgh, PA",Eastern Time (US & Canada) -158,Ben Carson,0.41,yes,0.6403,Neutral,0.3279,Religion,0.41,,marcylauren,,241,,,RT @Bipartisanism: Ben Carson spoke about science at the #GOPDebate and @neiltyson was like: http://t.co/bYoOH7i3N6,,2015-08-07 09:53:41 -0700,629696929040060416,Delaware,Eastern Time (US & Canada) -159,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,Immigration,0.4025,,EusebiaAq,,0,,,Who's the real illegal alien- #GOPDebate Farrakhan on Immigration the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:53:40 -0700,629696923729989632,America,Eastern Time (US & Canada) -160,No candidate mentioned,0.4445,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.2414,,bad_robot_57,,0,,,#GOPDebate The talking heads put on the debate now the talking heads are telling us how the debates went. Maybe we wasted our time watching,,2015-08-07 09:53:40 -0700,629696921750368256,, -161,Donald Trump,0.4347,yes,0.6593,Neutral,0.3626,None of the above,0.4347,,NottlyCreek,,66,,,RT @STEEL5757: 🎀 #DonaldTrump Plaza Casino #TeddyBear Plush in #Tuxedo 🎀 http://t.co/QHTTX0PLDG 🎀 #CoolStuff #GOPDebate http://t.co/QJUnzjY…,,2015-08-07 09:53:39 -0700,629696921444028417,, -162,Donald Trump,1.0,yes,1.0,Positive,0.6374,FOX News or Moderators,0.3626,,murmiles,,0,,,"#Trump is right about @megynkelly but really needs to study Matthew 7, verses 3-5. #GOPDebate https://t.co/ygNprhiehV",,2015-08-07 09:53:38 -0700,629696913877639168,People's Republic of Broward, -163,Donald Trump,0.6599,yes,1.0,Neutral,0.6599,None of the above,1.0,,paryparpari,,116,,,RT @AC360: It wasn’t all #DonaldTrump. The most memorable #GOPDebate moments right now on #AC360. http://t.co/kDNhGj2RY3 http://t.co/HZ9GwE…,,2015-08-07 09:53:37 -0700,629696912120238080,, -164,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,owlzly,,0,,,#GOPDebate in one picture http://t.co/WMmucJUqJu,,2015-08-07 09:53:37 -0700,629696909947441152,Up North,Pacific Time (US & Canada) -165,No candidate mentioned,1.0,yes,1.0,Negative,0.6718,Women's Issues (not abortion though),0.6718,,marcidarling,,325,,,"RT @maureenjohnson: ""Where do you think women should sleep when they have The Curse? The shed? Or in an open field, not on your property?' …",,2015-08-07 09:53:37 -0700,629696909540761600,Nashville,Central Time (US & Canada) -166,Ben Carson,0.4495,yes,0.6705,Negative,0.3409,Religion,0.2286,,SmittyMyBro,,0,,,"""I think God's a pretty fair guy"" -Ben Carson, neurosurgeon, on his belief modern day taxation should be based on an ancient book -#GOPDebate",,2015-08-07 09:53:36 -0700,629696906747252737,John Smith AKA Bazooka Joe,Central Time (US & Canada) -167,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6598,,shyone269,,10,,,"RT @NancyLeeGrahn: The cheers from #GOPDebate audience afterTrump defiantly named @Rosie as the woman he called ""Fat Pig"" were the voices …",,2015-08-07 09:53:35 -0700,629696901860995073,Not where I want to be U.S.A.,America/New_York -168,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Truthbuster,,0,,,"#BlackLives don't matter, apparently, to Republican candidates for president http://t.co/8rfevFWSXx / or to @FoxNews #uniteblue #GOPDebate",,2015-08-07 09:53:35 -0700,629696900929855488,"New York, NY",Eastern Time (US & Canada) -169,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Alee_Bono,,0,,,"Overall the main thing we learned from the #GOPDebate is that only straight, white, men matter.",,2015-08-07 09:53:34 -0700,629696899960844289,The Moon,Mountain Time (US & Canada) -170,No candidate mentioned,1.0,yes,1.0,Positive,0.6629,None of the above,0.6404,,Alaskan3401,,0,,,"@USFree4life I thought @seanhannity had the best post #GOPDebate interviews of the night, gave them all a chance 2straighten their position.",,2015-08-07 09:53:34 -0700,629696897884647424,"Alaska,South Central",Alaska -171,Donald Trump,0.672,yes,1.0,Negative,0.3452,None of the above,1.0,,kevinburger72,,277,,,"RT @JohnKasich: Hey @RealDonaldTrump, if you're still looking to chip in, check out http://t.co/dy8KnZ122T - -#GOPDebate",,2015-08-07 09:53:32 -0700,629696892310560768,,Central Time (US & Canada) -172,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fc7822,,0,,,"@megynkelly @BretBaier #ChrisWallace, #America is criticizing UR PERFORMANCES during #GOPDebate b/c U did a REALLY bad job as ""moderators.""",,2015-08-07 09:53:32 -0700,629696891895181313,"Riverside, CA - USA",Pacific Time (US & Canada) -173,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6729,,held_jana,,0,,,"“@GovMikeHuckabee: Luntz: ""As the lines go up, they almost reach 100. It almost never happens in the dial research we do."" #GOPDebate rigged",,2015-08-07 09:53:32 -0700,629696890490253313,, -174,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6211,,justanothersnl,,11,,,RT @oftenimprudent: I wish we could teach teenage girls to love themselves as much as Donald Trump loves himself. #GOPdebate,,2015-08-07 09:53:32 -0700,629696889315794944,with Carmen Sandiego,Eastern Time (US & Canada) -175,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6421,,unicornmajik,,163,,,"RT @AmyMek: Conservatives are a people without a Network! - -#GOPDebate @FoxNews",,2015-08-07 09:53:31 -0700,629696886870401024,Arizona,Arizona -176,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rwyckoff46,,1447,,,RT @BHowl_: How come there's no talk about climate change? Has anyone here even seen California right now? #GOPDebate #DebateWithBernie,,2015-08-07 09:53:30 -0700,629696882613329921,"Brattleboro, VT",Eastern Time (US & Canada) -177,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jojo21,,4,,,RT @travisconsidine: .@GovernorPerry #GOPDebate Performance Review-Reel: https://t.co/o5QUROZbku #Perry2016,,2015-08-07 09:53:30 -0700,629696879790567429,"Ellicott City, Maryland",Eastern Time (US & Canada) -178,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3441,,ThadM44,,16,,,"RT @ChrisJZullo: Last night they could have have raised their hands. I'm a spoiled billionaire, I'm an oligarch, I'm a racist, I'm a religi…",,2015-08-07 09:53:29 -0700,629696879463428097,Pennsylvania, -179,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mmprnews,,0,,,"#GOPDebate 2016 #teamdrbencarson @RealBenCarson WOW! Brilliant, Cool, Calm & Collected.#empowering",,2015-08-07 09:53:29 -0700,629696879429877760,"Florida, USA",Eastern Time (US & Canada) -180,Ted Cruz,0.4805,yes,0.6932,Neutral,0.3636,FOX News or Moderators,0.4805,,peaceischrist,,48,,,"RT @SooperMexican: Ted Cruz doesn't appreciate your emphatically sarcastic air quotes, megan kelly. #GOPDebate",,2015-08-07 09:53:29 -0700,629696876665638912,Washington State, -181,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Abortion,1.0,,SableViews,,7,,,"RT @BenJamminWalker: Under no circumstances should 10 men dictate abortion rights to women. It's the 21st Century, we are better than that.…",,2015-08-07 09:53:28 -0700,629696875143262208,"rural Wisconsin, USA",Central Time (US & Canada) -182,Donald Trump,1.0,yes,1.0,Positive,0.7049,None of the above,1.0,,Samstwitch,,1395,,,"RT @DanScavino: #GOPDebate Winner! -Drudge 50% (187K) @realDonaldTrump -TIME 46% (25K) @realDonaldTrump -FOXSD 49% @realDonaldTrump http://t…",,2015-08-07 09:53:28 -0700,629696872618291200,"Fort Worth, Texas",Central Time (US & Canada) -183,No candidate mentioned,1.0,yes,1.0,Negative,0.6939,FOX News or Moderators,1.0,,bittybyte,,164,,,"RT @JoePrich: .@megynkelly In 2012 you chided @CandyCrowley for ""going from objective moderator to active participant"" #GOPDebate http://t…",,2015-08-07 09:53:28 -0700,629696872223936512,the cosmos / az,Arizona -184,Donald Trump,1.0,yes,1.0,Negative,0.6344,None of the above,0.7097,,talkbackny,,0,,,#GOPDebate @FoxNews @realDonaldTrump in1996 you called @billclinton a two timing slut. Do you stand by that statement!?,,2015-08-07 09:53:28 -0700,629696872047845380,NYC,Quito -185,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,helenehrenhofer,,16,,,"RT @renomarky: ☑ never watch #KellyFile again - -1. #GOPDebate questions -2. Pandering to @DWStweets -3. Making it about ratings not🇺🇸 http:/…",,2015-08-07 09:53:26 -0700,629696865982902272,,Central Time (US & Canada) -186,Marco Rubio,1.0,yes,1.0,Positive,0.6562,None of the above,1.0,,KevsKreations,,0,,,"IMHO #GOPDebate -winners #MarcoRubio #Kasich #DonaldTrump -Losers #ScottWalker #RandPaul #BenCarson -All others were completely forgettable",,2015-08-07 09:53:26 -0700,629696864351170561,,America/Los_Angeles -187,John Kasich,1.0,yes,1.0,Positive,0.3646,None of the above,0.6354,,kevinburger72,,63,,,RT @JohnKasich: SMALLER GOVT: Ohio government payroll is smaller than it's been in 3 decades. http://t.co/IGfIF4J1TT #GOPDebate http://t.co…,,2015-08-07 09:53:26 -0700,629696863420203010,,Central Time (US & Canada) -188,No candidate mentioned,1.0,yes,1.0,Neutral,0.6588,Racial issues,0.3412,,DonaldJChump,,24,,,RT @zellieimani: Twitter Users Takeover #GOPDebate Hashtag to Drag GOP Candidates https://t.co/lMzNoMpFMW #KKKorGOP http://t.co/EWEz899A0c,,2015-08-07 09:53:25 -0700,629696861213863936,"New York, New York",Eastern Time (US & Canada) -189,Jeb Bush,0.6809999999999999,yes,1.0,Negative,0.6652,None of the above,1.0,,annasekulow,,117,,,"RT @JebBush: ""Challenging the teacher's unions and beating them is the way to go."" – Jeb http://t.co/5ImGwdRL4G #GOPDebate",,2015-08-07 09:53:25 -0700,629696858928099329,"Miami, FL",Georgetown -190,No candidate mentioned,1.0,yes,1.0,Neutral,0.3773,None of the above,0.6899,,golden_claud,,741,,,RT @billyeichner: Thank you all for watching the #GOPDebate tonight. @julieklausner and I had a blast writing it.,,2015-08-07 09:53:24 -0700,629696858336526336,Texas State University , -191,Donald Trump,0.4768,yes,0.6905,Negative,0.6905,Women's Issues (not abortion though),0.4768,,amapes3,,0,,,@theblaze The REAL war on women!@realDonaldTrump @megynkelly @rushlimbaugh #GOPDebate @AnnCoulter,,2015-08-07 09:53:23 -0700,629696854230368256,, -192,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jojo21,,37,,,"RT @GovernorPerry: .@GovernorPerry's ""On Fire"" Debate Performance https://t.co/aRmJN6vwPG #GOPDebate #Perry2016 #tcot",,2015-08-07 09:53:23 -0700,629696852770844672,"Ellicott City, Maryland",Eastern Time (US & Canada) -193,No candidate mentioned,1.0,yes,1.0,Neutral,0.6937,Abortion,0.6937,,dalenleavy,,234,,,RT @blowticious: Pro-life Republicans be like #GOPDebate http://t.co/bIOXOpLEjn,,2015-08-07 09:53:21 -0700,629696842092126208,Florida ✈ ️New York,Eastern Time (US & Canada) -194,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,0.6854,,jojo21,,40,,,RT @GovernorPerry: ICYMI: @GovernorPerry on Border Security/Illegal Immigration #GOPDebate #Perry2016 #tcot https://t.co/1S25d2D0nK,,2015-08-07 09:53:20 -0700,629696841446227968,"Ellicott City, Maryland",Eastern Time (US & Canada) -195,Donald Trump,1.0,yes,1.0,Negative,0.6941,FOX News or Moderators,0.6941,,CaptainDoone,,1,,,RT @AllThingsFlynn: This Trump vs. Fox News conflict is quite the conundrum. It’s like the personification of Greed vs. Hate. Who do I root…,,2015-08-07 09:53:20 -0700,629696840615788544,York, -196,No candidate mentioned,1.0,yes,1.0,Positive,0.6742,None of the above,1.0,,orphan1111,,373,,,RT @CarlyFiorina: I know how extraordinary this nation is. #GOPDebate,,2015-08-07 09:53:20 -0700,629696838979985408,Il USA,Eastern Time (US & Canada) -197,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,patteecakes9,,728,,,"RT @LAXnOREOS: Meanwhile, in the White House... #GOPDebate http://t.co/mFs7ixFOVC",,2015-08-07 09:53:19 -0700,629696837423919105,"Inkster, MI",Eastern Time (US & Canada) -198,Marco Rubio,0.4218,yes,0.6495,Positive,0.6495,None of the above,0.4218,,derekflynch,,0,,,"#rubio still my preference but i can see point of his critics over opportunism, inconsistency #gopdebate",,2015-08-07 09:53:19 -0700,629696834815021056,,Dublin -199,Donald Trump,1.0,yes,1.0,Positive,0.3529,FOX News or Moderators,1.0,,Animal1984Farm,,0,,,Did @realDonaldTrump ever tell @megynkelly to go wait in the car? Her bad attitude suggests it. #WarOnWomen #GOPDebate,,2015-08-07 09:53:18 -0700,629696833447538689,TX,Mountain Time (US & Canada) -200,No candidate mentioned,0.4649,yes,0.6818,Positive,0.6818,None of the above,0.4649,,jojo21,,9,,,"RT @TheTexasPhoenix: He was on fire! .@GovernorPerry's ""On Fire"" Debate Performance: https://t.co/0A1w02w7SZ #GOPDebate #Perry2016",,2015-08-07 09:53:18 -0700,629696833309274112,"Ellicott City, Maryland",Eastern Time (US & Canada) -201,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LaffertyRowena,,27,,,RT @Playing_Dad: Settling in for the #GOPDebate http://t.co/W6W3e5NBOa,,2015-08-07 09:53:18 -0700,629696831945994241,,Eastern Time (US & Canada) -202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,emctsprime,,768,,,"RT @realDonaldTrump: ""@FrankLuntz: I'm getting a lot of @MegynKelly hatemail tonight. 😆 #GOPDebate"" She is totally overrated and angry. She…",,2015-08-07 09:53:18 -0700,629696830893244416,Earth: Senseless nonsense,Pacific Time (US & Canada) -203,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,KateThomas,,1,,,"This literally couldn't be more true for me. ""I Watched the #GOPDebate & All I Got Was a Lousy Hangover"" http://t.co/cxch7Xxq1V @robinmarty",,2015-08-07 09:53:18 -0700,629696829932863490,"Washington, DC",Eastern Time (US & Canada) -204,No candidate mentioned,1.0,yes,1.0,Negative,0.3721,FOX News or Moderators,0.6279,,sekundenklange,,0,,,#JonVoyage was half as long as the #GOPDebate but twice as intelligible.,,2015-08-07 09:53:18 -0700,629696829605679104,,Mountain Time (US & Canada) -205,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ThadM44,,19,,,RT @LisaBloom: Not a single question in last night's #GOPDebate about the most urgent issue of our time: climate change.,,2015-08-07 09:53:17 -0700,629696825864404992,Pennsylvania, -206,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,FOX News or Moderators,1.0,,healthylaugh,,0,,,"#GOPDebate What was up with #FoxNews & their ""gotcha"" questions? They seemed designed to elicit typical political ""spin"" responses. #tlot",,2015-08-07 09:53:16 -0700,629696823653875713,Left Coast (bankrupt cities),Pacific Time (US & Canada) -207,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ZConine,,0,,,After the #GOPDebate all of the promises being made by startups at this tech conference seem quite reasonable.,,2015-08-07 09:53:16 -0700,629696822651400192,"Las Vegas, NV",Pacific Time (US & Canada) -208,Donald Trump,0.3991,yes,0.6318,Negative,0.6318,,0.2326,,JimKach,,10,,,RT @Roy___Rogers: @KnucklDraginSam @GOP @realDonaldTrump @yobynnad1127 AMEN! #Trump2016 #WakeUpAmerica #GOPDebate #tcot #stoprush http://t.…,,2015-08-07 09:53:16 -0700,629696821250654208,The Shire,Bogota -209,No candidate mentioned,0.4453,yes,0.6673,Neutral,0.6673,None of the above,0.2487,,orphan1111,,1024,,,RT @CarlyFiorina: The highest calling of leadership is to challenge the status quo & unlock potential in others. #GOPDebate. #Carly2016,,2015-08-07 09:53:15 -0700,629696818696318976,Il USA,Eastern Time (US & Canada) -210,Donald Trump,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,deargwynevere,,4,,,"RT @zzcrane: Me watching the Donald Trump bandwagon pass. -#tlot #tcot #GOPDebate http://t.co/wvQlSxgmCL",,2015-08-07 09:53:15 -0700,629696817702273024,,Mountain Time (US & Canada) -211,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.2286,,Mahhhlon,,1000,,,"RT @deray: Before the #GOPDebate began, didn't the moderators say that 8 million ppl were discussing ""racial issues""? What happened to thos…",,2015-08-07 09:53:14 -0700,629696816435433472,Southern California,Pacific Time (US & Canada) -212,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,eobrien2013,,1773,,,"RT @feministabulous: There's nothing like listening to ten dudes who will never need an abortion, talk about whether I should have a right …",,2015-08-07 09:53:13 -0700,629696811813466112,,Eastern Time (US & Canada) -213,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dudapop79,,14,,,RT @SenWhitehouse: FOX silenced by Koch billions too? Not a single question at last night's #GOPDebate to #climatechange deniers about Mond…,,2015-08-07 09:53:13 -0700,629696810735534080,earth, -214,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Jobs and Economy,0.4444,,keepalxne,,38,,,"RT @tyriquex: These republicans are rich, they don't care about the poverty of America & they definitely don't care bout the poverty of bla…",,2015-08-07 09:53:13 -0700,629696810425004032,Canada,Central Time (US & Canada) -215,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6824,,guilprickette,,0,,,"So we just had an office chat about the #GOPDebate, & I was outed as both a flaming liberal and a politics geek. Probably not surprising.",,2015-08-07 09:53:13 -0700,629696810068541440,"Anchorage, Alaska",America/Anchorage -216,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3438,None of the above,0.4444,,januaryannie,,0,,,Catching up on my #GOPDebate @LindseyGrahamSC what a childish & cheap move to call out @billclinton & @HillaryClinton on a 17 year old story,,2015-08-07 09:53:12 -0700,629696807040360448,B.C. Canada,Quito -217,No candidate mentioned,1.0,yes,1.0,Neutral,0.6429,None of the above,1.0,,durr_01,,27,,,"RT @TomHall: The only thing that could've made last night's #GOPDebate more amusing would have been: - -#CowBells! - -#MoreCowBells http://t.co…",,2015-08-07 09:53:12 -0700,629696806243422208,, -218,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,10,,,RT @kesgardner: All Ted Cruz does is attack other Republicans. #GOPDebate,,2015-08-07 09:53:12 -0700,629696805446533120,"Ellicott City, Maryland",Eastern Time (US & Canada) -219,No candidate mentioned,0.4588,yes,0.6774,Negative,0.6774,Foreign Policy,0.4588,,M24Miles,,176,,,"RT @GovernorPerry: ICYMI: Not just no, but ""hell no"" to the #IranDeal! #GOPDebate #Perry2016 #tcot https://t.co/KqhJdJCGWS",,2015-08-07 09:53:12 -0700,629696805400240128,,Central Time (US & Canada) -220,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ProtectIllusion,,151,,,RT @FrankConniff: Hard to say who won the #GOPDebate - Bernie or Hillary?,,2015-08-07 09:53:11 -0700,629696803953229824,,Mountain Time (US & Canada) -221,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kevincron,,64,,,"RT @larhunter: If Donald Trump wins the election, then we'll know we're on the Biff-stole-the-almanac timeline. #GOPDebate",,2015-08-07 09:53:11 -0700,629696800560148480,Alto MI,Central Time (US & Canada) -222,No candidate mentioned,0.4241,yes,0.6513,Neutral,0.6513,None of the above,0.4241,,orphan1111,,507,,,RT @CarlyFiorina: Can you chip in $3 to keep the momentum going? #GOPdebate #Carly2016 https://t.co/W3mtcmR7Ze,,2015-08-07 09:53:10 -0700,629696799624830976,Il USA,Eastern Time (US & Canada) -223,Chris Christie,0.4492,yes,0.6702,Negative,0.6702,Jobs and Economy,0.2282,,srt126,,56,,,RT @cenkuygur: Chris Christie just said you have to work two more years before retiring.And that you'll get tens of thousands less you paid…,,2015-08-07 09:53:09 -0700,629696793408860161,"Maryland, USA", -224,John Kasich,0.4396,yes,0.6629999999999999,Positive,0.6629999999999999,None of the above,0.4396,,kevinburger72,,31,,,"RT @JohnKasich: John Kasich is ready to lead. Join the team, Claire!: http://t.co/dy8KnZ122T - -#GOPDebate https://t.co/KnWmIDeqtY",,2015-08-07 09:53:08 -0700,629696790888058880,,Central Time (US & Canada) -225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Jo_Kyle,,177,,,RT @edwrather: The biggest losers in the debate were the Fox moderators who attacked instead of moderating #GOPDebate,,2015-08-07 09:53:07 -0700,629696787138367488,Realville, -226,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,22,,,"RT @WhitneyNeal: Trump has yet to give a single, evidence-based answer to a direct question about policy. That should frighten you. #GOPDeb…",,2015-08-07 09:53:07 -0700,629696786815406080,"Ellicott City, Maryland",Eastern Time (US & Canada) -227,No candidate mentioned,0.3787,yes,0.6154,Neutral,0.6154,,0.2367,,JenGranholm,,0,,,On my way to the studio -- about to appear on @CNN to discuss last night's #GOPDebate. Tune in!,,2015-08-07 09:53:07 -0700,629696786030931969,"Oakland, California",Pacific Time (US & Canada) -228,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Women's Issues (not abortion though),0.24100000000000002,,FloydThursby1,,11,,,RT @Blkfeminst: I honestly think sometimes these guys forgot they came from wombs too. #KKKorGOP #GOPDebate https://t.co/FO3a6DXflf,,2015-08-07 09:53:06 -0700,629696780863537152,, -229,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Deb_Libby,,8,,,"RT @GrnEyedMandy: Women who shame other women for having abortions deserve to be shamed for having no soul or self respect. - -#PlannedParen…",,2015-08-07 09:53:06 -0700,629696780624625664,East coast,Eastern Time (US & Canada) -230,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3548,None of the above,0.4444,,prettymuchacat,,2,,,"RT @AmandaJoGomez: Me: *watches the #GOPDebate * -Me: *looks directly into the camera like I'm on The Office*",,2015-08-07 09:53:06 -0700,629696779395575808,under your creaky floorboards, -231,Donald Trump,1.0,yes,1.0,Negative,0.3409,None of the above,1.0,,ChizzleDubble,,8,,,"RT @IcarusPundit: Donald Trump’s closing statement is every dinner conversation had at The Villages, ever. #GOPDebate",,2015-08-07 09:53:05 -0700,629696776551952384,ATL,Quito -232,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.634,,celestepewter,,9,,,"RT @TheXclass: ""When the rich wage war it's the poor who die."" Jean-Paul Sartre -This is now GOP foreign policy. -#GOPDebate",,2015-08-07 09:53:05 -0700,629696775377526784,The other New York,Eastern Time (US & Canada) -233,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Racial issues,0.6889,,adv_project,,0,,,"At the #GOPDebate, we saw the candidates completely miss the mark on race & #BlackLivesMatter -http://t.co/K9nhdpUE32 http://t.co/hlcqpXJzru",,2015-08-07 09:53:04 -0700,629696772940496896,"Washington, DC",Eastern Time (US & Canada) -234,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,Spence4782,,1,,,RT @SeaBassThePhish: S/O to the GOP for being proud of defeating teachers union even though they just wanted higher wages #GOPDebate,,2015-08-07 09:53:04 -0700,629696772013584384,"Lawton, Oklahoma", -235,Donald Trump,0.6962,yes,1.0,Neutral,0.6727,None of the above,0.6962,,RonBasler1,,65,,,RT @Writeintrump: Obama better not leave his prayer rug behind in the Oval Office when I get elected because I'll throw it out. #GOPDebate,,2015-08-07 09:53:04 -0700,629696771535450116,"California, USA", -236,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.6277,FOX News or Moderators,0.39399999999999996,,White_House_PR,,0,,,@ChuckNellis @FoxNews You got that right! #GOPDebate,,2015-08-07 09:53:03 -0700,629696768351973376,The Hood,Central Time (US & Canada) -237,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,12,,,"RT @mrskimcam: Trump just said the U.S. is stupid, so let's vote him President. WTF people. #GOPDebate",,2015-08-07 09:53:02 -0700,629696765940355072,"Ellicott City, Maryland",Eastern Time (US & Canada) -238,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ultrasonkim,,0,,,So excited for @johnkasich #GOPDebate #Kasich4Us #Republicandebate #kasich2016 been waiting for 20 years!!,,2015-08-07 09:53:01 -0700,629696762329088000,central ohio, -239,No candidate mentioned,1.0,yes,1.0,Neutral,0.6222,Foreign Policy,1.0,,BeetaBenjy,,38,,,"RT @ChadPergram: Rep Engel is 2nd major Jewish Democrat to announce opposition to Iran deal during #GOPDebate, following Schumer opposition.",,2015-08-07 09:53:01 -0700,629696760420564992,"Los Angeles, CA",Pacific Time (US & Canada) -240,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,amarco16,,0,,,Hey look it's my feelings about Donald Trump summed up in one gif #GOPDebate http://t.co/zjWUGwj9Hz,,2015-08-07 09:53:01 -0700,629696758839406592,,Quito -241,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PotTube,,466,,,"RT @tommychong: Are any of these dudes for the legalization of marijuana, or what? #GOPDebate",,2015-08-07 09:53:00 -0700,629696756582711300,"Washington, USA", -242,No candidate mentioned,0.4468,yes,0.6684,Neutral,0.6684,None of the above,0.2323,,PamelafBrockman,,13,,,"RT @CBeresniova: What I learned from the #GOPDebate: -Some guy's dad was a mailman. Jesus Christ is everyone's running mate. The GOP has run…",,2015-08-07 09:53:00 -0700,629696755651612672,"Boulder, Colorado",Mountain Time (US & Canada) -243,Marco Rubio,0.4021,yes,0.6341,Negative,0.6341,Immigration,0.4021,,AWorldOutOfMind,,9,,,RT @TheBaxterBean: Marco Rubio Briefly Backed Immigration Reform Then Privately Berated DREAMers http://t.co/We77QdT3Kt #GOPDebate http://t…,,2015-08-07 09:52:59 -0700,629696751356805120,USA,Eastern Time (US & Canada) -244,No candidate mentioned,1.0,yes,1.0,Negative,0.6418,None of the above,0.6418,,BenjaminMilem,,483,,,RT @DamienFahey: “I french-kissed Jesus Christ!” - Every candidate #GOPDebate,,2015-08-07 09:52:59 -0700,629696749888782336,,Eastern Time (US & Canada) -245,Mike Huckabee,0.6744,yes,1.0,Negative,0.6744,None of the above,1.0,,mayapilbrow,,0,,,#GOPDebate #Closingstatements @GovMikeHuckabee just be honest. u were defs talking about @realDonaldTrump coz he's stealing ur schtick,,2015-08-07 09:52:58 -0700,629696749741838336,your actual anus,Hawaii -246,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,havocthetwisted,,0,,,"When cnn, msnbc ,and the new York times praise fox moderators then you know the moderators fucked up. #GOPDebate",,2015-08-07 09:52:58 -0700,629696749511274497,find me, -247,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,11,,,RT @kesgardner: Trump is a lunatic. #GOPDebate,,2015-08-07 09:52:58 -0700,629696746516578304,"Ellicott City, Maryland",Eastern Time (US & Canada) -248,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ChuckNellis,,6,,,"Cruz has class & truth, that gets my vote! #GOPDebate",,2015-08-07 09:52:55 -0700,629696735967887360,Great State of North Carolina!,Eastern Time (US & Canada) -249,Donald Trump,1.0,yes,1.0,Negative,0.6146,Immigration,1.0,,jojo21,,14,,,"RT @kesgardner: AssClown: I'm the only reason anyone is even talking about illegal immigration. Keep digging, Donald! #GOPDebate",,2015-08-07 09:52:55 -0700,629696734298537984,"Ellicott City, Maryland",Eastern Time (US & Canada) -250,No candidate mentioned,1.0,yes,1.0,Positive,0.6395,None of the above,1.0,,embutkiewicz,,4270,,,RT @BernieSanders: Tom Hanks. Finally. Somebody who makes some sense. #GOPDebate #DebateWithBernie,,2015-08-07 09:52:55 -0700,629696733333864452,, -251,No candidate mentioned,0.5028,yes,0.7091,Negative,0.7091,None of the above,0.5028,,talkthatcunt,,102,,,RT @SouthernHomo: Olivia Pope would not vote for any of these guys #GOPDebate,,2015-08-07 09:52:54 -0700,629696730834042880,porto triste,Brasilia -252,Mike Huckabee,1.0,yes,1.0,Negative,0.6738,Jobs and Economy,1.0,,heatheremoore,,0,,,All #GOP candidates want to reduce taxes while #Huckabee wants to legalize prostitution and drugs so we can tax it. #GOPDebate,,2015-08-07 09:52:53 -0700,629696728480919552,"Olympia, WA",Pacific Time (US & Canada) -253,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jojo21,,67,,,"RT @kesgardner: Hi Fox panel, can you just ask Donald every single question? Hand him a shovel while you're at it so he can keep digging. #…",,2015-08-07 09:52:53 -0700,629696727927365633,"Ellicott City, Maryland",Eastern Time (US & Canada) -254,No candidate mentioned,1.0,yes,1.0,Neutral,0.6818,None of the above,1.0,,Jaytrepanier,,4,,,RT @JosephKapsch: And then hillaryclinton @barackobama joebiden were all... #GOPDebate https://t.co/yi4qnS3Hzh,,2015-08-07 09:52:53 -0700,629696727524765696,,Eastern Time (US & Canada) -255,Donald Trump,0.4218,yes,0.6495,Positive,0.6495,None of the above,0.4218,,robertaritzen,,0,,,#GOPDebate #Trump is Breaking Records! So what he's not a polished Politician. Makes me love him even more. https://t.co/TgOwCHxf3x,,2015-08-07 09:52:53 -0700,629696725955907584,"Tulsa/ From Jacksonville,Fl ",Central Time (US & Canada) -256,No candidate mentioned,1.0,yes,1.0,Negative,0.6701,None of the above,1.0,,embutkiewicz,,3385,,,RT @BernieSanders: Oh. It was just a movie trailer. #GOPDebate #DebateWithBernie,,2015-08-07 09:52:53 -0700,629696725398241280,, -257,No candidate mentioned,1.0,yes,1.0,Negative,0.3516,FOX News or Moderators,1.0,,sweetsabina,,135,,,RT @TacticalDissent: So Sally Kohn & Debbie Wasserman Schultz both praising Megyn Kelly tonight. That should tell you everything you need …,,2015-08-07 09:52:52 -0700,629696721250070528,,Hawaii -258,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6667,,beetlechocolate,,0,,,Why are all the Trump accessory women wearing the same shoes?! #GOPDebate http://t.co/Xz4zc1Lt8N,,2015-08-07 09:52:50 -0700,629696714727800832,everything is fake.,Central Time (US & Canada) -259,No candidate mentioned,1.0,yes,1.0,Neutral,0.3596,None of the above,1.0,,LordWhatAMess,,0,,,"funniest line coming fr #republican 'People are frustrated, they’re fed up, they don’t think the government’s working for them' #gopdebate",,2015-08-07 09:52:49 -0700,629696710936260608,,Eastern Time (US & Canada) -260,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_iheartmomo,,0,,,And Donald Trump is an absolute nut! So entertaining LOL #GOPDebate,,2015-08-07 09:52:48 -0700,629696705810841600,"Accra, New Jersey",Mountain Time (US & Canada) -261,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,shyone269,,0,,,"""@thehill: Top GOP pundits pick their #GOPdebate winners: http://t.co/QPvJu6p7sz http://t.co/JCDu5qzjnj"" -Winners...Fox News -Losers...USA",,2015-08-07 09:52:47 -0700,629696702396661760,Not where I want to be U.S.A.,America/New_York -262,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6562,,elueroy,,6,,,RT @DykstraDame: Candidates went after @HillaryClinton 32 times in the #GOPdebate-but remained silent about the issues that affect us. http…,,2015-08-07 09:52:47 -0700,629696702002270208,,Pacific Time (US & Canada) -263,Donald Trump,1.0,yes,1.0,Negative,0.7039,FOX News or Moderators,1.0,,JCArgentum,,231,,,RT @DanScavino: .@MegynKelly trying 2show up @realDonaldTrump w @FoxNews. Trying 2take him down. Trying 2destroy him. Not happening. #Kelly…,,2015-08-07 09:52:47 -0700,629696701620580352,, -264,Ben Carson,0.6897,yes,1.0,Negative,0.3678,None of the above,0.6322,,Matthew8News,,0,,,RT @gov: Most-Tweeted #GOPDebate moment for @RealBenCarson: saying he wouldn't publicize to the world his answer on waterboarding.,,2015-08-07 09:52:47 -0700,629696701591367680,"Richmond, VA",Eastern Time (US & Canada) -265,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,janniaragon,,0,,,I give him a e for his big ego. #GOPDebate A's are earned for excellence. Rhymes with rump.,,2015-08-07 09:52:47 -0700,629696700794339328,,Pacific Time (US & Canada) -266,No candidate mentioned,1.0,yes,1.0,Positive,0.6552,Religion,0.7011,,DrThinkBot,,0,,,Passion of the #GOPDebate #ReligiousUpaMovie,,2015-08-07 09:52:47 -0700,629696699771060224,, -267,Marco Rubio,0.4395,yes,0.6629,Positive,0.6629,FOX News or Moderators,0.2235,,TEA_PartyBarbie,,28,,,"RT @NRO: ""@marcorubio got the best reviews, and deserved them."" Read more of our #NREditorial recap of the #GOPDebate ---> http://t.co/sTzw…",,2015-08-07 09:52:47 -0700,629696699766861824,, -268,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3511,None of the above,0.4074,,8thfloorview,,140,,,RT @OhNoSheTwitnt: Can't wait to see which Lannister they kill off in the next episode of #GOPDebate,,2015-08-07 09:52:46 -0700,629696698340802560,"New Jersey, USA", -269,No candidate mentioned,1.0,yes,1.0,Positive,0.6819,None of the above,0.638,,jojo21,,5,,,RT @kesgardner: Brutal question to the AssClown from Megan Kelly. The lesson here: be careful what you tweet on Twitter! #GOPDebate,,2015-08-07 09:52:46 -0700,629696698160447489,"Ellicott City, Maryland",Eastern Time (US & Canada) -270,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,MexiRicanLL,,141,,,RT @TUSK81: Democrats watching this #GOPDebate http://t.co/sZiCSLm7kM,,2015-08-07 09:52:46 -0700,629696697711632384,Born Chicago/Live Pennsylvania,Eastern Time (US & Canada) -271,Donald Trump,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Clever_Otter,,0,,,Trump changed his mind on supporting PARTIAL BIRTH ABORTION because a friend changed their mind on aborting & had a great kid. #GOPDebate,,2015-08-07 09:52:44 -0700,629696687640940544,Earth,Mountain Time (US & Canada) -272,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,annemargaretj,,0,,,Best closing statement: @RealBenCarson #GOPDebate,,2015-08-07 09:52:44 -0700,629696687494295552,"Breslau, Ontario ", -273,Chris Christie,0.7021,yes,1.0,Positive,0.7021,None of the above,1.0,,sjrhue3,,96,,,"RT @ChrisChristie: We have to stop worrying about being loved & start worrying about being respected. #TellingItLikeItIs #GOPDebate -https:/…",,2015-08-07 09:52:43 -0700,629696684910604288,, -274,Donald Trump,0.4036,yes,0.6353,Negative,0.6353,,0.2317,,KendaluKendalu,,2,,,"RT @lesleyabravanel: Trump sycophants want to know what @megynkelly's ""hidden agenda"" was last night. Answer is simple: it's called a vagin…",,2015-08-07 09:52:43 -0700,629696684596035584,Toronto - Cartagena,Atlantic Time (Canada) -275,No candidate mentioned,0.6772,yes,1.0,Neutral,0.6437,FOX News or Moderators,0.3563,,1216BJ,,0,,,The Real #GOPDebate Winner: Republican Voters - Fox Nation http://t.co/98G42IaZ5O,,2015-08-07 09:52:43 -0700,629696682683449344,,Eastern Time (US & Canada) -276,Donald Trump,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,BigBigBen,,0,,,Donald Trump is a really nasty piece of work. Hope he disappears quickly. #GOPDebate,,2015-08-07 09:52:42 -0700,629696681085399040,Barcelona,Madrid -277,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,willowalmighty,,608,,,RT @amaraconda: FETUSES ARE NOT UNBORN BABIES THEY ARE CLUSTERS OF CELLS STOP SHAMING PEOPLE WHO WANT/HAVE HAD ABORTIONS #GOPDebate,,2015-08-07 09:52:42 -0700,629696680821174272,,Atlantic Time (Canada) -278,No candidate mentioned,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,CitizenKane95,,3,,,RT @mattkbh: These were far and away the best tweets of last night #DebateWithBernie #GOPDebate http://t.co/GzdLtYuMNn,,2015-08-07 09:52:42 -0700,629696678661066752,,Quito -279,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,pattmlatimes,,0,,,I know now who it is that #ChrisChristie reminds me of: actor Andy Devine. #GOPDebate http://t.co/xYy8FxPjcD,,2015-08-07 09:52:41 -0700,629696676383449088,,Hawaii -280,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3441,,EightfoldWay,,959,,,"RT @pattonoswalt: Despite what Huckabee says, I always make sure my prostitute AND her pimp pay FICA and pension. #GOPDebate",,2015-08-07 09:52:40 -0700,629696670444449792,, -281,No candidate mentioned,0.4025,yes,0.6344,Neutral,0.6344,None of the above,0.4025,,JohaLittle,,38,,,"RT @Bipartisanism: Hillary Clinton was watching the #GOPDebate like: - http://t.co/VOkOlq52xP",,2015-08-07 09:52:39 -0700,629696666799616000,, -282,No candidate mentioned,1.0,yes,1.0,Positive,0.6629,FOX News or Moderators,1.0,,slickjenkins,,0,,,@FoxNews did great by challenging the candidates in #GOPDebate. If these candidates can't handle a tough question they could never b #POTUS,,2015-08-07 09:52:38 -0700,629696664102514688,"Chattanooga, Tennessee", -283,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6957,,panjandrum44,,56,,,RT @k_mcq: I’d say it was the opposite. Megan Kelly acted like some SJW on Tumblr whining about feminism. Very sad. #GOPDebate https://t.c…,,2015-08-07 09:52:38 -0700,629696663838306305,The brachistochrone trajectory,Eastern Time (US & Canada) -284,No candidate mentioned,0.4497,yes,0.6706,Positive,0.3412,None of the above,0.4497,,Mariann44764635,,1,,,RT @Conssista: Rightly so Frank. Rightly so. #GOPDebate https://t.co/32CFasI17d,,2015-08-07 09:52:38 -0700,629696663347707905,"Pomaria,SC", -285,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jasxnadams,,0,,,the number of times that ronald reagan is mentioned in the #GOPDebate is TOO DAMN HIGH,,2015-08-07 09:52:37 -0700,629696661170696193,"Keller, TX",Central Time (US & Canada) -286,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,4closureNation2,,1216,,,"RT @pattonoswalt: If Trump is against ""p.c. culture,"" I'm suddenly 100% for it. Not even kidding. What a howling shit-cave of a human. #GOP…",,2015-08-07 09:52:37 -0700,629696660612853760,California,Arizona -287,Ben Carson,1.0,yes,1.0,Positive,1.0,Racial issues,1.0,,a3auntie,,96,,,RT @carljacksonshow: #BenCarson great close! He operates on brains so he doesn't worry about skin color. #GOPDebate,,2015-08-07 09:52:37 -0700,629696658998169600,,Atlantic Time (Canada) -288,Donald Trump,1.0,yes,1.0,Negative,0.6538,Women's Issues (not abortion though),1.0,,libertylady44,,25,,,"RT @Davante_R: Women that would be offended by Trumps ""Misogyny"" most certainly don't vote Republican. - -Find a new fake issue Faux News. - -#…",,2015-08-07 09:52:36 -0700,629696655785357316,, -289,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,JaysWorldLive,,1,,,RT @Auntcol54: Keep religion out of politics! #GOPDebate,,2015-08-07 09:52:36 -0700,629696655391105024,"Tamap, FL",Eastern Time (US & Canada) -290,Rand Paul,1.0,yes,1.0,Neutral,0.6714,None of the above,1.0,,sandphillips,,39,,,"RT @DianneG: ""I won't be bought & I won't be sold"" @randpaul after reiterating his points against @realDonaldTrump during #gopdebate",,2015-08-07 09:52:36 -0700,629696654321434624,USA and proud of it., -291,No candidate mentioned,0.4074,yes,0.6383,Negative,0.3298,None of the above,0.4074,,rabiaaaa_k,,571,,,"RT @wilw: Boy, I bet the mood in the clown car is going to be TENSE when these jerks leave the #GOPDebate.",,2015-08-07 09:52:35 -0700,629696653058945024,Coolsville,Pacific Time (US & Canada) -292,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,113hannah,,2,,,RT @CampeauElliot: Dr. Ben Carson did a great job tonight! Loved your closing statement! @RealBenCarson #GOPDebate,,2015-08-07 09:52:35 -0700,629696651981029376,,Central Time (US & Canada) -293,Donald Trump,1.0,yes,1.0,Neutral,0.7188,FOX News or Moderators,1.0,,TorchOnHigh,,1,,,RT @RedheadAndRight: Meet the new darling of the left 》 Megyn Gotcha Kelly. #GOPDebate @FoxNews #DonaldTrump #MegynKelly,,2015-08-07 09:52:35 -0700,629696650072604672,Musician/Recording Eng - CA,Pacific Time (US & Canada) -294,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,held_jana,,0,,,“@foxnewspolitics: Behind the Fox debate: How the anchors hashed out the questions #GOPDebate They Failed,,2015-08-07 09:52:35 -0700,629696650051723265,, -295,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FashnDiva,,0,,,Did anyone get trashed playing @RollingStone's #GOPDebate drinking game? #drinkinggame,,2015-08-07 09:52:34 -0700,629696646310461440,"Small Town, Ohio",Quito -296,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Alisonnj,,0,,,"If #DonaldTrump donates to U..He can call in a favor years later?? Sounds like #TheGodfather -NOT #POTUS Thats legal? -#GOPDebate #GOPClownCar",,2015-08-07 09:52:34 -0700,629696646167818240,Northeast USA,Eastern Time (US & Canada) -297,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Spence4782,,1,,,RT @jediane9: Ugh to think there were actually people sitting on their couch last night saying YES YES THIS IS REASONABLE. #GOPDebate,,2015-08-07 09:52:33 -0700,629696642321506304,"Lawton, Oklahoma", -298,No candidate mentioned,0.22899999999999998,yes,0.6667,Neutral,0.3434,Foreign Policy,0.4444,,CaffeineHound,,5,,,"RT @BarracudaMama: RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/E1SmU0Hn5J""",,2015-08-07 09:52:33 -0700,629696641268875264,Heartland of USA,Central Time (US & Canada) -299,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,8,,,"RT @kesgardner: If politics can be even partially rational, Trump's campaign for the GOP nomination just ended. #GOPDebate",,2015-08-07 09:52:32 -0700,629696640136413184,"Ellicott City, Maryland",Eastern Time (US & Canada) -300,Ben Carson,1.0,yes,1.0,Neutral,0.6304,None of the above,0.6304,,NatResourceGal,,9,,,"RT @AndrewHClark: .@GayPatriot's takeaway from last night: ""America Doesn't Deserve Ben Carson."" http://t.co/kjGFYYpcTe #GOPDebate",,2015-08-07 09:52:32 -0700,629696639029022720,The South,Central Time (US & Canada) -301,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Mike_EH_52,,19,,,RT @ChrisJZullo: Scott Walker chooses killing mother rather than aborting unborn embryo. This is reason other countries give us that funny …,,2015-08-07 09:52:32 -0700,629696637611429888,"HALIFAX,NS",Atlantic Time (Canada) -302,No candidate mentioned,1.0,yes,1.0,Negative,0.6425,Abortion,1.0,,ShawDeuce,,0,,,Can't #UniteBlue: Abortion is a talking point in the #GOPDebate since #PPSellsBabyParts,,2015-08-07 09:52:31 -0700,629696635883360256,"AnyWhere I WannaBe, USA!!",Eastern Time (US & Canada) -303,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,Immigration,1.0,,Nick_1453,,36,,,RT @k_mcq: Closing statements reminisce about an America that no longer exists after Ted Kennedy’s 1965 Immigration and Nationality Act. #G…,,2015-08-07 09:52:31 -0700,629696633584918528,UK,London -304,Chris Christie,0.4619,yes,0.6797,Neutral,0.6797,None of the above,0.4619,,Hay_Bay123,,12,,,RT @lkwdcitizen: Can't make this up - Chris Christie stopped at a Cleveland ice cream shop before the #GOPDebate. http://t.co/V8WVYFeXx9,,2015-08-07 09:52:31 -0700,629696632637030405,, -305,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BillSeitz,,224,,,RT @maureenjohnson: Ted Cruz is going to personally take away your telescope and try you as a witch. #GOPDebate,,2015-08-07 09:52:30 -0700,629696631554752513,60010,Central Time (US & Canada) -306,Donald Trump,0.3923,yes,0.6264,Positive,0.6264,None of the above,0.3923,,shortyharris01,,0,,,@realDonaldTrump You killed it last night at the #GOPDebate glad to have some that cares for America #MakeAmericaGreatAgain,,2015-08-07 09:52:29 -0700,629696627599486976,, -307,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EscapeVelo,,50,,,RT @YoungBLKRepub: When the #GOPDebate is more exciting than anything else on tv in the past 10 years....,,2015-08-07 09:52:29 -0700,629696626920034308,Twitter, -308,No candidate mentioned,0.6453,yes,1.0,Positive,0.3547,None of the above,1.0,,levijeansc0,,509,,,"RT @abbijacobson: Shiiiittt, it's tough to say who is making me more horny. #GOPDebate",,2015-08-07 09:52:29 -0700,629696625867231233,"San Francisco, CA",Quito -309,Donald Trump,1.0,yes,1.0,Neutral,0.3721,FOX News or Moderators,1.0,,southernlady111,,0,,,".@megynkelly asked .@realDonaldTrump poor questions, why, was this to help Bush in the polls? #Hannity #GOPDebate https://t.co/p389iIlE2N",,2015-08-07 09:52:29 -0700,629696624818827266,, -310,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,0.6667,,MiraKarell,,0,,,"@bullriders1 @Olivianuzzi @daveweigel The #GOPDebate was better than I thought it'd be, though candidates finessed issues with sound bytes.",,2015-08-07 09:52:29 -0700,629696624076439552,"Gaithersburg, MD",Central Time (US & Canada) -311,Marco Rubio,1.0,yes,1.0,Negative,0.6958,Foreign Policy,1.0,,stonewallrgv,,12,,,RT @TheBaxterBean: Yes Marco Rubio Actually Said The Iraq Invasion 'Was Not A Mistake' http://t.co/xRowKHyMm1 #GOPDebate http://t.co/vjMjdM…,,2015-08-07 09:52:28 -0700,629696623489093634,"McAllen, Texas",Central Time (US & Canada) -312,Marco Rubio,1.0,yes,1.0,Negative,0.675,None of the above,0.675,,Myop1357,,19,,,RT @TheBaxterBean: Marco Rubio Voted Against Unemployment Benefits Even Though Florida Needs Them Most http://t.co/2i6UolSctj #GOPDebate ht…,,2015-08-07 09:52:27 -0700,629696619202637824,orlando,Eastern Time (US & Canada) -313,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,0.6563,,PeakBullshit,,0,,,#JebBush was so thoughtful in #GOPdebate - #reThink911 http://t.co/k37hnbe2jy,,2015-08-07 09:52:27 -0700,629696617294098432,, -314,Jeb Bush,0.3941,yes,0.6277,Negative,0.6277,,0.2337,,karaklev,,36,,,"RT @TheJimHughes: There will be a lot of jobs available if Bush serves 2 terms, because most Conservatives will have committed suicide. #GO…",,2015-08-07 09:52:27 -0700,629696616954368000,"OKC, OK", -315,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,GallSueJoe,,0,,,"Huh. Watching @FoxNews debate #1 and so far, the moderators and the participants are better! #GOPDebate",,2015-08-07 09:52:26 -0700,629696615373258752,Too Blue CT,Hawaii -316,Donald Trump,0.4196,yes,0.6477,Negative,0.6477,,0.2282,,jodagolf,,9,,,RT @3ChicsPolitico: Donald Trump insulted @megynkelly and ALL women and not one man on stage confronted him. None of them are worthy to be …,,2015-08-07 09:52:26 -0700,629696615230623744,, -317,Donald Trump,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,BunnySlope,,72,,,"RT @jjauthor: @learjetter, I was waiting for @megynkelly to ask @realDonaldTrump, ""When did you stop beating your wife?"" #GOPDebate http://…",,2015-08-07 09:52:26 -0700,629696611480944640,Fly-over town,Central Time (US & Canada) -318,No candidate mentioned,1.0,yes,1.0,Negative,0.6407,None of the above,1.0,,MYKALFURY,,14,,,RT @AndreaTantaros: About last night. Are you watching @OutnumberedFNC ? We got @ericbolling and all the good stuff from the #GOPDebate on …,,2015-08-07 09:52:25 -0700,629696610704883712,METAL * ROCK * GRUNGE, -319,No candidate mentioned,0.6471,yes,1.0,Negative,0.6706,FOX News or Moderators,1.0,,Al_Rodricks,,21,,,"RT @renomarky: EARTH TO @megynkelly THIS AINT ABOUT YOU! - -#GOPDebate -#FoxDebate -#MegynKelly -#MegynKellyDebateQuestions http://t.co/yxHy…",,2015-08-07 09:52:25 -0700,629696609979342848,"Emerald City, Land of OZ",Eastern Time (US & Canada) -320,Rand Paul,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,jojo21,,17,,,RT @kesgardner: And...Rand Paul lands the first haymaker of the night. #GOPDebate,,2015-08-07 09:52:25 -0700,629696609585119232,"Ellicott City, Maryland",Eastern Time (US & Canada) -321,No candidate mentioned,0.4801,yes,0.6929,Neutral,0.6929,None of the above,0.4801,,randomrid2,,2,,,RT @TaraSetmayer: Coming up on @WilkowMajority at 1220pm live! @SIRIUSXM #Patriot125 post #GOPDebate,,2015-08-07 09:52:25 -0700,629696608750436352,www.tommyrobinson.co.uk, -322,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.6778,None of the above,0.4594,,JaxAlemany,,0,,,"""Because Republicans don't like Rosie O'Donnell."" ICYMI, @FrankLuntz #GOPDebate debrief this AM on @CBSThisMorning http://t.co/nQIUIccOlB",,2015-08-07 09:52:23 -0700,629696601473155072, D.C. | N.H. ,Quito -323,No candidate mentioned,0.4682,yes,0.6843,Negative,0.6843,None of the above,0.4682,,msadrienne29,,0,,,"#FFF: Highlights from this week include #NationalUnderwearDay, the #GOPDebate, and #JonVoyage. Officially. The. Worst. Week. Ever. -#TGIF",,2015-08-07 09:52:23 -0700,629696600038842368,, -324,No candidate mentioned,1.0,yes,1.0,Neutral,0.6736,None of the above,1.0,,BioAnnie1,,1,,,RT @greenspaceguy: @TheDailyShow Jon Stewart can feel comfortable w/retirement as #GOPDebate solved all problems(personal & scientific) htt…,,2015-08-07 09:52:23 -0700,629696599338303488,,Hawaii -325,No candidate mentioned,0.4233,yes,0.6506,Negative,0.6506,None of the above,0.4233,,jojo21,,7,,,"RT @kesgardner: Of course, the AssClown won't pledge not to run as a third party candidate. #GOPDebate",,2015-08-07 09:52:22 -0700,629696598096875520,"Ellicott City, Maryland",Eastern Time (US & Canada) -326,Donald Trump,0.6786,yes,1.0,Negative,1.0,None of the above,1.0,,SadhbhWalshe,,0,,,"Paul Krugman sums up what happended last night: ""One of our two major parties has gone off the deep end"" http://t.co/gkubEM7gE7 #GOPDebate",,2015-08-07 09:52:22 -0700,629696597320974336,,Dublin -327,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6632,,AuthorRCallari,,1,,,RT @EQphoto: Just remember no matter wins the #GOPDebate everyone who watched it loses #alcoholpoisoning,,2015-08-07 09:52:22 -0700,629696595869704192,,Atlantic Time (Canada) -328,Donald Trump,0.6859999999999999,yes,1.0,Negative,0.6859999999999999,None of the above,0.6859999999999999,,Michael6395951,,240,,,RT @AnthonyMarlowe: #Trump #Video It cost 4 times more than the $700M it would've if it were being managed by @realDonaldTrump #GOPDebate h…,,2015-08-07 09:52:22 -0700,629696595701837824,"California, USA", -329,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,0.6778,,WhatRepublic,,0,,,@megynkelly you disgraced yourself last night... #GOPDebate,,2015-08-07 09:52:21 -0700,629696592312799234,Soviet Republik of Kalifornia ,Eastern Time (US & Canada) -330,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,KasenFanning,,26,,,RT @proginosko: Prediction: in the final #GOPDebate Donald Trump will tear off his #MissionImpossible mask to reveal a smirking Jon Stewart.,,2015-08-07 09:52:21 -0700,629696591515926528,,Eastern Time (US & Canada) -331,No candidate mentioned,1.0,yes,1.0,Positive,0.3488,None of the above,0.6744,,Nic_Pel,,0,,,"#Fallon to Jon #Stewart: ""Please Come Back, I Can’t Do It Alone"" https://t.co/IUa0hy2UC6 #GOPDebate #Politics",,2015-08-07 09:52:21 -0700,629696590677168128,"Québec, Canada",Eastern Time (US & Canada) -332,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,EJudy87306745,,21,,,"RT @BBCJonSopel: In midst of #GOPDebate came big blow to @BarackObama with announcement that leading Jewish Democrat, Sen. Schumer, won't b…",,2015-08-07 09:52:18 -0700,629696580388425728,, -333,Ted Cruz,1.0,yes,1.0,Negative,0.6865,None of the above,1.0,,jojo21,,4,,,RT @kesgardner: Ted Cruz is angling himself to be a slightly less loony version of Donald Trump. #GOPDebate,,2015-08-07 09:52:18 -0700,629696578656337920,"Ellicott City, Maryland",Eastern Time (US & Canada) -334,Donald Trump,1.0,yes,1.0,Negative,0.3596,FOX News or Moderators,0.6966,,RedheadAndRight,,1,,,Meet the new darling of the left 》 Megyn Gotcha Kelly. #GOPDebate @FoxNews #DonaldTrump #MegynKelly,,2015-08-07 09:52:17 -0700,629696574679945216,,Pacific Time (US & Canada) -335,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6596,,slone,,32,,,RT @toddstarnes: That abortion question — disgusting. #GOPDebate,,2015-08-07 09:52:17 -0700,629696574189387776,♥ Right where God wants me ♥,Eastern Time (US & Canada) -336,No candidate mentioned,1.0,yes,1.0,Negative,0.7021,FOX News or Moderators,1.0,,walotusi,,0,,,"@nytimes and @CNN praised @FoxNews and they thought they did a good job #GOPDebate -Not a good thing",,2015-08-07 09:52:17 -0700,629696574109687808,"Bi-Coastal, U.S.A", -337,No candidate mentioned,1.0,yes,1.0,Neutral,0.7024,None of the above,1.0,,RonBasler1,,1,,,"RT @TexasCruzn: RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http://t…",,2015-08-07 09:52:16 -0700,629696572167622656,"California, USA", -338,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,patrickbobo,,2,,,"RT @jstephencarter: My #hottake: Carly Fiorina became a 1st tier candidate yesterday. Otherwise, #GOPDebate changed nothing/will be ancient…",,2015-08-07 09:52:16 -0700,629696571848957952,"Chattanooga, TN",Eastern Time (US & Canada) -339,Donald Trump,0.2275,yes,0.6501,Negative,0.3499,Women's Issues (not abortion though),0.2275,,MarIntroini,,0,,,"#GOPDebate: a lesson for coming months: quality and not quantity in words & time for tangible and believable propsals -http://t.co/YHvNoEinyi",,2015-08-07 09:52:15 -0700,629696567612674048,International, -340,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,IgnatzLaird,,0,,,"When CNN and the New York Times are praising the @FoxNews moderators, you know they did it completely wrong. #GOPDebate",,2015-08-07 09:52:15 -0700,629696566991945728,, -341,No candidate mentioned,1.0,yes,1.0,Neutral,0.6738,None of the above,1.0,,Juggernaut_08,,33,,,"RT @LindaSuhler: First Republican Debate: The Candidate Report Card -.@benshapiro -#GOPDebate -http://t.co/9mFIPuCSLG - -#tcot http://t.co/ZvHw0…",,2015-08-07 09:52:14 -0700,629696562805866496,Texas, -342,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,None of the above,1.0,,miggiesmalls,,25,,,"RT @evanmcmurry: According to @gov, the most-retweeted candidate tweet of the #GOPDebate didn't come from a Republican: https://t.co/cUv3aF…",,2015-08-07 09:52:14 -0700,629696562638233600,78721,Central Time (US & Canada) -343,No candidate mentioned,0.4123,yes,0.6421,Positive,0.3263,FOX News or Moderators,0.4123,,TVNewsLab,,0,,,".@megynkelly displayed ""utmost authority"" at @foxnews #GOPDebate, critic says. http://t.co/8JbvwJTj3T http://t.co/mel8jxm19b",,2015-08-07 09:52:13 -0700,629696560461385728,"Washington, DC",Eastern Time (US & Canada) -344,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,globalnation,,27,,,"RT @TUSK81: Not one candidate spoke up against Trump's mass-deportation plan, & not one condemned his racist comments. Latinos won't forget…",,2015-08-07 09:52:13 -0700,629696558578057216,,Hawaii -345,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MelisaAnnis,,0,,,"Donald is my hero. - #GOPDebate http://t.co/9ZZFLChJQO",,2015-08-07 09:52:12 -0700,629696556074008576,"Brooklyn, NY",Quito -346,No candidate mentioned,1.0,yes,1.0,Negative,0.6196,None of the above,1.0,,evil0men,,55,,,RT @GerryDuggan: The Kryptonian science council was more worried about climate change than these scary people. #GOPDebate,,2015-08-07 09:52:12 -0700,629696555759611904,, -347,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,ldandladies,,0,,,Withholding my very valuable presidential endorsement until I hear about everyone's point of view on the 2nd amendment #GOPDebate,,2015-08-07 09:52:11 -0700,629696551732973568,, -348,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,None of the above,1.0,,RonBasler1,,1,,,"RT @ArcticFox2016: RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http:…",,2015-08-07 09:52:11 -0700,629696551351250945,"California, USA", -349,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,stedanchick,,117,,,"RT @MikeDrucker: ""Ronald Reagan never had an abortion with ISIS and WOMEN DON'T NEED THEM EITHER!"" - Basically everyone tonight #GOPDebate",,2015-08-07 09:52:11 -0700,629696548708974592,UK, -350,No candidate mentioned,1.0,yes,1.0,Neutral,0.7033,LGBT issues,1.0,,summer0655,,5,,,RT @patriotmom61: THIS --> Rick Santorum Says Gay Marriage Has No Constitutional Basis https://t.co/mauVIFy6oh #GOPDebate #FoxDebate #tcot …,,2015-08-07 09:52:10 -0700,629696545416445952,, -351,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,0.6477,,a3auntie,,112,,,"RT @GregAbbott_TX: @ScottWalker: ""Every part of the world @HillaryClinton has touched is worse today"" #Truth #GOPDebate @FoxNews",,2015-08-07 09:52:10 -0700,629696544426496000,,Atlantic Time (Canada) -352,Chris Christie,0.6667,yes,1.0,Positive,1.0,None of the above,1.0,,HaymoreTre4,,0,,,@ChrisChristie won the #GOPDebate last night. Only candidate who answered questions directly and not afraid to take on tough issues.,,2015-08-07 09:52:09 -0700,629696541091954688,Winston-Salem , -353,No candidate mentioned,1.0,yes,1.0,Neutral,0.7047,None of the above,0.7047,,milliedent,,0,,,The Best Jabs at Hillary Clinton from the Republicans’ Fox News Debates #GOPDebate http://t.co/zEoiEM5d7P,,2015-08-07 09:52:08 -0700,629696538730696704,,Central Time (US & Canada) -354,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,0.6489,,IowaforHuckabee,,15,,,"RT @GovMikeHuckabee: .@FredBarnes, @weeklystandard: ""Mike Huckabee was the star of the Luntz focus group show. When he spoke, the feedback …",,2015-08-07 09:52:08 -0700,629696537128382464,Iowa,Central Time (US & Canada) -355,Ben Carson,0.4311,yes,0.6566,Positive,0.6566,None of the above,0.4311,,maebe11,,0,,,"Watching the primetime #GOPDebate this afternoon, I think @BenCarson2016 was the real winner, quiet but effective",,2015-08-07 09:52:07 -0700,629696534771175424,Virginia, -356,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,LGBT issues,1.0,,slone,,35,,,RT @toddstarnes: And here comes the gay marriage gotcha section….#GOPDebate,,2015-08-07 09:52:06 -0700,629696530673475584,♥ Right where God wants me ♥,Eastern Time (US & Canada) -357,Jeb Bush,0.4265,yes,0.6531,Negative,0.3469,None of the above,0.4265,,Brad_Dolce,,3,,,RT @Jackie_Pepper: #Jeb is giving me some serious Janet Reno tonight. #GOPDebate http://t.co/VxfY7MS1WG,,2015-08-07 09:52:06 -0700,629696530455375872,"Durham, North Carolina",Eastern Time (US & Canada) -358,No candidate mentioned,1.0,yes,1.0,Negative,0.3407,None of the above,0.6703,,scotmcesler,,0,,,#Boomers R #Smart They know how to use #Internet for #GOPDebate http://t.co/IGP8WWnzCu #Cosproject #jpnet http://t.co/MT79hetQXS,,2015-08-07 09:52:05 -0700,629696527124959232,,Arizona -359,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,0.6484,,melissagowens02,,156,,,RT @GovMikeHuckabee: Re China: You deal with a playground bully by punching them in the face & putting them on the ground b/c they only res…,,2015-08-07 09:52:05 -0700,629696526114234368,, -360,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jasonrlee,,2,,,RT @ali: Lots of Republicans in my Facebook and Twitter timelines are ticked at Fox News for running that hatchet job of a debate. #GOPdeba…,,2015-08-07 09:52:05 -0700,629696525069762562,Arizona,Arizona -361,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,FOX News or Moderators,0.4545,,ChuckNellis,,5,,,"I won't defend @FoxNews, they were FAR from fair OR balanced last night, but name calling is juvenile. #GOPDebate",,2015-08-07 09:52:05 -0700,629696523819986944,Great State of North Carolina!,Eastern Time (US & Canada) -362,Ben Carson,0.6241,yes,1.0,Positive,1.0,None of the above,0.6834,,summer0655,,17,,,"RT @CatholicLisa: Hats off to Ben Carson for using the term ""useful idiots"" re: Hillary Clinton and the secular progressive movement. #GOPD…",,2015-08-07 09:52:04 -0700,629696519340486656,, -363,Scott Walker,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dan_themandan,,0,,,@megynkelly Your Fox team talked for 31 minutes of #GOPDebate while Walker talked for 5. Your obvious goal was to ambush everyone. Pathetic.,,2015-08-07 09:52:03 -0700,629696518304366592,, -364,Donald Trump,0.6831,yes,1.0,Positive,0.6175,FOX News or Moderators,0.6175,,fabucat,,1,,,RT @JohnAmato: I actually agree with @AndreaTantaros on something. She said @realDonaldTrump didn't hurt himself in #GOPDebate and I concur.,,2015-08-07 09:52:03 -0700,629696517075521536,Bethesda Maryland USA,Eastern Time (US & Canada) -365,Ben Carson,1.0,yes,1.0,Positive,0.6696,None of the above,1.0,,ShojoPower,,283,,,RT @DonnieWahlberg: Like Ben Carsons brain. Mike Huckabees heart. Marco Rubios soul. Chris Christies fight. John Kasichs hope. Add Carly Fi…,,2015-08-07 09:52:03 -0700,629696515154571264,NYC, -366,No candidate mentioned,0.39399999999999996,yes,0.6277,Neutral,0.6277,None of the above,0.39399999999999996,,SVNDPM_CRE,,0,,,Speed Dating For A New President? Interesting Article on the #GOPDebate. :-) http://t.co/qNtY6HdHr3,,2015-08-07 09:52:03 -0700,629696514932084736,"Las Vegas, NV",Pacific Time (US & Canada) -367,No candidate mentioned,1.0,yes,1.0,Neutral,0.6359,None of the above,1.0,,GodandtheBear,,1,,,"RT @BradBannon: ""Was GOP Debate a Campaign Preview or Rearview?"" by @BradBannon on @LinkedIn https://t.co/n0mko8qQIE #UniteBlue #P2 #POTUS …",,2015-08-07 09:52:02 -0700,629696514063929344,"Pennsylvania, USA", -368,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,elvislver56,,2,,,"RT @DykstraDame: The #GOPDebate was like a super crappy cage fight of blustering, bumbling, old wrinkled-up tuckus clinchers without the ca…",,2015-08-07 09:52:01 -0700,629696508196028416,"Garden Grove, Ca", -369,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6717,,melissagowens02,,676,,,RT @GovMikeHuckabee: The military is not a social experiment. The purpose of the military is to kill people and break things. #ImWithHuck #…,,2015-08-07 09:52:00 -0700,629696503364382720,, -370,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BioAnnie1,,10,,,RT @bennydiego: BREAKING: It's a tie for the winners from the #GOPDebate http://t.co/8iM3NfxJIa,,2015-08-07 09:52:00 -0700,629696502550532096,,Hawaii -371,No candidate mentioned,0.4233,yes,0.6506,Neutral,0.6506,None of the above,0.4233,,bigratsgoboom,,0,,,"@TVMoJoe Just curious, have I missed your ratings tweet about the #GOPDebate?",,2015-08-07 09:51:59 -0700,629696501724381184,America,Eastern Time (US & Canada) -372,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LifeLuvr1205,,0,,,@megynkelly #GOPDebate Kelly is no role model doesn't speak for me or my prof friends Rosie? Now a real woman @CarlyFiorina Kelly is a poser,,2015-08-07 09:51:58 -0700,629696497966170112,,Pacific Time (US & Canada) -373,Donald Trump,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,roaritsjenn,,0,,,donald trump... #whatajoke #GOPDebate,,2015-08-07 09:51:58 -0700,629696495500021760,NY,Atlantic Time (Canada) -374,No candidate mentioned,0.4646,yes,0.6816,Negative,0.6816,FOX News or Moderators,0.4646,,DanirysNajaryen,,910,,,RT @funnyordie: This feels like FOX News tried to be the cool parents that let their kids have a party & now the house is on fire. #GOPDeba…,,2015-08-07 09:51:57 -0700,629696492190760960,"Bonaire, GA",Pacific Time (US & Canada) -375,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,summer0655,,3,,,RT @patriotmom61: It's unconscionable that @FoxNews moderators asked ALL the candidates except Santorum foreign policy& nat sec questions i…,,2015-08-07 09:51:57 -0700,629696491825811456,, -376,Mike Huckabee,1.0,yes,1.0,Neutral,0.6237,None of the above,1.0,,SSNjl,,6,,,"RT @ChipMarks14: ""The military is not a social experiment. Its purpose is to kill people and break things."" -- Mike Huckabee - -#GOPDebate",,2015-08-07 09:51:57 -0700,629696491154608128,St.George Utah,Central Time (US & Canada) -377,No candidate mentioned,0.4553,yes,0.6748,Negative,0.6748,Abortion,0.4553,,Nathnjackson,,376,,,RT @CrissGhoul: YOU ARE NOT PRO LIFE. YOU ARE PRO CONTROL. YOU ARE PRO RELIGION. YOU ARE PRO YOU. THIS IS NEVER ABOUT THE MOTHER. #GOPDeba…,,2015-08-07 09:51:56 -0700,629696489648828421,"Seattle, WA",Pacific Time (US & Canada) -378,No candidate mentioned,0.4179,yes,0.6465,Negative,0.6465,None of the above,0.4179,,JVER1,,12,,,"RT @RedStateJake: Solid debate tips - take a gander, @GOP: - -http://t.co/4PuFJ36dLa - -#GOPDebate #teaparty -#tcot #tlot #icon http://t.co/wpi…",,2015-08-07 09:51:56 -0700,629696488684298240,,Eastern Time (US & Canada) -379,John Kasich,0.4444,yes,0.6667,Positive,0.6667,Jobs and Economy,0.4444,,kevinburger72,,75,,,RT @JohnKasich: Creating jobs is our greatest moral purpose because they strengthen our families & communities. #GOPDebate http://t.co/80Xe…,,2015-08-07 09:51:56 -0700,629696487883210752,,Central Time (US & Canada) -380,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jma928,,2,,,"RT @nevagphx1: @CarlyFiorina Magnificent at the first #GOPDebate. I support Ted Cruz as POTUS, but would support you as running mate or POT…",,2015-08-07 09:51:56 -0700,629696487631491072,Pa, -381,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,Women's Issues (not abortion though),1.0,,parkerc2112,,0,,,If you're a woman who supports R party please wake up and get informed. #GOPDebate,,2015-08-07 09:51:55 -0700,629696484913491968,The Dude Abides, -382,John Kasich,1.0,yes,1.0,Positive,0.3636,LGBT issues,0.7045,,spdnyc,,0,,,Kasich the clear standout among #GOPDebate cannon fodder. But his record contradicts statements on LGBT acceptance: http://t.co/YNucKULnjV,,2015-08-07 09:51:55 -0700,629696482795499520,"New York, NY",Eastern Time (US & Canada) -383,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CorieHaynes,,0,,,"Primary is still a long way away, so my favorites could change, and I hope we see more of these candidates than just sound bites. #GOPDebate",,2015-08-07 09:51:54 -0700,629696481256079360,"Hernando, MS",Central Time (US & Canada) -384,No candidate mentioned,1.0,yes,1.0,Negative,0.6989,None of the above,1.0,,FieldGeorge,,0,,,"The anti- @CarlyFiorina unit of the #Clinton Personal Destruction Force is now working 24/7, I'm sure. #GOPDebate https://t.co/p0dT5s5TIY",,2015-08-07 09:51:54 -0700,629696478903181312,"Boston MA, USA",Eastern Time (US & Canada) -385,,0.2282,yes,0.3523,Neutral,0.3523,,0.2282,,melissagowens02,,177,,,"RT @GovMikeHuckabee: As President, I'll end the national disgrace of failing to care for vets who sacrificed for our country -> http://t.co…",,2015-08-07 09:51:53 -0700,629696476982214657,, -386,No candidate mentioned,0.6495,yes,1.0,Neutral,0.6701,None of the above,0.6495,,JaysWorldLive,,0,,,At least he was honest about it. #GOPDebate https://t.co/7Bo2pRPmX2,,2015-08-07 09:51:53 -0700,629696474801160192,"Tamap, FL",Eastern Time (US & Canada) -387,No candidate mentioned,0.4603,yes,0.6784,Negative,0.3618,None of the above,0.4603,,stedanchick,,249,,,"RT @Marmel: ""My mother worked..."" -- Nobody -#GOPDebate",,2015-08-07 09:51:52 -0700,629696469151387648,UK, -388,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3547,,FrostyGPW,,2,,,RT @NewsWriter2: So we have Americans getting beheaded overseas and @megynkelly is worried whether @realDonaldTrump calls Rosie O'Donnell f…,,2015-08-07 09:51:51 -0700,629696468345950208,Tennessee,Central Time (US & Canada) -389,No candidate mentioned,0.4495,yes,0.6705,Negative,0.375,None of the above,0.4495,,rosaroja4rev,,0,,,#GOPDebate REAL “AMERICAN IDOL”: ELECTIONS AS AUDITIONS: Whose Consent Counts & How Decisions Are Made... http://t.co/bLeoBY7r7N,,2015-08-07 09:51:51 -0700,629696466760658944,, -390,No candidate mentioned,1.0,yes,1.0,Negative,0.7002,None of the above,1.0,,brianmzimmer,,0,,,"Elections, Democracy, and political debates as entertainment. Not a particularly sterling quality of our federal republic. #GOPDebate",,2015-08-07 09:51:50 -0700,629696462482309120,The Center of the Known World,Quito -391,Chris Christie,0.6595,yes,1.0,Negative,0.6936,None of the above,1.0,,Kelly62u,,0,,,@ChrisChristie @RandPaul Americans fear NOT. People who live in fear are not free and have no liberty. Fear is unAmerican #GOPDebate,,2015-08-07 09:51:50 -0700,629696461903532032,"DFW, TX ",Central Time (US & Canada) -392,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,None of the above,1.0,,Moonbootica,,15,,,RT @BennettCartoons: 8/7/2015- The Glass Slipper #GOPDebate #GOPPrimaries #RepublicanField http://t.co/fyhZzN5qP3,,2015-08-07 09:51:50 -0700,629696460385337344,UK,London -393,Donald Trump,1.0,yes,1.0,Positive,0.6489,None of the above,0.6489,,the626killa,,9,,,"RT @1216BJ: #GOPDebate: Carly Fiorina Dominates Social Media, Even Beating Out Trump - Fox Nation http://t.co/VUeEveRdDy",,2015-08-07 09:51:49 -0700,629696457327689732,"Worcester, MA", -394,No candidate mentioned,1.0,yes,1.0,Negative,0.6923,None of the above,1.0,,Madhatter7611,,603,,,RT @rachelmartinart: I wonder if the #GOPDebate will address actual solutions for climate change and clean energy. #DebateWithBernie,,2015-08-07 09:51:49 -0700,629696456895692800,,Eastern Time (US & Canada) -395,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,0.3582,,ATeichner,,9,,,"RT @vivigold197: @realDonaldTrump: misogynist, ignorant, xenophobic and greedy: another proof that money does not buy class. #GOPDebate #GO…",,2015-08-07 09:51:48 -0700,629696453376638976,"Sugar Hill, GA",Eastern Time (US & Canada) -396,No candidate mentioned,0.4089,yes,0.6395,Neutral,0.6395,Immigration,0.4089,,EusebiaAq,,0,,,@Anti_SLAVERY Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:51:48 -0700,629696452952854529,America,Eastern Time (US & Canada) -397,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Rafael_ninja68,,35,,,"RT @ImmigranNacion: @JebBush #GOPDebate #USA, seriously, would you vote for any of these CLOWNS? We NEED #CIRNow #AINF #TNTVote http://t.co…",,2015-08-07 09:51:48 -0700,629696452596486145,Virgo super cluster, -398,Donald Trump,1.0,yes,1.0,Positive,0.6897,None of the above,1.0,,Tea4Freedom,,203,,,"RT @WayneDupreeShow: Disagree all you want - -#GOPDebate was hit job on @realDonaldTrump and calculated mute job on @SenTedCruz @RealBenCarso…",,2015-08-07 09:51:48 -0700,629696452462120960,Texas,Central Time (US & Canada) -399,Donald Trump,1.0,yes,1.0,Positive,0.3445,None of the above,1.0,,JohnAmato,,1,,,I actually agree with @AndreaTantaros on something. She said @realDonaldTrump didn't hurt himself in #GOPDebate and I concur.,,2015-08-07 09:51:48 -0700,629696452248252416,California,Pacific Time (US & Canada) -400,,0.2277,yes,0.3507,Neutral,0.18600000000000003,,0.2277,,funny4u2all1003,,0,,,ٌR▀█▀ 4 exotic designs for diamond rings http://t.co/9Whr8sL3Tp #YouTube http://t.co/dJb1fKJs3j #GOPDebate #Chemieunfall #Compton #Lion…,,2015-08-07 09:51:47 -0700,629696450247700480,, -401,Mike Huckabee,0.4292,yes,0.6552,Positive,0.3448,None of the above,0.4292,,melissagowens02,,66,,,RT @GovMikeHuckabee: Let's take America from Hope to Higher Ground. Will you help? --> http://t.co/tky8Smc27y #ImWithHuck #GOPDebate http:/…,,2015-08-07 09:51:46 -0700,629696444098867200,, -402,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Oh_Suzanney,,2,,,RT @AmberTozer: Just got caught up on the #GOPDebate and felt like I should write a joke about it but the biggest joke of all was the whole…,,2015-08-07 09:51:45 -0700,629696442144301056,Florida. ,Eastern Time (US & Canada) -403,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,trefolution,,9,,,RT @joshcomers: Jeb makes me want to blow rails with W before we wreck his dad’s car. #GOPDebate,,2015-08-07 09:51:44 -0700,629696438885224448,"Portland, OR",Mountain Time (US & Canada) -404,No candidate mentioned,1.0,yes,1.0,Negative,0.6732,Religion,1.0,,Auntcol54,,1,,,Keep religion out of politics! #GOPDebate,,2015-08-07 09:51:44 -0700,629696438461710336,NYC,Quito -405,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.679,,Tom_Myers,,0,,,The second-tier #GOPDebate participants would have had an audience if they debated Bernie Sanders.,,2015-08-07 09:51:44 -0700,629696437408923648,Baltimore,Eastern Time (US & Canada) -406,Chris Christie,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,joehudsonsmall,,0,,,what is Chris Cristie on about Re: abortions? This is absurd. #GOPdebate,,2015-08-07 09:51:44 -0700,629696436423233536,"Worcester/Manchester, UK",London -407,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MarciJClark,,0,,,#GOPDebate Im still voting blue! http://t.co/AZyUpu6oyd,,2015-08-07 09:51:43 -0700,629696433759879169,"Glenside, PA",Eastern Time (US & Canada) -408,Chris Christie,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,nikkirojo4life,,0,,,I'm eating lunch out and these two old ladies discussing the #GOPDebate is giving me life. They shading shit outta Christie and Trump.,,2015-08-07 09:51:43 -0700,629696433504002048,New York,America/New_York -409,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6667,,MacManX,,138,,,RT @Ali_Davis: Tonight's #GOPDebate was an important reminder that these guys think of women as carrying cases for fetuses.,,2015-08-07 09:51:42 -0700,629696429770960897,"California, USA",Pacific Time (US & Canada) -410,No candidate mentioned,0.6469,yes,1.0,Positive,0.6936,Religion,0.6469,,maeflowerzzz,,3469,,,"RT @RealBenCarson: May the Lord guide my words tonight, let His wisdom be my thoughts. #GOPDebate",,2015-08-07 09:51:42 -0700,629696429443952640,USA,Eastern Time (US & Canada) -411,John Kasich,0.6897,yes,1.0,Neutral,0.6897,LGBT issues,1.0,,ColdSober787,,24,,,"RT @TheJimHughes: Note to Kasich - the question wasn't about ""love"" it was about ""gay marriage"" #TheBigDodge #GOPDebate",,2015-08-07 09:51:42 -0700,629696429175369728,Oregon,Arizona -412,No candidate mentioned,0.405,yes,0.6364,Negative,0.6364,None of the above,0.405,,mirikuincognito,,690,,,RT @Squintz1983: #GOPDebate pretty much http://t.co/fHg7FmG42d,,2015-08-07 09:51:42 -0700,629696427682168832,,Arizona -413,Donald Trump,0.6339,yes,1.0,Neutral,0.6818,None of the above,0.6844,,Alisand3,,12,,,"RT @palmaceiahome1: Rush Limbaugh to Megyn Kelly ""I know no Democrat Candidate would be treated the way Megyn Kelly treated Trump."" #FoxNew…",,2015-08-07 09:51:41 -0700,629696422753865728,The land of Fruits and Nuts,Pacific Time (US & Canada) -414,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rainevals,,3403,,,RT @deray: Trump literally said that he donates to politicians and then calls them later to get what he wants. He literally just said that.…,,2015-08-07 09:51:39 -0700,629696415317397504,Salem Oregon, -415,No candidate mentioned,0.4173,yes,0.6459999999999999,Neutral,0.6459999999999999,None of the above,0.4173,,Hosdoclaxer,,242,,,"RT @itsWillyFerrell: Meanwhile, back at the White House... #GOPDebate http://t.co/Un7gNNUhB7",,2015-08-07 09:51:38 -0700,629696413744693248,, -416,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sodaaccident,,0,,,"#GOPDebate none of the presidential candidates brought a fucking gom jabbar, i mean at least liven up your crazy",,2015-08-07 09:51:38 -0700,629696413555818496,"El Paso, Texas", -417,Donald Trump,1.0,yes,1.0,Neutral,0.625,None of the above,1.0,,gingerbeardydan,,951,,,RT @_youhadonejob: Donald Trumps hair arrives early for the Republican Party presidential debate. #GOPDebate http://t.co/cQuPKRyBse,,2015-08-07 09:51:38 -0700,629696412901605376,"Paisley, Scotland",Amsterdam -418,Mike Huckabee,0.4599,yes,0.6782,Positive,0.6782,None of the above,0.4599,,melissagowens02,,200,,,"RT @GovMikeHuckabee: ""He was just so eloquent...He knew what he was saying. He believed what he was saying."" #ImWithHuck #GOPDebate -https:/…",,2015-08-07 09:51:38 -0700,629696412045963264,, -419,No candidate mentioned,0.4589,yes,0.6774,Neutral,0.6774,None of the above,0.4589,,lexinerus,,0,,,ReTw EmotientInc: Emotion-Reading Technology First & Only To Analyze Audience Reactions To #GOPDebate: … http://t.co/DKBgXzQxHp,,2015-08-07 09:51:37 -0700,629696407688056835,"Cali, Colombia",Central Time (US & Canada) -420,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6852,,Pworldawg,,531,,,RT @TheBaxterBean: Fact-Checkers Proved Scott Walker Literally Lies More Often Than He Tells The Truth http://t.co/KeOeBNRWGU #GOPDebate ht…,,2015-08-07 09:51:36 -0700,629696405632872448,, -421,No candidate mentioned,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,crazycarl864,,2400,,,RT @pattonoswalt: I want @BernieSanders to quietly walk out onto this stage and five-point-palm-exploding-heart all these hollow beasts. #G…,,2015-08-07 09:51:36 -0700,629696403783176193,"Columbus, OH", -422,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,gambling3NT,,0,,,"#GOPDebate Debate was good once they quit throwing crap at @realDonaldTrump and got substantive. Candidates handled the ""gotcha"" questions.",,2015-08-07 09:51:36 -0700,629696403258773504,colorado, -423,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,,0.233,,JoMadRam,,120,,,RT @BRios82: These clowns didn't even tackle Climate change. They didn't mention Inequality at all. Are you surprised? #GOPDebate http://t.…,,2015-08-07 09:51:36 -0700,629696401807544320,"Fort Worth, TX", -424,No candidate mentioned,0.4494,yes,0.6704,Negative,0.34600000000000003,None of the above,0.4494,,joogey,,457,,,RT @pattonoswalt: Are they going to ask Lenny Kravitz's penis ONE question? This is very disrespectful. #GOPDebate,,2015-08-07 09:51:35 -0700,629696400155111425,new orleans&york,Eastern Time (US & Canada) -425,Donald Trump,1.0,yes,1.0,Positive,0.6769,None of the above,1.0,,Matthew_Ford92,,0,,,So who watched the GOP Debate last night and saw Trump #DonaldTrump #GOPDebate @realDonaldTrump #TrumpForPresident,,2015-08-07 09:51:35 -0700,629696397667921920,"USA, North Carolina ", -426,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7033,,CWJ522,,0,,,"#FactChecking the #GOPDebate -http://t.co/N72RUBXxcv -Unsurprising-but-massive levels of lies and truth-stretching and general bullshittery.",,2015-08-07 09:51:34 -0700,629696393653977088,"Franklin, NH",Central Time (US & Canada) -427,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,FOX News or Moderators,1.0,,JERSEYFL1,,0,,,Wonder how much of tonight's #@megynkelly show will be about her #GOPDebate #FoxNews,,2015-08-07 09:51:33 -0700,629696392940748800,, -428,No candidate mentioned,1.0,yes,1.0,Positive,0.6725,Abortion,1.0,,VeraTMD,,15,,,RT @chooseliferacer: #GOPDebate Never lose focus on the truly important issues #DefundPP & #PraytoEndAbortion http://t.co/OxIoW3YjS4,,2015-08-07 09:51:33 -0700,629696392898818048,,Central Time (US & Canada) -429,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,rashid7053,,28,,,RT @3ChicsPolitico: Trump calling @megynkelly a bimbo is reprehensible. This is about choosing a candidate for president NOT the Jerry Spri…,,2015-08-07 09:51:33 -0700,629696391674081280,San Diego,Atlantic Time (Canada) -430,No candidate mentioned,1.0,yes,1.0,Neutral,0.6905,None of the above,1.0,,chvsr,,0,,,#Repeal was the word of the night. #GOPDebate,,2015-08-07 09:51:33 -0700,629696391665852416,DC,America/New_York -431,No candidate mentioned,0.3681,yes,0.6067,Negative,0.3146,Gun Control,0.3681,,areebalovesyou,,1695,,,"RT @rebleber: Not mentioned in the #GOPdebate: -Voting rights -Climate change -Gun violence -Police shootings -Student debt -Inequality",,2015-08-07 09:51:33 -0700,629696390831149056,, -432,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3516,FOX News or Moderators,0.2396,,CourageLeads,,211,,,RT @CarlyFiorina: It’s almost time! Tune into @FoxNews at 5:00 p.m. EDT #GOPDebate #Carly2016 http://t.co/hEV7fe4HhR,,2015-08-07 09:51:32 -0700,629696385605050368,,Eastern Time (US & Canada) -433,No candidate mentioned,0.4259,yes,0.6526,Positive,0.3368,None of the above,0.4259,,opticalens,,0,,,This is an amazing degree of commitment to a running joke http://t.co/VpxxlxEvHi #GOPdebate #photobomb,,2015-08-07 09:51:32 -0700,629696385311506432,Seattle,Pacific Time (US & Canada) -434,Mike Huckabee,0.6667,yes,1.0,Positive,1.0,None of the above,0.6667,,melissagowens02,,70,,,"RT @GovMikeHuckabee: .@FoxNews focus group: ""He was very articulate, very relatable, & made a lot of good points."" #ImWithHuck #GOPDebate -h…",,2015-08-07 09:51:31 -0700,629696384585867264,, -435,Donald Trump,0.4274,yes,0.6538,Negative,0.6538,None of the above,0.4274,,DemocraShe,,4,,,RT @TeaTraitors: #GOPDebate was still Clown Show! I'm glad Head Clown Trump helping destroy GOP. http://t.co/88QwTnPuIR,,2015-08-07 09:51:31 -0700,629696383147212800,"Jamaica Plain, MA",Atlantic Time (Canada) -436,No candidate mentioned,0.2265,yes,0.6592,Neutral,0.3436,Foreign Policy,0.2265,,Hornet238,,2,,,"RT @BraveConWarrior: RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/T7MGjn2vEr""",,2015-08-07 09:51:30 -0700,629696376503308288,Fema Region V,Pacific Time (US & Canada) -437,Mike Huckabee,1.0,yes,1.0,Negative,0.6854,None of the above,0.3483,,heatheremoore,,0,,,#GOP wants to #DefundPP and #Huckabee wants to legalize prostitution and drugs. #GOPdebate,,2015-08-07 09:51:29 -0700,629696373156286469,"Olympia, WA",Pacific Time (US & Canada) -438,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Spence4782,,0,,,"Favorite Jeb line ""taking on the teacher's unions, and beating them"" sure that empowers kids disenfranchise the ones who teach em #GOPDebate",,2015-08-07 09:51:27 -0700,629696367133265920,"Lawton, Oklahoma", -439,No candidate mentioned,1.0,yes,1.0,Negative,0.6986,None of the above,1.0,,PatriciaMilton,,172,,,RT @britt27ash: Current mood re: #GOPDebate http://t.co/GFSNEDXEoj,,2015-08-07 09:51:27 -0700,629696365740691456,,Hawaii -440,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.3523,,TheDonkeyHotey,,0,,,"If the newest b52 was built in the 60s like Huckabee complained, doesn't that mean St. Ronnie should have built more? #GOPDebate",,2015-08-07 09:51:26 -0700,629696360003043328,,Eastern Time (US & Canada) -441,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,FOX News or Moderators,1.0,,davidhe46361805,,84,,,"RT @WayneDupreeShow: Maybe on the next #KellyFile @MegynKelly will go after @krauthammer 20 year positions because he switched parties too -…",,2015-08-07 09:51:25 -0700,629696357171728384,Fremont.Ca, -442,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Foreign Policy,0.4594,,alleysunjune,,14,,,RT @G_Humbertson: Perry says he would rather send @CarlyFiorina to negotiate with Iran than John Kerry. #GOPDebate,,2015-08-07 09:51:25 -0700,629696355976507392,,Eastern Time (US & Canada) -443,Donald Trump,0.6784,yes,1.0,Positive,0.6765,FOX News or Moderators,1.0,,jamesbarnes2,,0,,,"NOT A FAN OF #FoxNews @megynkelly but she deserves better than to be called BIMBO by #lDonaldTrump for doing her job - -#GOPDebate #UniteBlue",,2015-08-07 09:51:24 -0700,629696352734216192,"Phoenix, Arizona",America/Phoenix -444,No candidate mentioned,1.0,yes,1.0,Positive,0.6804,None of the above,1.0,,fitsnews,,0,,,Excellent post-GOP debate analysis from my friend @rmanning957 of @LimitGovt ... http://t.co/gIUogvMNNc #GOPDebate,,2015-08-07 09:51:23 -0700,629696348254679040,"Columbia, South Carolina",Eastern Time (US & Canada) -445,No candidate mentioned,0.4399,yes,0.6633,Negative,0.6633,None of the above,0.4399,,ragingredhed,,452,,,RT @RachLWhitehurst: I can't tell if these are just bad cramps or my uterus trying to flee the country as I watch the #GOPDebate,,2015-08-07 09:51:22 -0700,629696347105431552,,Central Time (US & Canada) -446,No candidate mentioned,1.0,yes,1.0,Negative,0.6582,FOX News or Moderators,1.0,,jediane9,,762,,,"RT @kumailn: And now the realization dawns on us. ""Holy shit. I've been watching Fox News."" #GOPDebate",,2015-08-07 09:51:22 -0700,629696345771675652,"Golden Valley, MN",Central Time (US & Canada) -447,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,libertyjibbet,,1,,,"Hey .@realDonaldTrump You know who didn't whine about ""unfair"" questions? @CarlyFiorina Grow a set why don't ya'. #GOPDebate",,2015-08-07 09:51:21 -0700,629696342563000320,United States of America,Central Time (US & Canada) -448,No candidate mentioned,0.4853,yes,0.6966,Positive,0.6966,None of the above,0.4853,,PlatinumB_RICH,,7,,,RT @WhoIsSizzle: Hillary spent the #GOPDebate with Kim and Kanye ... This is what I love to see http://t.co/H9T0a4IJxX http://t.co/KqS216nB…,,2015-08-07 09:51:21 -0700,629696340726050816,"In a corner, SCREAMING!!!",Amsterdam -449,John Kasich,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,StuartJOrr,,0,,,John Kasich seems like a decent guy shame he'll drowned out by the loonies in the #GOP #GOPDebate,,2015-08-07 09:51:19 -0700,629696333369212928,"Glasgow, Scotland",Edinburgh -450,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,Txwolfpackbride,,137,,,RT @feministabulous: My feelings about Trump after #GOPDebate: http://t.co/bKuz2OiamE,,2015-08-07 09:51:18 -0700,629696329661308928,, -451,No candidate mentioned,1.0,yes,1.0,Negative,0.7127,None of the above,0.6614,,primadonna68,,560,,,"RT @deray: In the end, Bingo! #GOPDebate http://t.co/xul0Y2qXp6",,2015-08-07 09:51:18 -0700,629696326750597120,Wherever Carmen Sandiago is., -452,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TimothyMPate,,0,,,"Chris Christie said he was appointed U.S. Attorney Sept. 10, 2001. He was actually appointed Dec. 7, 2001. #GOPDebate http://t.co/8Y8GkqTnvK",,2015-08-07 09:51:17 -0700,629696324817027072,"Saint Paul, MN", -453,Chris Christie,0.3819,yes,0.618,Negative,0.618,None of the above,0.3819,,SD_Zach,,0,,,Chris Christie fundamentally misunderstands the 4th amendment & got owned by @RandPaul over NSA: http://t.co/XawzzRHVFi #GOPDebate,,2015-08-07 09:51:17 -0700,629696323281817601,"San Diego, CA",Pacific Time (US & Canada) -454,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,,0.2266,,mojaavi,,227,,,"RT @cmclymer: Fun Fact: in this party of super patriots, not a single candidate on stage has served a day in the military. - -#GOPDebate",,2015-08-07 09:51:15 -0700,629696317518798848,,Arizona -455,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AbehoSooh,,25,,,RT @RealAlexJones: '@RealAlexJones will be taking twitter questions on #GOPdebate in 3rd hr of today's show. Watch live 11am-2pm ct: http:/…,,2015-08-07 09:51:15 -0700,629696316914933760,, -456,No candidate mentioned,1.0,yes,1.0,Neutral,0.7059,None of the above,1.0,,MacManX,,458,,,"RT @kelkulus: SURPRISE TWIST: Kevin Spacey appears on stage, taps his ring on the podium, then pushes all 10 candidates in front of a train…",,2015-08-07 09:51:15 -0700,629696315274870784,"California, USA",Pacific Time (US & Canada) -457,Donald Trump,1.0,yes,1.0,Neutral,0.6703,None of the above,0.6703,,marcannem96,,0,,,"@exjon @EssmailPatricia @CuffyMeh -Trump supporters threaten to take Nerf ball home after hard hit. -#GOPDebate #TrumpsPeePeehurts",,2015-08-07 09:51:14 -0700,629696313416769537,"Houston, TX", -458,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,0.6941,,josemorelos,,257,,,"RT @WAGNERGIRLE: Thank you @tedcruz for speaking out on #govermentcartel - -#MakeAmericaGreatAgain #SecureTheBorder #GOPDebate http://t.co/…",,2015-08-07 09:51:13 -0700,629696305980268544,"California, USA",Tijuana -459,No candidate mentioned,1.0,yes,1.0,Neutral,0.6513,Women's Issues (not abortion though),0.6994,,knotiookin,,1163,,,RT @MattyIceAZ: IRONY: Watching 10 men debate women's right to choose. #GOPDebate,,2015-08-07 09:51:13 -0700,629696305770663936,, -460,No candidate mentioned,0.684,yes,1.0,Neutral,1.0,None of the above,1.0,,marchoutgraaf,,0,,,The First #GOPDebate: Social Media Reaction and More http://t.co/Ih9KSywL7Y,,2015-08-07 09:51:10 -0700,629696294731255808,Worlwide,Central Time (US & Canada) -461,No candidate mentioned,0.4698,yes,0.6854,Negative,0.3483,Immigration,0.4698,,EusebiaAq,,0,,,Who's the real illegal alien AMERICA #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:51:10 -0700,629696294122991616,America,Eastern Time (US & Canada) -462,Donald Trump,0.466,yes,0.6827,Positive,0.3479,None of the above,0.466,,BenGoldberger,,0,,,Which candidate really likes hugs? The one word that defined each one's #GOPDebate http://t.co/RGHrEnzEwI http://t.co/rZZzG0m3P0,,2015-08-07 09:51:10 -0700,629696293535936512,New York, -463,No candidate mentioned,1.0,yes,1.0,Negative,0.682,LGBT issues,1.0,,EliOnTheRework,,5,,,RT @imfabulous13: I assume you guys didn't boo a gay soldier this time only because the opportunity didn't arise. #RSG15 #GOPDebate http://…,,2015-08-07 09:51:10 -0700,629696292948570112,PAGE FOR LIKE MINDED FRIENDS,Pacific Time (US & Canada) -464,John Kasich,0.4531,yes,0.6731,Negative,0.6731,LGBT issues,0.4531,,greatNPtweets,,197,,,"RT @HRC: .@JohnKasich said he’d love his daughters if they were gay, but his voting record says otherwise #GOPDebate http://t.co/qWNQMbLZ5d",,2015-08-07 09:51:08 -0700,629696288372748289,, -465,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6705,,bethanymckenzie,,220,,,"RT @Marmel: MY mother worked. -THEIR mothers worked. -YOUR mothers worked. -Nobody mentioned their mothers. -Nobody. -#GOPDebate",,2015-08-07 09:51:08 -0700,629696287277842432,Canada,Pacific Time (US & Canada) -466,No candidate mentioned,0.3941,yes,0.6277,Neutral,0.3321,,0.2337,,scotmcesler,,0,,,#GOPDebate #AffordableCareAct more #flaws than the #Constitution #repeal it http://t.co/oZMIdags6W #jpnet http://t.co/iU7jNB5Fte,,2015-08-07 09:51:07 -0700,629696283419119618,,Arizona -467,No candidate mentioned,1.0,yes,1.0,Neutral,0.6907,None of the above,1.0,,Bobcat_I,,5,,,RT @IamTheDenk: #GOPDebate tonight. Really just wanna see who can cut the best promo.,,2015-08-07 09:51:07 -0700,629696281833828352,Montreal Canada,Eastern Time (US & Canada) -468,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,amanda_lynna,,0,,,John Oliver: the new Jon Stewart. Can't wait for his coverage of #GOPDebate #JonVoyage,,2015-08-07 09:51:07 -0700,629696280541925376,,Quito -469,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6775,,theheartlander,,3,,,RT @LittleLadyCassy: #GOPDebate Loving Fiorina. Smart and on point!,,2015-08-07 09:51:06 -0700,629696279786852352,Deep in the heart of Kansas,Bogota -470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,KompAREN_,,284,,,RT @catie__warren: As a reminder. Less than 3 percent of what #PlannedParenthood does deals with abortions. But this debate won't tell you …,,2015-08-07 09:51:06 -0700,629696277312245761,"Los Angeles,California",Pacific Time (US & Canada) -471,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,EscapeVelo,,14,,,"RT @k_mcq: GOP base voters have been targeted by leftist terror campaigns for years, & the GOP establishment relentlessly manipulates that.…",,2015-08-07 09:51:05 -0700,629696272039972864,Twitter, -472,Donald Trump,1.0,yes,1.0,Negative,0.6917,None of the above,1.0,,areebalovesyou,,52,,,"RT @MilesOrionFeld: ""Are you not entertained?!?!?!"" Then #Trump throws a severed head into the crowd. #GOPDebate",,2015-08-07 09:51:05 -0700,629696271889113088,, -473,No candidate mentioned,1.0,yes,1.0,Neutral,0.6824,None of the above,1.0,,DCameronSmith,,0,,,Check out the candidates' best lines from the first #GOPdebate http://t.co/JI0J6pNSIS #tcot #alpolitics,,2015-08-07 09:51:04 -0700,629696269729046528,,Central Time (US & Canada) -474,Ted Cruz,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,ImAlexaF,,89,,,"RT @ThatChrisGore: I'm not really sure about President, but Ted Cruz would make an excellent Marvel villain. #GOPDebate #TedCruz #Marvel",,2015-08-07 09:51:04 -0700,629696268705533952,ucd'19,Pacific Time (US & Canada) -475,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6791,,happykatek,,340,,,"RT @zellieimani: During debates on terrorism, don't expect anyone to bring up white supremacist organizations engaging in terrorism. #KKKor…",,2015-08-07 09:51:03 -0700,629696264901275648,, -476,No candidate mentioned,0.48100000000000004,yes,0.6936,Negative,0.3718,FOX News or Moderators,0.2579,,greenspaceguy,,1,,,@TheDailyShow Jon Stewart can feel comfortable w/retirement as #GOPDebate solved all problems(personal & scientific) https://t.co/voVjmTwu5J,,2015-08-07 09:51:03 -0700,629696263638880256,Michigan,Central Time (US & Canada) -477,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,paul_staubs,,8,,,"RT @ARTEM_KLYUSHIN: Here are some of the highlights from last night's #GOPdebate -https://t.co/3e1lnT2Tql",,2015-08-07 09:51:02 -0700,629696262208647169,"Tierra Verde, FL", -478,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,FreedomJames7,,0,,,"Donald Trump: Reagan Was A Con Man Who Couldn't 'Deliver The Goods' | ThinkProgress -#GOPDebate http://t.co/LHmRKxWvcI",,2015-08-07 09:51:00 -0700,629696254143021056,, -479,Mike Huckabee,0.2442,yes,0.6882,Positive,0.3548,None of the above,0.4736,,Sir_Max,,0,,,GmaDawny: RT RhondaWatkGwyn: #ImWithHuck #GOPDebate #th2016 #ccot #tcot #teaparty #pjnet http://t.co/Ba4O0Kwluu,,2015-08-07 09:51:00 -0700,629696253467750400,California, -480,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PeteModi,,0,,,2016 @GOP Primary Tourney - @NCAA bracket format to narrow 16 candidates to final 4 #GOPDebate @RealClearNews http://t.co/ocEtmHT6Ba,,2015-08-07 09:51:00 -0700,629696253232848896,"McLean, VA",Eastern Time (US & Canada) -481,No candidate mentioned,1.0,yes,1.0,Negative,0.6789,None of the above,1.0,,WorldwideJoeyC,,0,,,#GOPDebate didn't offer a single solution to any salient issues,,2015-08-07 09:50:58 -0700,629696244206710784,dreamville,Central Time (US & Canada) -482,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,None of the above,1.0,,sodaaccident,,0,,,#GOPDebate so which presidential candidate stuck their thing into the presidential electric sharpener,,2015-08-07 09:50:58 -0700,629696243975897088,"El Paso, Texas", -483,No candidate mentioned,0.4153,yes,0.6444,Neutral,0.6444,None of the above,0.4153,,EmotientInc,,1,,,Emotion-Reading Technology First & Only To Analyze Audience Reactions To #GOPDebate: http://t.co/LtqgCdy60w http://t.co/bYwwEdhVgg,,2015-08-07 09:50:58 -0700,629696243757748224,"San Diego, CA", -484,Ted Cruz,1.0,yes,1.0,Neutral,1.0,Foreign Policy,0.6899,,Bobby9527,,74,,,RT @AnneBayefsky: .@SenTedCruz: any American who leaves & joins #ISIS should lose their passport. So there's no coming home. #GOPDebate,,2015-08-07 09:50:58 -0700,629696243229454336,,Eastern Time (US & Canada) -485,Ted Cruz,1.0,yes,1.0,Positive,0.6705,None of the above,0.6358,,zhynaryll,,42,,,"RT @JGalt9: Love that Cruz introduced a bill to strip citizenship from Americans who join ISIS -#GOPDebate http://t.co/MylrLV0U7e",,2015-08-07 09:50:57 -0700,629696238921850880,"Eufaula, AL", -486,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,lucasmillerwsu,,0,,,"@joshbretow dude I totally thought the PFTCommenter pic from the #GOPDebate was photo shopped, guess not, hahaha so righteous",,2015-08-07 09:50:56 -0700,629696237155946497,"Phoenix, AZ - USA",Pacific Time (US & Canada) -487,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,George_Gramm,,1,,,"RT @Anergo_Teacher: Seriously, #Trump is dangerous for the whole world. #GOPDebate",,2015-08-07 09:50:56 -0700,629696233976778752,Welcome to Greece:), -488,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Abortion,1.0,,kieranfb,,1,,,"RT @joehudsonsmall: ""Would you really let a mother die, rather than have an abortion?"" - -Was seriously being asked of a presidential hopeful…",,2015-08-07 09:50:54 -0700,629696228213792769,"Newcastle Upon-Tyne, UK",Europe/London -489,Jeb Bush,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.3622,,Alee_Bono,,0,,,"Jeb Bush: ""I defunded Planned Parenthood"" - -....he is proud that he denied thousands of women access to life saving healthcare... -#GOPDebate",,2015-08-07 09:50:54 -0700,629696228154982400,The Moon,Mountain Time (US & Canada) -490,No candidate mentioned,0.4217,yes,0.6494,Positive,0.3347,,0.2277,,friarsfriars,,21,,,RT @richarddeitsch: .@FrankBruni on #GOPDebate is a writer at the top of his game: http://t.co/jTs30aLyUi,,2015-08-07 09:50:54 -0700,629696227064610817,, -491,Rand Paul,1.0,yes,1.0,Negative,0.6794,None of the above,1.0,,arrowsmithwoman,,33,,,RT @PamelaGeller: Now we know Rand's strategy - he's going after Trump. He's got nothing to lose - he is nowhere anyway #GOPDebate,,2015-08-07 09:50:53 -0700,629696224883445762,Florida,Eastern Time (US & Canada) -492,Donald Trump,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6632,,jhmilner,,0,,,Credit where credit is due - I was shocked #SHOCKED by Trump's cogent health care debate response #GOPdebate https://t.co/Mdfg53UfaZ,,2015-08-07 09:50:53 -0700,629696224799629313,Urban Institute-Washington DC,Eastern Time (US & Canada) -493,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6824,,Liberalibrarian,,1633,,,"RT @pattonoswalt: ""That concludes our debate! Please welcome the Koch Brothers who will choose an ideological broodmare from our whore-stab…",,2015-08-07 09:50:53 -0700,629696221603430402,"Las Vegas, Nevada",America/Los_Angeles -494,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6889,,robhair,,942,,,RT @ColMorrisDavis: Amusing to hear men who chose not to serve in the military talk tough about using other people's kids to backup their b…,,2015-08-07 09:50:52 -0700,629696220512940032,"Costa Mesa, CA",Pacific Time (US & Canada) -495,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,Religion,1.0,,ExtremeLiberal,,0,,,Is God going to be like the Co-president or something? #GOPDebate #eleventhdebater,,2015-08-07 09:50:52 -0700,629696219368017920,Michigan,Atlantic Time (Canada) -496,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LawrenceLange1,,60,,,"RT @RedStateJake: I'd pay some serious $$$ to watch someone grill these 2 egomaniacal bullies in an interview. - -#GOPDebate #KellyFile http…",,2015-08-07 09:50:52 -0700,629696219007320064,, -497,No candidate mentioned,0.4074,yes,0.6383,Positive,0.3404,None of the above,0.4074,,mgremb,,0,,,Kind of glad I didn't get to watch the #GOPDebate yesterday. Better for my mental health! 😊,,2015-08-07 09:50:52 -0700,629696217660784640,seattle,Pacific Time (US & Canada) -498,,0.2337,yes,0.6277,Neutral,0.3511,None of the above,0.39399999999999996,,JodyPaulson,,0,,,"@Bipartisanism Well, technically we didn't, but the Supreme Court said we did. #GOPDebate",,2015-08-07 09:50:51 -0700,629696216465543168,"IN, USA", -499,No candidate mentioned,1.0,yes,1.0,Neutral,0.6818,None of the above,1.0,,akbarjenkins,,1,,,"Maybe the GOP just got Piven & Cloward confused with Pinkard & Bowden? ""She thinks I steal cars..."" @kevinbaker @KevinMKruse #GOPdebate",,2015-08-07 09:50:51 -0700,629696215773384705,"Atlanta, GA",Eastern Time (US & Canada) -500,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,_faaaaded_,,508,,,RT @amaraconda: I SWEAR TO GOD IF ANOTHER CIS WHITE MAN SPEAKS ON ABORTION LIKE THEY KNOW WHAT ITS LIKE BEING PREGNANT......... #GOPDebate,,2015-08-07 09:50:50 -0700,629696210253795328,// Georgia //,Eastern Time (US & Canada) -501,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,0.6593,,komodoman,,0,,,"Fun game: When re-watching the #GOPDebate replace the word ""God"" with ""Koch Bros"" or ""Reagan.""",,2015-08-07 09:50:50 -0700,629696209758851072,, -502,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,dmc2et,,0,,,@ElianaBenador @PoliticalShort @Samlove0313Love @_AndyBryant @ebenjones @mjgranger1 #GOPDebate Trump too selfish & immature to have power.,,2015-08-07 09:50:49 -0700,629696206621528064,"SE Georgia, USA",Eastern Time (US & Canada) -503,No candidate mentioned,1.0,yes,1.0,Neutral,0.6889,None of the above,0.6667,,hiphughes,,0,,,After my #GOPDebate tweet-athon I think I gained 200 political satirists followers but lost 250 of my teacher peeps. U can't win them all.,,2015-08-07 09:50:48 -0700,629696204029456384,"Buffalo, NY",Eastern Time (US & Canada) -504,Donald Trump,1.0,yes,1.0,Neutral,0.3622,None of the above,0.6701,,milagroswhip,,288,,,"RT @fakedansavage: Kelly: ""You call women you don't like 'fat pigs,' 'dogs,' and 'disgusting animals.'"" Trump: ""Only Rosie O'Donnell."" Crow…",,2015-08-07 09:50:48 -0700,629696201303175168,,Central Time (US & Canada) -505,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ageisenbarth,,12,,,RT @ethicistforhire: Ten rich narcissists spouting nihilistic applause lines is not a debate. It is a Zeitgeist… #GOPDebate,,2015-08-07 09:50:48 -0700,629696200564801536,"Oregon, USA", -506,Marco Rubio,0.3872,yes,0.6222,Positive,0.6222,None of the above,0.3872,,jreyes_6,,0,,,Really thought @marcorubio had a solid performance last night! #GOPDebate,,2015-08-07 09:50:47 -0700,629696197888839684,"San Antonio, Texas",Eastern Time (US & Canada) -507,Ben Carson,1.0,yes,1.0,Positive,0.6939,None of the above,1.0,,samanthabynum,,0,,,"Smartest & wisest man in the room last night barely got any speaking time, I'm a little salty about that #GOPDebate @RealBenCarson",,2015-08-07 09:50:47 -0700,629696196903337984,, -508,No candidate mentioned,0.6966,yes,1.0,Neutral,1.0,None of the above,0.6966,,thefullmonte,,0,,,Highlight video part 2 from the #Iowa #GOPDebate parties last night. Full video here. https://t.co/ZAQ07p8qY6 http://t.co/b2meuKtY63,,2015-08-07 09:50:46 -0700,629696195909173248,As Many Places As Possible,Central Time (US & Canada) -509,Mike Huckabee,1.0,yes,1.0,Positive,0.6977,None of the above,1.0,,melissagowens02,,61,,,"RT @GovMikeHuckabee: ""@GovMikeHuckabee had a good night...he did well tonight."" - @BretBaier #ImWithHuck #GOPDebate -https://t.co/FN6m0gMKnq",,2015-08-07 09:50:46 -0700,629696195603099648,, -510,Donald Trump,0.6957,yes,1.0,Negative,0.6957,FOX News or Moderators,1.0,,kardle,,135,,,"RT @Writeintrump: Hey Megan Kelly, ask Kelly Osbourne how attacking me this week worked out for her. #GOPDebate",,2015-08-07 09:50:46 -0700,629696195510730752,, -511,Ted Cruz,1.0,yes,1.0,Positive,0.6597,None of the above,0.6597,,LibertySings,,434,,,RT @megynkelly: .@tedcruz gets powerful response from @FrankLuntz focus group. #KellyFile #GOPDebate,,2015-08-07 09:50:46 -0700,629696193157726208,"Brewster County, TX- #TGDN",Central Time (US & Canada) -512,No candidate mentioned,1.0,yes,1.0,Negative,0.6809999999999999,Religion,1.0,,annemargaretj,,0,,,Why is God & religion important in an election? Religion shouldn't play a part in the decision making in your country. #GOPDebate,,2015-08-07 09:50:46 -0700,629696191941492736,"Breslau, Ontario ", -513,Donald Trump,0.2575,yes,0.6742,Negative,0.6742,Women's Issues (not abortion though),0.2575,,JulietteIsabell,,0,,,"That pose is SO awkward. Who in the hell did she work with? She's stiff, not natural. Kinda like the #GOPDebate last night. @Pissed_Pat",,2015-08-07 09:50:45 -0700,629696191731748865,"Greenwich, CT. ",Eastern Time (US & Canada) -514,No candidate mentioned,0.6484,yes,1.0,Negative,1.0,Racial issues,1.0,,mommamix4,,10,,,RT @goddessjaz: The discussion of racist police violence was over before I finished typing that tweet. #GOPdebate #KKKorGOP,,2015-08-07 09:50:45 -0700,629696190737551360,"Arizona, USA", -515,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MaidmaeMarion,,98,,,RT @RickCanton: #CruzCrew - the outsider. Always tells the truth. Honors commitments. #GOPDebate http://t.co/WHEoRxlcid,,2015-08-07 09:50:45 -0700,629696190381068288,, -516,Jeb Bush,1.0,yes,1.0,Negative,0.6867,None of the above,0.6627,,__ImJG,,4,,,"RT @MsPeoples: jebbush tell me more about this ""hang em by the neck"" wing of your party....#GOPDebate #KKKorGOP https://t.co/8fgWctd2bb",,2015-08-07 09:50:45 -0700,629696187822686208,#MSU18,Eastern Time (US & Canada) -517,No candidate mentioned,1.0,yes,1.0,Neutral,0.6907,None of the above,1.0,,redsoxmonster,,0,,,"If you're sick of #GOPDebate analysis, wait until Sunday night when @iamjohnoliver and @LastWeekTonight are locks to make us all LOL.",,2015-08-07 09:50:44 -0700,629696184484032512,New York City ,Mid-Atlantic -518,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,Women's Issues (not abortion though),0.4545,,chloerjost,,0,,,"i dont care if you think you dont have time to be PC, being respectful to women is something that should be in your nature #GOPDebate",,2015-08-07 09:50:44 -0700,629696183892635648,,Atlantic Time (Canada) -519,Ben Carson,1.0,yes,1.0,Positive,0.3518,Racial issues,1.0,,1KissedGirl1,,663,,,"RT @zellieimani: Ben Carson: No one seems to see me or cares what I have to say . - -But racism doesnt exist. #KKKorGOP #GOPDebate http://t.…",,2015-08-07 09:50:43 -0700,629696182277685248,Texas,Central Time (US & Canada) -520,No candidate mentioned,1.0,yes,1.0,Neutral,0.6432,None of the above,1.0,,Sceddar,,75,,,RT @Bipartisanism: Get ready to play #GOPDebate bingo! http://t.co/rWgY9doZX6,,2015-08-07 09:50:43 -0700,629696181787082752,East LA aka East Lower Alabama,Central Time (US & Canada) -521,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Hafrica_,,0,,,It's not a coincidence that you couldn't watch the #GOPDebate unless you had cable.,,2015-08-07 09:50:43 -0700,629696180088401920,Sierra Leone | Ohio | Georgia,Eastern Time (US & Canada) -522,No candidate mentioned,1.0,yes,1.0,Neutral,0.3596,FOX News or Moderators,1.0,,nightridercz5,,91,,,"RT @RedStateJake: NEWSFLASH: You need to be knocked down a peg or 3, @megynkelly. - -#GOPDebate #KellyFile -#PJNET #tcot -#MegynKelly http://t…",,2015-08-07 09:50:43 -0700,629696179371163648,At Large,Eastern Time (US & Canada) -523,Rand Paul,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,mikeymo22,,99,,,RT @Writeintrump: I'm at the #GOPDebate After Party. Rand Paul couldn't get in since the bar we're at doesn't allow Poodles.,,2015-08-07 09:50:42 -0700,629696178607656961,"Sicklerville,NJ",Eastern Time (US & Canada) -524,No candidate mentioned,0.6598,yes,1.0,Negative,0.6598,FOX News or Moderators,1.0,,ctmommy,,0,,,@megynkelly thinks high ratings for @FoxNews #GOPDebate were because of HER! Hate to break it to you honey….@realDonaldTrump,,2015-08-07 09:50:41 -0700,629696174765776896,New Jersey,Eastern Time (US & Canada) -525,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,M_Netherton,,0,,,Walked out of a restaurant last night even before my meal came feeling sick to my stomach #GOPDebate,,2015-08-07 09:50:41 -0700,629696173956149248,"Bainbridge Island, WA", -526,John Kasich,0.3508,yes,1.0,Neutral,0.6868,None of the above,1.0,,dmarro,,0,,,"Winners of the #GOPDebate as far as I'm concerned: -@CarlyFiorina -@JohnKasich -@RealBenCarson -@marcorubio",,2015-08-07 09:50:41 -0700,629696172421197824,"Long Island, NY", -527,No candidate mentioned,1.0,yes,1.0,Positive,0.6729,FOX News or Moderators,0.6729,,myagent2000,,4,,,"RT @AlexisinNH: Two debates, one winner: Carly http://t.co/piewA1JCcc #Carly2016 #GOPDebate",,2015-08-07 09:50:41 -0700,629696171649335296,"Georgia, Texas, New Mexico", -528,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MisteProgram,,0,,,"#gopdebate Both debate stages were so filled with liars, traitors, double-talking cheaters, deceiving misogynists it stunk to high heaven.",,2015-08-07 09:50:41 -0700,629696171053817856,,Eastern Time (US & Canada) -529,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,0.6629999999999999,,sharynbovat,,0,,,If we played #GOPdebate survivor @CarlyFiorina @BobbyJindal should replace @ChrisChristie & @GovMikeHuckabee http://t.co/yfaJHhIVKG @gannett,,2015-08-07 09:50:40 -0700,629696169418063872,Washington DC,Central Time (US & Canada) -530,Donald Trump,0.4716,yes,0.6867,Neutral,0.3855,FOX News or Moderators,0.4716,,mikeymo22,,340,,,RT @Writeintrump: Anyone know why Megan Kelly was so pissed at me during the #GOPDebate? I'm pretty sure I was never married to her.,,2015-08-07 09:50:40 -0700,629696169090789376,"Sicklerville,NJ",Eastern Time (US & Canada) -531,Mike Huckabee,1.0,yes,1.0,Negative,0.6932,LGBT issues,1.0,,sasasamm,,1,,,"RT @Jayedilla: Surprise surprise, @GovMikeHuckabee thinks #trans life is a ""social experiment"" #GOPDebate",,2015-08-07 09:50:40 -0700,629696166893068288,Cleveland/Akron,Eastern Time (US & Canada) -532,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,franciscanwife,,3,,,"RT @BobLonsberry: Biggest losers in the #GOPDebate were @megynkelly and Chris Wallace. Cynical, arrogant, condescending game-show hosts.",,2015-08-07 09:50:39 -0700,629696166532390912,Finger Lakes Region,Atlantic Time (Canada) -533,No candidate mentioned,1.0,yes,1.0,Positive,0.6809,FOX News or Moderators,0.6809,,ramglez38,,228,,,"RT @megynkelly: Crazy day, fun night, exhausting week. This is moments before the #GOPDebate - firing up for the big event. http://t.co/vwG…",,2015-08-07 09:50:39 -0700,629696164451909633,, -534,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EscapeVelo,,8,,,RT @thecjpearson: Called it. #GOPDebate #2016 #CruzToVictory http://t.co/P5JEm3cfpW,,2015-08-07 09:50:38 -0700,629696162300166144,Twitter, -535,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,patriotmom61,,0,,,".@BillHemmer Did you ask Romney if his ""moment had passed?"" Would you have asked Reagan in 1980 the same? Worst question of the #GOPDebate",,2015-08-07 09:50:37 -0700,629696155732037633,Virginia Peninsula,Quito -536,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,karicutie21,,1125,,,RT @pattonoswalt: They're talking about Hilary like she's John Wick. I love it. #GOPDebate,,2015-08-07 09:50:37 -0700,629696155169898496,"Vancouver, BC", -537,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6556,,stackartist,,0,,,Strange. God told me NOT to vote for them. #GOPDebate https://t.co/b8SR6mMALx,,2015-08-07 09:50:36 -0700,629696151197908993,Northern California, -538,No candidate mentioned,0.4805,yes,0.6932,Neutral,0.3523,None of the above,0.4805,,judydchandler,,188,,,RT @TheBaxterBean: Rick Santorum said it best. #GOPDebate http://t.co/J97RbjEYlV,,2015-08-07 09:50:35 -0700,629696149197172736,WA state, -539,Donald Trump,0.6813,yes,1.0,Positive,0.3407,None of the above,1.0,,alaimoa,,0,,,Trumptastic #GOPDebate,,2015-08-07 09:50:34 -0700,629696143170142208,"Red Bank, NJ",Eastern Time (US & Canada) -540,No candidate mentioned,1.0,yes,1.0,Negative,0.6477,Jobs and Economy,0.6591,,hunter_chip,,118,,,"RT @MattyIceAZ: US Economy added 215,000 jobs in July. This must be the result of ""job-killing Obamacare"" Republicans talked about last nig…",,2015-08-07 09:50:33 -0700,629696141098131456,"Dayton, ohio", -541,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,JeffreyAtwan,,0,,,"""@CarlyFiorina was one of the biggest winners Thursday night without even stepping on the prime-time stage."" -@CNN #GOPDebate",,2015-08-07 09:50:30 -0700,629696128888504321,Southern California,Pacific Time (US & Canada) -542,Donald Trump,0.6859999999999999,yes,1.0,Negative,1.0,None of the above,1.0,,ripleycal,,0,,,"Re #GOPDebate: Sure, it's all fun and games until one of these wackos has his finger on the big red button. http://t.co/ndgrhvpB4I",,2015-08-07 09:50:30 -0700,629696127361642497,"Pasadena, CA",Pacific Time (US & Canada) -543,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NancyLeeGrahn,,5,,,How did everyone feel about the Climate Change question last night? Exactly. #GOPDebate,,2015-08-07 09:50:30 -0700,629696125855903744,Daytime TV,Pacific Time (US & Canada) -544,Ted Cruz,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,DCSquibbsr,,33,,,RT @bodybynance: Absolutely! I have authored Kate's law. The leader of our OWN party BLOCKED Kate's law #CruzCrew #GOPDebate http://t.co/84…,,2015-08-07 09:50:29 -0700,629696122106187776,, -545,No candidate mentioned,0.4453,yes,0.6673,Neutral,0.6673,None of the above,0.4453,,RealStigShady,,31,,,"RT @NadaMoo: Everyone's talking about the #GOPDebate. Meanwhile, I'm debating between Banana, PB & Chocolate or Cookies n Cream. 😰 http://t…",,2015-08-07 09:50:28 -0700,629696117681205248,"Eugene, OR",America/Los_Angeles -546,Donald Trump,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,palmaceiahome1,,2,,,Trump should have told Megyn Kelly to go to HELL! #FoxNews #GOPDebate,,2015-08-07 09:50:27 -0700,629696115139584000,,Quito -547,No candidate mentioned,0.4247,yes,0.6517,Neutral,0.3596,None of the above,0.4247,,YourGirrlAnge,,0,,,Bring on the Democratic Debate already. Please & Thank You #GOPDebate,,2015-08-07 09:50:27 -0700,629696113973575680,In Your Driveway ,Central Time (US & Canada) -548,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AmyCostin7,,0,,,Everyone still talking about what a great job @RealBenCarson did at the #GOPDebate last night. Articulate and very good points made. 👍🏼👍🏼👍🏼,,2015-08-07 09:50:26 -0700,629696108760047616,, -549,Ted Cruz,1.0,yes,1.0,Neutral,0.6829,None of the above,0.6829,,AnnaKarinMajer,,578,,,RT @tedcruz: We need a new Commander-in-Chief who will stand up to our enemies and that has credibility #GOPDebate #CruzCrew,,2015-08-07 09:50:24 -0700,629696103332446208,, -550,,0.2245,yes,0.6597,Positive,0.3308,,0.2245,,prolife1234,,0,,,Chris Christie: Pro-Life Republicans Should Never Apologize for Being Pro-Life http://t.co/mDMnEd8lGq #GOPDebate http://t.co/T8olJo68Mj,,2015-08-07 09:50:24 -0700,629696101839343617,pro-life,Pacific Time (US & Canada) -551,Chris Christie,1.0,yes,1.0,Neutral,0.3613,Abortion,1.0,,StevenErtelt,,1,,,Chris Christie: Pro-Life Republicans Should Never Apologize for Being Pro-Life http://t.co/AIaRtbsMtX #GOPDebate http://t.co/pSfvOYI46j,,2015-08-07 09:50:24 -0700,629696101835104256,USA,Mountain Time (US & Canada) -552,No candidate mentioned,1.0,yes,1.0,Neutral,0.6092,None of the above,1.0,,theheartlander,,6,,,RT @bg440_: Jindall and Fiorina are the only two that stand out in the opening act #GOPDebate,,2015-08-07 09:50:23 -0700,629696099545001984,Deep in the heart of Kansas,Bogota -553,No candidate mentioned,1.0,yes,1.0,Negative,0.7234,FOX News or Moderators,1.0,,ElsieSnuffin,,0,,,"@jkarsh Pffft. Since when does Fox care about lady viewers? Plus, Megyn's sole goal in the #GOPDebate was to come out the winner.",,2015-08-07 09:50:23 -0700,629696097653370880,"Washington, DC ",Eastern Time (US & Canada) -554,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Duffmid,,185,,,"RT @jfreewright: Last time I heard ""stupid"" & ""idiot"" used so liberally in a debate was during a race for the president of my kindergarten …",,2015-08-07 09:50:22 -0700,629696091512901632,, -555,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,0.6739,,RhondaWatkGwyn,,0,,,I had to laugh when #Huck mentioned the pimps. Get 'em all Mike! #ImWithHuck #GOPDebate #th2016 #ccot #tcot https://t.co/lMoH591w9T,,2015-08-07 09:50:21 -0700,629696088656736256,"Mount Airy, North Carolina",Eastern Time (US & Canada) -556,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,None of the above,1.0,,chrismanderson,,195,,,RT @DWStweets: My message from the spin room to Univision? The winner of the #GOPDebate tonight was next year's Democratic nominee. http://…,,2015-08-07 09:50:21 -0700,629696088639975424,"Chattanooga, TN",Eastern Time (US & Canada) -557,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lupo4cl2,,207,,,RT @brianstelter: Overnight #'s: #GOPDebate had a 16.0 household rating. The biggest GOP debates in 2011/12 had 5.3 ratings http://t.co/vhL…,,2015-08-07 09:50:20 -0700,629696086932721664,, -558,Donald Trump,1.0,yes,1.0,Negative,0.669,None of the above,0.6586,,utkdeep,,751,,,RT @Ben_Elder1155: Donald Trump to Rand Paul tonight. #GOPDebate http://t.co/jV4yfOv7xZ,,2015-08-07 09:50:20 -0700,629696085573914624,"Madison , AL", -559,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SpenceWhitney,,0,,,#GOPDebate was a great theatrical performance. They should do Broadway.,,2015-08-07 09:50:18 -0700,629696078049193985,"Currently in Oakland, CA.",Pacific Time (US & Canada) -560,No candidate mentioned,1.0,yes,1.0,Positive,0.3549,FOX News or Moderators,1.0,,samanthamegan21,,0,,,"Omg @megynkelly! I am not a Fox News fan and not a Clinton fan.. But she did an amazing job last night, impressed with her qs. #GOPDebate",,2015-08-07 09:50:17 -0700,629696072768704512,"Washington, D.C.and New York",Eastern Time (US & Canada) -561,Donald Trump,1.0,yes,1.0,Negative,0.6552,None of the above,0.6552,,zachsauce,,0,,,"Although the occasional dick, @realDonaldTrump sure knows how to keep these political debates alive and exciting. #GOPDebate",,2015-08-07 09:50:17 -0700,629696072512770048,, -562,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6813,,GabbyAubuchon,,414,,,"RT @LaurenGreenberg: So... it's okay to kill people if you're in the military, but it's not okay to get an abortion if you're a rape victim…",,2015-08-07 09:50:16 -0700,629696067425046528,, -563,No candidate mentioned,0.4347,yes,0.6593,Negative,0.3516,None of the above,0.4347,,drsunda,,125,,,RT @NYMag: Hillary Clinton spent #GOPDebate night with the Kardashians: http://t.co/gkLcCJoBi5 http://t.co/76XRSJ0rNQ,,2015-08-07 09:50:15 -0700,629696063440486401,new delhi ( India),New Delhi -564,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,manton_jeanne,,0,,,"So, it's official; the GOP 2016 Platform is less abortion, more war. That's it. That's what they are after. #GOPDebate #Priorities",,2015-08-07 09:50:15 -0700,629696062966657024,, -565,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6272,,TNBIX,,1736,,,"RT @pattonoswalt: ""Kill people and break things,"" Huckabee just described the GOP. #GOPDebate",,2015-08-07 09:50:14 -0700,629696061246971905,"Washington, DC",Central Time (US & Canada) -566,No candidate mentioned,0.4539,yes,0.6737,Positive,0.6737,FOX News or Moderators,0.4539,,MaddyKarimyar,,11,,,"RT @sallykohn: I think @megynkelly won #GOPDebate! Hard hitting questions of concern to majority of voter, not just fringe GOP base. - -#Me…",,2015-08-07 09:50:14 -0700,629696060080820224,,Tijuana -567,Ben Carson,0.6882,yes,1.0,Negative,0.6774,Racial issues,0.6882,,stringfellow2,,0,,,"@AmbitiousPaul ""our skin does not make us who we are.. It's our brain""... How is that a sellout? #GOPDebate",,2015-08-07 09:50:14 -0700,629696059854450688,SD,Atlantic Time (Canada) -568,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,chrismanderson,,68,,,RT @DWStweets: Final thoughts from the #GOPDebate tonight — the Republican Party is out of touch and out of date. http://t.co/tueGrpP46M,,2015-08-07 09:50:14 -0700,629696059019784192,"Chattanooga, TN",Eastern Time (US & Canada) -569,Marco Rubio,0.4353,yes,0.6598,Negative,0.6598,None of the above,0.4353,,mikeymo22,,104,,,"RT @Writeintrump: #GOPDebate After Party Update: Rubio, Cruz, and Bush are huddled in the corner speaking Spanish. I think they're plottin…",,2015-08-07 09:50:13 -0700,629696053562834944,"Sicklerville,NJ",Eastern Time (US & Canada) -570,Scott Walker,0.4395,yes,0.6629,Negative,0.3371,Abortion,0.4395,,DivaMomVicki,,172,,,RT @LilaGraceRose: .@megynkelly Abortion is never medically necessary. Why are you touting @PPact talking points in question to @ScottWalke…,,2015-08-07 09:50:11 -0700,629696048621948928,"Southwest, USA",Pacific Time (US & Canada) -571,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,1.0,,RachelJolman,,103,,,RT @LeoKapakosNY: BREAKING: President Obama and VP Biden closely watching the #GOPDebate http://t.co/jsmiznWhJQ,,2015-08-07 09:50:11 -0700,629696047523213312,"Michigan, USA",Pacific Time (US & Canada) -572,No candidate mentioned,1.0,yes,1.0,Neutral,0.6691,Abortion,1.0,,RobertJordan16,,0,,,Abortion is a talking point in the #GOPDebate since #PPSellsBabyParts,,2015-08-07 09:50:11 -0700,629696045606420480,, -573,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,TheDreaClark,,0,,,The real nerd fun is fact checking the #GOPDebate http://t.co/UN2cj2Dotj,,2015-08-07 09:50:10 -0700,629696044943568896,Los Angeles,Arizona -574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6731,,thompsonmanguy,,106,,,RT @tnyCloseRead: Santorum just compared #SCOTUS's marriage ruling to Dred Scott. Here's why that analogy is nonsense: http://t.co/xjzdnXdM…,,2015-08-07 09:50:10 -0700,629696044222169088,Here, -575,No candidate mentioned,0.4585,yes,0.6771,Positive,0.6771,None of the above,0.4585,,chickenman246,,182,,,"RT @FredZeppelin12: Priceless. @CarlyFiorina cleans Chris Matthew's clock post-debate. This woman is a contender - -#GOPDebate -#GoCarly - - h…",,2015-08-07 09:50:10 -0700,629696041735049216,http://www.ojjpac.org/memorial,Central Time (US & Canada) -576,No candidate mentioned,0.4528,yes,0.6729,Negative,0.6729,Religion,0.4528,,SpaceMarine40,,0,,,@NPR RIP NILOY. This is why #Islam ic #fundamentalists must die. It's either them or normal humans. #ISIS #IranDeal #GOPDebate,,2015-08-07 09:50:09 -0700,629696039671304192,,Eastern Time (US & Canada) -577,No candidate mentioned,0.4356,yes,0.66,Neutral,0.34,None of the above,0.4356,,Rosemarrisa,,1,,,"RT @Dosta1: “@DailyMail: The future First Family at the #GOPDebate? http://t.co/nMKFGAd4Ei http://t.co/IwWRPSnTpl” - -😊",,2015-08-07 09:50:09 -0700,629696038169763841,,Pacific Time (US & Canada) -578,Mike Huckabee,0.4179,yes,0.6465,Neutral,0.3333,None of the above,0.4179,,2ward4ward,,3,,,"RT @georgehenryw: The Master of Useful Humor - -#gopdebate #imwithhuck #gop #ccot #teaparty #tcot #makedclisten #wethepeople #uniteright -http…",,2015-08-07 09:50:09 -0700,629696037691600896,"California, USA",Pacific Time (US & Canada) -579,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tigerdell,,645,,,"RT @AmyMek: After this debate, my opinion changed the MOST about @foxnews, @megynkelly, @BretBaier & Chris Wallace! Utterly Disappointed…#G…",,2015-08-07 09:50:08 -0700,629696036215205888,,Pacific Time (US & Canada) -580,Ted Cruz,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,zhynaryll,,289,,,RT @tedcruz: A great #GOPDebate discussing issues important to the American people: https://t.co/WeMKfA9vLN Join our fight: https://t.co/xV…,,2015-08-07 09:50:08 -0700,629696034814488576,"Eufaula, AL", -581,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,sandphillips,,0,,,"#GOPDebate #Hillary2016 I share some sentiments, I have some favorites on #GOP side, but I have no enthusiasm, don't want to vote for any.",,2015-08-07 09:50:07 -0700,629696031014301696,USA and proud of it., -582,Jeb Bush,0.2244,yes,0.66,Neutral,0.34,FOX News or Moderators,0.4356,,ritzy_jewels,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 09:50:07 -0700,629696028661264388,, -583,Rand Paul,0.3888,yes,0.6235,Negative,0.3176,None of the above,0.3888,,ThatRoadLife,,0,,,hadiyah: Rand Paul rocking that Wet and Wavy. Ooh Kill'em! #GOPDebate,,2015-08-07 09:50:06 -0700,629696026203541504,, -584,No candidate mentioned,0.434,yes,0.6588,Negative,0.6588,Racial issues,0.2325,,Sceddar,,2,,,"RT @sethanikeem: @PhaedraBonewits #GOPDebate SPOILER ALERT: A rich, white guy tells the country how he's going to help other rich, white gu…",,2015-08-07 09:50:06 -0700,629696025373097985,East LA aka East Lower Alabama,Central Time (US & Canada) -585,No candidate mentioned,1.0,yes,1.0,Neutral,0.6889,None of the above,1.0,,GloGloMiller,,0,,,Anybody get some free tacos last night? #GOPdebate,,2015-08-07 09:50:06 -0700,629696024873955328,Idahome, -586,Jeb Bush,0.3923,yes,0.6264,Negative,0.3297,None of the above,0.3923,,ThatRoadLife,,0,,,hadiyah: Jen Bush looks like an Art Teacher for an inner city school and everyday his car gets vandalized. #GOPDebate,,2015-08-07 09:50:05 -0700,629696023074598912,, -587,Jeb Bush,0.4444,yes,0.6667,Negative,0.3556,None of the above,0.4444,,ThatRoadLife,,0,,,hadiyah: Lets see Jeb Bush try to solve a Common Core math problem. #GOPDebate,,2015-08-07 09:50:05 -0700,629696022097346560,, -588,Ben Carson,0.4635,yes,0.6808,Negative,0.6808,None of the above,0.4635,,ThatRoadLife,,0,,,"hadiyah: Bruh, Ben Carson is boring AF! He need to punch Trump in the face so he can get in the game. #GOPDebate",,2015-08-07 09:50:05 -0700,629696020901953536,, -589,Donald Trump,1.0,yes,1.0,Negative,0.6848,None of the above,1.0,,ThatRoadLife,,0,,,hadiyah: Somebody needs to get the water off the stage before Trump and Paul start tossing drinks at each other. #GOPDebate,,2015-08-07 09:50:04 -0700,629696018234347520,, -590,No candidate mentioned,1.0,yes,1.0,Neutral,0.6922,Racial issues,0.6482,,ComedianMarcya,,0,,,#BlackLivesMatter sho is silent @ #GOPDebate https://t.co/JodJLgG2yY,,2015-08-07 09:50:04 -0700,629696015768141824,"North Carolina, USA",Eastern Time (US & Canada) -591,Ben Carson,0.4495,yes,0.6705,Neutral,0.6705,FOX News or Moderators,0.2362,,ThatRoadLife,,0,,,hadiyah: So when do we get to police brutality and black lives? I bet Ben Carson gets that question. That's IF they even ask it. #GOPDebate,,2015-08-07 09:50:03 -0700,629696014375591937,, -592,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pastwarranty,,0,,,"@kesgardner Agreed. Still, he's the one everyone is talking about. #mystified #GOPDebate",,2015-08-07 09:50:03 -0700,629696012827824128,"New York, NY",Eastern Time (US & Canada) -593,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,GavHull,,1838,,,RT @pattonoswalt: Donald Trump's views on immigration are based solely on the first 8 minutes of SCARFACE. #GOPDebate,,2015-08-07 09:50:02 -0700,629696011116482560,,Central Time (US & Canada) -594,No candidate mentioned,0.4395,yes,0.6629,Positive,0.6629,None of the above,0.4395,,Conssista,,1,,,Rightly so Frank. Rightly so. #GOPDebate https://t.co/32CFasI17d,,2015-08-07 09:50:02 -0700,629696009778659328,, -595,Donald Trump,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,Alisonnj,,0,,,"Maybe if we should paying attention to every little thing #DonaldTrump sez....he's not a novelty anymore! -#GOPDebate #GOPClownCar",,2015-08-07 09:50:01 -0700,629696005546582016,Northeast USA,Eastern Time (US & Canada) -596,No candidate mentioned,0.4211,yes,0.6489,Negative,0.3404,,0.2278,,meyerlandesman,,159,,,RT @fightfor15: Total number of mentions of Min Wage in tonight's Rep debate: ZERO http://t.co/Vd2oBzdjgj #GOPDebate #FightFor15 http://t.c…,,2015-08-07 09:50:01 -0700,629696004858740736,, -597,No candidate mentioned,0.3976,yes,0.6305,Neutral,0.6305,,0.233,,smmoore2,,13,,,RT @ColorOfChange: Or better said: http://t.co/mXxHGYMb2a #KKKorGOP #GOPDebate,,2015-08-07 09:50:01 -0700,629696003663376384,The Earth's Crust,Eastern Time (US & Canada) -598,Ben Carson,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,Myop1357,,1410,,,"RT @billmaher: Ben Carson doubts HIllary will be the Dem nominee?? Ben, do you still have your brain-cutting tools? And a mirror? OK, lie d…",,2015-08-07 09:50:00 -0700,629695999078998016,orlando,Eastern Time (US & Canada) -599,Donald Trump,1.0,yes,1.0,Negative,0.6435,None of the above,1.0,,sgaut,,0,,,Trump's lead shows just how low the Bar is for GOP Nomination & speaks to Base approval of their elected leaders! #GOPDebate #UniteBlue #P2,,2015-08-07 09:49:59 -0700,629695996340137984,, -600,No candidate mentioned,0.4162,yes,0.6452,Negative,0.3333,None of the above,0.4162,,LordWhatAMess,,0,,,same old tiresome #gop #tcot BS The #Republican Debate: There He Blows http://t.co/Sff0jUexUx #gopdebate // #Sanders2016,,2015-08-07 09:49:58 -0700,629695994276528128,,Eastern Time (US & Canada) -601,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,Joeweiss_2000,,0,,,@pharris830 @Shareaholic That's too extreme and violates the First Amendment #GOPDebate,"[40.60348769, -73.99338713]",2015-08-07 09:49:57 -0700,629695989528559616,"Brooklyn, NY",Eastern Time (US & Canada) -602,Ted Cruz,0.4589,yes,0.6774,Positive,0.6774,None of the above,0.4589,,leahmeyer49,,1,,,#Winning #CruzCrew 😎 Keep It Up! #TedCruz2016 #GOPDebate https://t.co/uR7q4KjRfx,,2015-08-07 09:49:57 -0700,629695988815515648,"South Florida, USA", -603,No candidate mentioned,0.6802,yes,1.0,Negative,1.0,Abortion,0.6602,,TCGallardo,,0,,,Here's why it was so frustrating to watch the #GOPDebate as a woman http://t.co/sPe1VvGuy7 via @HuffPostWomen,,2015-08-07 09:49:56 -0700,629695983593459712,Earth,Tijuana -604,Rand Paul,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gambling3NT,,0,,,(cont)#GOPDebate Losers: Rand @RandPaul (too combative and mean) and @realDonaldTrump (the fix was in) Biggest Loser: FoxNews credibility,,2015-08-07 09:49:54 -0700,629695974034681856,colorado, -605,Jeb Bush,1.0,yes,1.0,Negative,0.6417,None of the above,1.0,,badjerry_1,,14,,,"RT @imraansiddiqi: Jeb Bush - ""I'm gonna have to earn this."" --Said no Bush, ever. -#GOPDebate",,2015-08-07 09:49:53 -0700,629695972139008000,, -606,Ben Carson,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,ColdSober787,,607,,,RT @megynkelly: .@RealBenCarson: There is no such thing as a politically correct war #GOPDebate,,2015-08-07 09:49:53 -0700,629695969731293184,Oregon,Arizona -607,Donald Trump,1.0,yes,1.0,Neutral,0.6444,Foreign Policy,1.0,,George_Gramm,,1,,,"RT @Anergo_Teacher: Imagine a #Trump Administration dealing with a US-Russia crisis. - -WWIII #GOPDebate",,2015-08-07 09:49:52 -0700,629695969572048896,Welcome to Greece:), -608,Donald Trump,1.0,yes,1.0,Neutral,0.35700000000000004,FOX News or Moderators,0.6653,,ZarkoElDiablo,,354,,,RT @ThePatriot143: You Don't have to support Trump to realize that every question was delivered in a Backhanded manner #GOPDebate http://t.…,,2015-08-07 09:49:52 -0700,629695966795448320,,Eastern Time (US & Canada) -609,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LatinosforCruz,,110,,,"RT @ChristiChat: #WakeUpAmerica - -@SheriffClarke I Agree! - -@CarlyFiorina is a FORCE! - -#TCOT -#SisterPatriots -#Carly2016 -#GOPDebate http://t.c…",,2015-08-07 09:49:50 -0700,629695958721232896,TX USA! ,Central Time (US & Canada) -610,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SydneyBrown2112,,4,,,"RT @HippieLily: How @_shannonrose17_ and I are dealing with the #GOPDebate 😂 these are the republicans, America http://t.co/tlZ8rK7jr7",,2015-08-07 09:49:50 -0700,629695957668474880,, -611,Rand Paul,0.3872,yes,0.6222,Neutral,0.6222,Jobs and Economy,0.3872,,aeroG,,7,,,"RT @ChronFalkenberg: ""We do not project power from bankruptcy court. We're borrowing a million dollars a minute."" Rand Paul. #GOPDebate",,2015-08-07 09:49:49 -0700,629695954900234240,"Houston, Texas",Central Time (US & Canada) -612,No candidate mentioned,0.4247,yes,0.6517,Neutral,0.6517,None of the above,0.4247,,RT0787,,0,,,DCSoljaGurl: Fact checking (for those just recovering from last night's #DrinkingGame #GOPDebate ) … http://t.co/AuhlNZrEO4,,2015-08-07 09:49:48 -0700,629695952689860608,USA,Hawaii -613,No candidate mentioned,1.0,yes,1.0,Positive,0.3488,None of the above,1.0,,ToksOlagundoye,,0,,,"Ok, @tyeblue makes me giggle 😂 #Guuuurrrl #GOPdebate https://t.co/4JKa5BUHXv",,2015-08-07 09:49:48 -0700,629695952131981312,"All over, baby!",Pacific Time (US & Canada) -614,No candidate mentioned,1.0,yes,1.0,Negative,0.6573,None of the above,1.0,,peterheyck,,61,,,"RT @daveweigel: I believe that the phrase ""If I am the nominee, I will not run as an independent"" was uttered. #GOPDebate",,2015-08-07 09:49:48 -0700,629695950190043136,"Ottawa, Canada",Eastern Time (US & Canada) -615,Ben Carson,0.3951,yes,0.6285,Positive,0.6285,None of the above,0.3951,,simpletonbear,,189,,,RT @MrGeorgeWallace: The other candidates are stayin' pretty calm considering they assume Dr. Carson's gonna mug them at some point. #GOPDe…,,2015-08-07 09:49:48 -0700,629695949158256640,, -616,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jonnobotz,,401,,,RT @nerdist: Trump's really great in Orange is the New Orange #GOPDebate,,2015-08-07 09:49:47 -0700,629695946553692160,, -617,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Deb_Libby,,1,,,RT @andreafed: @Deb_Libby Half the Republican base has dementia. They probably found it riveting (when not confusing the TV w/the toaster).…,,2015-08-07 09:49:47 -0700,629695945635184640,East coast,Eastern Time (US & Canada) -618,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,None of the above,1.0,,iAintBragging,,315,,,RT @a_fruen: .@HillaryClinton as she watches this train wreck #GOPDebate http://t.co/LEMIJfkdXx,,2015-08-07 09:49:47 -0700,629695945505173504,probs rehearsal ,Pacific Time (US & Canada) -619,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RedRoadRail,,11,,,RT @NinjaEconomics: What are the best drinking games for the #GOPDebate tonight?,,2015-08-07 09:49:46 -0700,629695942283821056,Missouri & Florida Wisconsin,Mountain Time (US & Canada) -620,Rand Paul,0.4171,yes,0.6458,Negative,0.6458,Gun Control,0.4171,,davesfavorites,,516,,,"RT @pattonoswalt: Wait, does Rand Paul want to marry a gun? Not saying that's a deal-breaker for me, but still... #GOPDebate",,2015-08-07 09:49:46 -0700,629695940409040896,, -621,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.3068,None of the above,0.3765,,AlexLaBarba,,0,,,'Is Joe Flacco elite' sign crashes Republican debate...Still no one knows. http://t.co/YPQvOMX5Ne #NFL #GOPDebate,,2015-08-07 09:49:45 -0700,629695936235573248,TEXAS,Mountain Time (US & Canada) -622,No candidate mentioned,1.0,yes,1.0,Negative,0.6854,None of the above,1.0,,WendyRMonkey,,177,,,"RT @ChrchCurmudgeon: I'd vote for a hologram of Calvin Coolidge moonwalking across the stage right about now. - -#GOPDebate",,2015-08-07 09:49:44 -0700,629695934360764416,Land of the butter cow,Mountain Time (US & Canada) -623,Donald Trump,1.0,yes,1.0,Negative,0.6619,Immigration,1.0,,Kelsie_Berg,,7,,,"RT @TheFriddle: Trump: Mexico!!! - -Rubio: Majority of illegals aren't Mexican. - -That's what grandstanding vs understanding real issue looks …",,2015-08-07 09:49:44 -0700,629695932578148352,,Eastern Time (US & Canada) -624,No candidate mentioned,1.0,yes,1.0,Negative,0.6506,None of the above,1.0,,DykstraDame,,2,,,"The #GOPDebate was like a super crappy cage fight of blustering, bumbling, old wrinkled-up tuckus clinchers without the cage.",,2015-08-07 09:49:43 -0700,629695929055092736,NY, -625,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,carol_holman,,2,,,"RT @Norsu2: Rand Paul could drop out of top 10 w dreadful, petulent debate. Fiorina moves up #gopdebate #tcot",,2015-08-07 09:49:43 -0700,629695928719552513, Clarkrange Tennessee, -626,Donald Trump,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,None of the above,0.4707,,DBreban,,1,,,RT @weeklystandard: .@realDonaldTrump is looking more like Bernie Sanders - on the issues http://t.co/bzKnuXxObk #GOPDebate http://t.co/dxx…,,2015-08-07 09:49:42 -0700,629695925129080832,,Melbourne -627,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,peterheyck,,133,,,"RT @daveweigel: The official debate line-up from L-R: Loser, Loser, Loser, Loser, Classy, Loser, Loser, Loser, Loser, Loser. #GOPDebate",,2015-08-07 09:49:42 -0700,629695924940357632,"Ottawa, Canada",Eastern Time (US & Canada) -628,Mike Huckabee,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,2ward4ward,,7,,,"RT @JHoganGidley: ""We've got a clip from Mike Huckabee that was the number 1 dial clip of the ENTIRE 2 hours,"" @FrankLuntz. #GOPDebate http…",,2015-08-07 09:49:42 -0700,629695924336373760,"California, USA",Pacific Time (US & Canada) -629,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,0.6947,,SenoritaJess,,0,,,#GOPDebate madness last night. DNC this morning.... #Guuuuurrrrlllll http://t.co/QkKPnkx0c4,,2015-08-07 09:49:41 -0700,629695923413651456,Born & Raised in NELA,Pacific Time (US & Canada) -630,No candidate mentioned,0.4062,yes,0.6374,Negative,0.6374,None of the above,0.4062,,susieque155,,231,,,RT @YoungBLKRepub: Just saying. #GOPDebate http://t.co/zqcAONpaKj,,2015-08-07 09:49:41 -0700,629695923317125121,Georgia,Eastern Time (US & Canada) -631,No candidate mentioned,0.4602,yes,0.6784,Negative,0.4602,FOX News or Moderators,0.4602,,Pornitics,,319,,,RT @ThePatriot143: Hey @Foxnews can you let us Rep digest the #GOPDebate before you allow Debbie Wasserman Schultz to TRASH ALL OUR GOP htt…,,2015-08-07 09:49:41 -0700,629695919886344192,Socialist Northeast, -632,Donald Trump,0.4805,yes,0.6932,Positive,0.3523,None of the above,0.2442,,PaolaFreeworddk,,0,,,"#Trump2016 #GOPDebate The Illuminati want him out, but he will win the same http://t.co/2kVlxWB9Kd http://t.co/zyCvnY4NOq",,2015-08-07 09:49:40 -0700,629695917663363073,Italy,Belgrade -633,Chris Christie,1.0,yes,1.0,Negative,0.6404,None of the above,1.0,,mfeagans,,194,,,"RT @JimFKenney: Hey @ChrisChristie -- if you want to check out the Constitution, it's right here in Philly. I'll keep the bridge open for y…",,2015-08-07 09:49:40 -0700,629695916543492096,Philadelphia,Eastern Time (US & Canada) -634,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kirahoffy,,2,,,"""@FoxNews web stream and mobile app fail during #GOPDebate” … Why am I not surprised? http://t.co/tkpEsoOEZT",,2015-08-07 09:49:39 -0700,629695914966257664,"Eugene, Ore.",Mountain Time (US & Canada) -635,Jeb Bush,1.0,yes,1.0,Negative,0.6196,Gun Control,1.0,,Aefauld,,11,,,RT @roseperson: @TheDailyEdge @kharyp Jeb Bush promised families the fallen troops won't have died in vain. How about victims of gun violen…,,2015-08-07 09:49:39 -0700,629695914588766209,,Eastern Time (US & Canada) -636,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,CharlesMcNulty,,1,,,"RT @whoisbenchang: The #GOPDebate as theater, made-for-TV (& web) drama, (and, duh) reality TV, via @CharlesMcNulty @latimes http://t.co/lT…",,2015-08-07 09:49:38 -0700,629695907898916864,Los Angeles,Pacific Time (US & Canada) -637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,EConfeniae,,1,,,"RT @natycar74: http://t.co/wrmBJKVhNr.Candidate.Mentioned.Inequality! Not, one!!! #GOPDebate",,2015-08-07 09:49:37 -0700,629695903746625536,"Puyo, Pastaza Ecuador ", -638,Ted Cruz,0.4636,yes,0.6809,Positive,0.6809,Foreign Policy,0.239,,marshalhoverson,,303,,,"RT @PamelaGeller: LOVE CRUZ! ""If you join ISIS you are signing your death warrant."" Go Ted go! Anyone that joins ISIS loses their citizens…",,2015-08-07 09:49:36 -0700,629695902094004225,, -639,No candidate mentioned,0.4636,yes,0.6809,Positive,0.3404,Religion,0.4636,,KCBoyd3,,2,,,RT @americansunited: Blog: God made a cameo appearance in last night's #GOPDebate. We're sure there will be more to come. http://t.co/01llp…,,2015-08-07 09:49:36 -0700,629695901343326209,,Atlantic Time (Canada) -640,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Lady_NoNo,,18,,,RT @hilcox18: Donald Trump is Drunk Uncle #GOPDebate http://t.co/fcn61e8e3w,,2015-08-07 09:49:36 -0700,629695900617703425,"Buffalo, New York",Eastern Time (US & Canada) -641,Ted Cruz,1.0,yes,1.0,Positive,0.6966,None of the above,0.3596,,DCSquibbsr,,20,,,RT @jonmcclellan: Watch @TedCruz strong closing statement at the #GOPdebate: Video: https://t.co/kQlgCBaV7p #CruzCrew,,2015-08-07 09:49:36 -0700,629695898897887232,, -642,No candidate mentioned,1.0,yes,1.0,Negative,0.6558,Women's Issues (not abortion though),0.6558,,PeacefulFeather,,119,,,"RT @thesuperficial: ""Hey, guys. Women are allowed to vote."" -""WHAT?"" -""That's impossible!"" -""Build a wall around their uterus!"" -""Ronald Reagan…",,2015-08-07 09:49:35 -0700,629695898021269504,"Cedar Park, Texas", -643,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,0.6484,,dgtlUbun2,,1,,,RT @STrimel: No one summed it up better than #BernieSanders. #GOPDebate https://t.co/jL65PKp3Ua,,2015-08-07 09:49:34 -0700,629695893495615488,,Central Time (US & Canada) -644,John Kasich,0.2338,yes,0.6782,Negative,0.6782,None of the above,0.4599,,TxDestination,,0,,,"Retrospect #gopdebate USA needs someone #conservative, confident,respectfully listens, not arrogant @rushlimbaugh says @Fiorina @Kasich",,2015-08-07 09:49:34 -0700,629695892950421505,,Central Time (US & Canada) -645,No candidate mentioned,1.0,yes,1.0,Negative,0.6805,None of the above,1.0,,hinsw9942,,0,,,@maureenjohnson based on your Tweets I'm slightly thankful I skipped the #GOPDebate yesterday evening,,2015-08-07 09:49:34 -0700,629695892417687553,"St Paul, MN",Central Time (US & Canada) -646,Chris Christie,0.6734,yes,1.0,Negative,1.0,None of the above,0.687,,DAG_1968,,0,,,"@hardball_chris Hey Chris, did you file a workman's claim after @CarlyFiorina smashed you last night? #GOPDebate #tcot @hardball",,2015-08-07 09:49:34 -0700,629695891633491969,,Pacific Time (US & Canada) -647,Donald Trump,1.0,yes,1.0,Negative,0.6829,None of the above,1.0,,nodote135,,0,,,@realDonaldTrump ur complaining so much about being targeted but do u think that when ur president u won't be targeted? #GOPDebate,,2015-08-07 09:49:34 -0700,629695890282967040,, -648,No candidate mentioned,1.0,yes,1.0,Neutral,0.6644,Racial issues,0.6836,,akbarjenkins,,0,,,Last night the GOP faced up to the Yellow Peril... @theclementlime watched so you don't have to https://t.co/rOfWhAOX6G #GOPDebate,,2015-08-07 09:49:33 -0700,629695888537944064,"Atlanta, GA",Eastern Time (US & Canada) -649,Donald Trump,0.6216,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,deb_BAE_,,0,,,which is NOT fair and balanced #GOPDebate,,2015-08-07 09:49:32 -0700,629695884238954496,, -650,Scott Walker,1.0,yes,1.0,Negative,0.6853,Abortion,1.0,,LaraLuis20,,477,,,"RT @PrestonMitchum: Dear Scott Walker: - -How are you ""pro-life"" if you would let a woman die rather than receive an abortion? - -#GOPDebate #…",,2015-08-07 09:49:31 -0700,629695880904462336,United States,Mountain Time (US & Canada) -651,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.7064,,OpTiMist4Now,,0,,,"LOL! D@%m straight! Unbelievable the sexist, misogynistic & -racist tones. Repugnant sad state of affairs. #GOPDebate https://t.co/awBmpTMpUm",,2015-08-07 09:49:31 -0700,629695879058993152,Palm Beach / Boston,Eastern Time (US & Canada) -652,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Dttettleton,,206,,,RT @bazecraze: Ted Cruz looks like someone put a suit on a sigh. #GOPDebate,,2015-08-07 09:49:30 -0700,629695876093444096,,Eastern Time (US & Canada) -653,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,SouthernRock3,,0,,,.@ObamaAgenda @BaracksBackers Um..During the #GOPDebate. DERP!,,2015-08-07 09:49:30 -0700,629695875158142976,"Texas, USA",Eastern Time (US & Canada) -654,No candidate mentioned,0.4829,yes,0.6949,Negative,0.3755,Racial issues,0.4829,,JustNadia_K,,1,,,"RT @adillard4: Unlike #GOPDebate we'll talk race, activism #BlackLivesMatter #fergusonsyllabus #takeitdown #BTWAM on #UmichChat @ 1 http://…",,2015-08-07 09:49:29 -0700,629695872503296000,"Ann Arbor, MI 1/5",Eastern Time (US & Canada) -655,No candidate mentioned,1.0,yes,1.0,Negative,0.675,None of the above,1.0,,dej388,,34,,,"RT @RepublicanPunk: GOP has 0 candidates who deleted 30,000 subpoenaed emails. #GOPDebate #ReadyForHillary",,2015-08-07 09:49:29 -0700,629695871718957056,Ga,Eastern Time (US & Canada) -656,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,btshepherd1,,0,,,Usa is waking up!! #GOPDebate,,2015-08-07 09:49:29 -0700,629695871437815808,Texas,Pacific Time (US & Canada) -657,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,None of the above,1.0,,ClaireEaton12,,127,,,RT @feministabulous: I grew up the poorest. Vote for me. #GOPDebate,,2015-08-07 09:49:29 -0700,629695871379222528,Tufts University,Eastern Time (US & Canada) -658,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,borsato79,,0,,,"@realDonaldTrump treated @RandPaul like the little gnat he is. -#GOPDebate #tcot #trump #MakeAmericaGreatAgain #GoTrump",,2015-08-07 09:49:29 -0700,629695870670360576,, -659,No candidate mentioned,1.0,yes,1.0,Neutral,0.6568,Racial issues,1.0,,LOVEnver_fails,,30,,,RT @CarmenSpinDiego: @Dreamdefenders and other black activist censored on @instagram after #gopdebate http://t.co/m6aFfsKJmC,,2015-08-07 09:49:29 -0700,629695869789417472,Seattle, -660,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,FOX News or Moderators,0.6606,,thatgodovrthere,,397,,,RT @SouthernHomo: Me as a moderator at the #GOPDebate http://t.co/URnKZ69fNx,,2015-08-07 09:49:28 -0700,629695865838546944,, -661,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,1.0,,slopokejohn,,46,,,RT @JohnGGalt: Looks like Fox News needs to be taken out back. #GOPDebate #MakeAmericaGreatAgain,,2015-08-07 09:49:28 -0700,629695865418940417,All 48 states, -662,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6818,,THEE11thHOUR,,210,,,"RT @hunterwalk: If men could become pregnant, whoooo wheeee, these answers would be different #GOPDebate",,2015-08-07 09:49:27 -0700,629695863359541249,Fire Truck 7,Eastern Time (US & Canada) -663,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,None of the above,0.6471,,gravius_brent,,0,,,Remember this bullshit when picking a president #GOPDebate. #stupid #marines http://t.co/HhSotdZXiL,,2015-08-07 09:49:26 -0700,629695860255928320,, -664,No candidate mentioned,1.0,yes,1.0,Negative,0.3695,None of the above,1.0,,LelaindePeche,,8,,,RT @cavaticat: I didn't watch the #GOPDebate last night so today I got to wake up still liking myself and humanity in general.,,2015-08-07 09:49:26 -0700,629695859463204865,Lost in time & Space,Eastern Time (US & Canada) -665,No candidate mentioned,1.0,yes,1.0,Positive,0.7215,None of the above,1.0,,PerryLohr2,,2,,,"RT @NaughtyBeyotch: RT @AllenWestRepub ""Twitter declares @CarlyFiorina the #GOPDebate winner  "" http://t.co/lX0RkaHzMQ",,2015-08-07 09:49:26 -0700,629695856778674176,Kansas, -666,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,None of the above,1.0,,wayneashleymusi,,0,,,"After the #GOPDebate, it's the only jam that seems appropriate. @taylorswift13 @kendricklamar #BadBlood #music #np http://t.co/f2Ul333eXo",,2015-08-07 09:49:25 -0700,629695856157917184,"Houston, Texas", -667,No candidate mentioned,0.6409999999999999,yes,1.0,Negative,0.6409999999999999,FOX News or Moderators,0.6409999999999999,,palmaceiahome1,,2,,,"Caller on the Rush Limbaugh show:""I have lost all respect for Fox News."" #FoxNews #GOPDebate",,2015-08-07 09:49:23 -0700,629695846318252032,,Quito -668,No candidate mentioned,1.0,yes,1.0,Neutral,0.6598,None of the above,1.0,,illusions2015,,1,,,"RT @SFSK8rGrrl: I Won! (Did You?) -#F2B @JChurchRadio @fadernauts #GOPDebate https://t.co/IylGGDhzEJ",,2015-08-07 09:49:23 -0700,629695845768675328,Planet Earth, -669,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,sealywilly,,918,,,RT @nerdist: Trump constantly looks like he's trying to push out a fart. #GOPDebate,,2015-08-07 09:49:23 -0700,629695845454053376,san dimas, -670,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,LMvanderWatt,,2,,,RT @moneyries: The second most-retweeted presidential candidate Tweet of the #GOPDebate https://t.co/rybdNPfypW,,2015-08-07 09:49:23 -0700,629695844653121536,Stockholm,Athens -671,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CUFUDC,,0,,,These boys imagine themselves in the Oval Office? God help us all. #GOPdebate #debate #houseofcards,,2015-08-07 09:49:23 -0700,629695843965239296,"Washington, DC", -672,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6531,,ColdSober787,,655,,,RT @megynkelly: .@realDonaldTrump: I think the big problem this country has is being politically correct #GOPDebate,,2015-08-07 09:49:22 -0700,629695840706170880,Oregon,Arizona -673,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6599,,dnvnbirch26,,0,,,Oh and the absolute disrespect of @POTUS by the GOP candidates in the #GOPDebate was DISGUSTING!,,2015-08-07 09:49:21 -0700,629695838298640384,,Eastern Time (US & Canada) -674,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,alexandraheuser,,0,,,Shame on #FoxNews making FIRST Primary Debate all about THEM #RatingsBonanza THEY win VOTERS lose. #GOPDebate #TCOT https://t.co/Gs5eoDhvHu,,2015-08-07 09:49:21 -0700,629695838185521156,America, -675,No candidate mentioned,1.0,yes,1.0,Neutral,0.696,None of the above,1.0,,1990sgirl4life,,158,,,"RT @DonnieWahlberg: I love seeing the #StraightOuttaCompton movie preview during the #GOPDebate! - -Will have seen both in the next 24 hours!",,2015-08-07 09:49:21 -0700,629695838118354944,,Quito -676,Mike Huckabee,1.0,yes,1.0,Positive,0.3441,None of the above,0.6559,,aeroG,,15,,,"RT @ChronFalkenberg: ""The military is not a social experiment. The purpose of the military is to kill people and break things."" Huckabee sa…",,2015-08-07 09:49:20 -0700,629695833307361280,"Houston, Texas",Central Time (US & Canada) -677,,0.2309,yes,0.3618,Negative,0.3618,,0.2309,,DCSoljaGurl,,0,,,Fact checking (for those just recovering from last night's #DrinkingGame #GOPDebate ) http://t.co/8iBAcPcs7D,,2015-08-07 09:49:20 -0700,629695832900653060,DC - MD - IL - IA,Central Time (US & Canada) -678,Donald Trump,1.0,yes,1.0,Neutral,0.6774,FOX News or Moderators,1.0,,SherSpooner,,0,,,#GOPDebate: Fox News tries to dump the #Trump. http://t.co/MuSxkU53Ol http://t.co/2Ha71jFRp1,,2015-08-07 09:49:19 -0700,629695829528440832,"Oak Park, IL", -679,Donald Trump,0.6629,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,CascadeRam,,0,,,"""This was more of an inquisition than it was a debate"" says Sen Graham about Fox News moderators questioning @realDonaldTrump at #GOPDebate",,2015-08-07 09:49:19 -0700,629695827598929920,Seattle,Pacific Time (US & Canada) -680,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dmarro,,0,,,"Didn't like #ScottWalker before the debates, like him even less now. #GOPDebate",,2015-08-07 09:49:19 -0700,629695827150262272,"Long Island, NY", -681,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Conssista,,0,,,Keep trying but it ain't working. Ppl saw through your focus groups & @FoxNews last night. #GOPDebate https://t.co/FyXcFnWEdp,,2015-08-07 09:49:18 -0700,629695824944082944,, -682,Marco Rubio,0.4362,yes,0.6604,Positive,0.6604,Abortion,0.2366,,ImwithMarco,,0,,,Amazing! Marco Rubio schools @ChrisCuomo on when life begins: https://t.co/PrKLk6X4Ji #ProLife #GOPDebate #TCOT,,2015-08-07 09:49:18 -0700,629695823287320576,,Pacific Time (US & Canada) -683,Donald Trump,0.2412,yes,0.6686,Negative,0.3608,Foreign Policy,0.447,,AZAustin43,,8,,,"RT @StudyingLiberty: The man who wants to take on Iran, Russia, and China can't even handle a few tough debate questions by Megyn Kelly. #G…",,2015-08-07 09:49:17 -0700,629695820162400265,"Arizona, USA",Pacific Time (US & Canada) -684,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,FOX News or Moderators,0.4218,,theAlexHanson,,0,,,"Interesting stuff: Pundits/analysts say FOX asked good questions, caller just now on talk radio said he ""lost respect"" for FOX. #GOPDebate",,2015-08-07 09:49:17 -0700,629695819449434112,"Ames & Bettendorf, Iowa, USA",Central Time (US & Canada) -685,No candidate mentioned,0.4689,yes,0.6847,Negative,0.6847,Jobs and Economy,0.253,,1KissedGirl1,,160,,,"RT @mrmilianspeaks: Dear Republicans - -If you grew up broker than everyone else then why do you hate the poor so much? - -#KKKorGOP #GOPDebate",,2015-08-07 09:49:16 -0700,629695817813618688,Texas,Central Time (US & Canada) -686,Mike Huckabee,0.6444,yes,1.0,Positive,0.6444,None of the above,1.0,,2ward4ward,,5,,,"RT @JHoganGidley: VIDEO: @GovMikeHuckabee Crushes Frank Luntz @FoxNews focus group: http://t.co/zTrUVoFwGG -cc: @FrankLuntz #Huckabee2016 #…",,2015-08-07 09:49:16 -0700,629695816253337600,"California, USA",Pacific Time (US & Canada) -687,No candidate mentioned,0.4616,yes,0.6794,Neutral,0.3497,FOX News or Moderators,0.2376,,Sammie_Sue12,,0,,,"@IngrahamAngle ""@CarlyFiorina ran away with it."" #GOPDebate #Carly2016 https://t.co/8AQYJ9bYOr",,2015-08-07 09:49:15 -0700,629695811601838080,,Central Time (US & Canada) -688,No candidate mentioned,0.4171,yes,0.6458,Positive,0.3229,None of the above,0.4171,,glamorqueen,,7,,,"RT @NaphiSoc: I am more committed than ever to support Democratic nominee thanks to #GOPDebate -and any ""Dem"" who even hesitates is not a D…",,2015-08-07 09:49:13 -0700,629695805721587712,,Central Time (US & Canada) -689,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,None of the above,0.465,,BlueMaze,,1,,,"RT @ShrinkGov: Lets not pretend the bar for POTUS is very high now. Its somewhere between sh*t and syphilis -#GOPDebate #tcot",,2015-08-07 09:49:13 -0700,629695802542264320,Michigan,Eastern Time (US & Canada) -690,No candidate mentioned,0.4071,yes,0.638,Positive,0.3199,None of the above,0.4071,,pernella_7,,0,,,"Bernie Sanders is a fucking national treasure. - -@BernieSanders -#FeelTheBern -#GOPDebate -#JonStewart -#DonaldTrump -#Bernie2016 -#Democrat",,2015-08-07 09:49:12 -0700,629695801728438274,"Pittsburgh, PA", -691,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.2222,,KarenCrow6,,8,,,"RT @FreedomJames7: Who Wants A Hug? -#GOPDebate http://t.co/iaTS8vyx7c",,2015-08-07 09:49:12 -0700,629695801397153792,, -692,No candidate mentioned,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,RedRoadRail,,81,,,"RT @P0TUS: Rick Perry calls planes ""aviation assets"" This is what happens when you wear glasses to improve your IQ. #GOPDebate /Kiddie Vers…",,2015-08-07 09:49:10 -0700,629695789774667777,Missouri & Florida Wisconsin,Mountain Time (US & Canada) -693,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tjensen739,,802,,,"RT @DanScavino: .@realDonaldTrump wins 1st #GOPDebate! -#MakeAmericaGreatAgain #Trump2016 #TeamTrump #TrumpForPresident 🇺🇸 http://t.co/2P8dW…",,2015-08-07 09:49:10 -0700,629695789766418433,Skyzone, -694,No candidate mentioned,1.0,yes,1.0,Negative,0.6841,None of the above,1.0,,Riddagh,,0,,,"After #GOPDebate the world leaders said ""put the bombs away, these guys will destroy America themselves."" #Republicans #notbetter",,2015-08-07 09:49:09 -0700,629695788185202689,"Upper East Side, Manhattan",Eastern Time (US & Canada) -695,No candidate mentioned,1.0,yes,1.0,Negative,0.7017,None of the above,0.6437,,Melabell,,0,,,"My mom this morning, ""so who won the debate?!"". My Dad: ""The Democrats did"" ... #GOPDebate",,2015-08-07 09:49:09 -0700,629695787778355200,"ÜT: 10.16471,-64.682618",Caracas -696,No candidate mentioned,0.5057,yes,0.7111,Neutral,0.3556,None of the above,0.5057,,_captainhookz,,19,,,RT @micnews: Kimye’s selfie with Hillary Clinton was more viral than the #GOPDebate http://t.co/7BiQfjHmhF http://t.co/mZtcBkKgwu,,2015-08-07 09:49:09 -0700,629695787342123008,,Central Time (US & Canada) -697,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,0.6517,,bodysouls,,6,,,RT @jimtrue48: @Treezilla @hereistheanswer I don't mind hardball questions but I don't like an ambush aimed at taking someone out of the ra…,,2015-08-07 09:49:09 -0700,629695786276667394,USA,Pacific Time (US & Canada) -698,No candidate mentioned,0.4085,yes,0.6392,Positive,0.3402,None of the above,0.4085,,STrimel,,1,,,No one summed it up better than #BernieSanders. #GOPDebate https://t.co/jL65PKp3Ua,,2015-08-07 09:49:08 -0700,629695782174769152,Greater NYC,Eastern Time (US & Canada) -699,No candidate mentioned,1.0,yes,1.0,Negative,0.6847,Racial issues,1.0,,s0s0str1s,,682,,,RT @marksluckie: Just one #BlackLivesMatter question at #GOPDebate? But we spent a half hour talking about fences?? http://t.co/v7pqn2Qr84,,2015-08-07 09:49:08 -0700,629695781876957184,, -700,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6517,,alabamafan2,,0,,,Liberals went from experimenting on patients in mental institutions to working for #PlannedButcherhood #GOPDebate,,2015-08-07 09:49:07 -0700,629695780060794880,Georgia,Eastern Time (US & Canada) -701,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ScheidlDavid,,16,,,"RT @RadioFreeTom: Look, Trumpkins, your hero didn't even win the steak knives last night, know what I'm sayin' here? #GOPDebate",,2015-08-07 09:49:07 -0700,629695778299052032,"Ottawa, Canada", -702,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.7093,,LightsWeBurn,,0,,,"I'm impressed by @CarlyFiorina. She's classy, inspires confidence & trustworthiness. Everyone saw her dominate ""happy hour"". #GOPDebate",,2015-08-07 09:49:06 -0700,629695775824482304,Canada,Central Time (US & Canada) -703,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wetsprocket,,6,,,"RT @larryfeltonj: It must be awful living with the paranoid worldview presented at the #GOPDebate. These guys need therapy, not public off…",,2015-08-07 09:49:06 -0700,629695774410932232,Stumptown,Pacific Time (US & Canada) -704,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,paulmcclintock,,51,,,"RT @JillBidenVeep: I hate the phrase ""I just can't"" but I'm pretty close to feeling that way about this God question. #GOPDebate",,2015-08-07 09:49:05 -0700,629695769336000512,,Eastern Time (US & Canada) -705,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,MrsKenagy,,1,,,"RT @ShadowBard: American women take note: When @@realDonaldTrump justified his piggish attacks on women at the #GOPDebate, not 1 man on sta…",,2015-08-07 09:49:03 -0700,629695763417710592,,Pacific Time (US & Canada) -706,Donald Trump,0.4594,yes,0.6778,Negative,0.3556,None of the above,0.4594,,645ciDIVA,,0,,,Here is another one! Poor Frank is taken a beating😩 LOL!😂😂😂 #GOPDebate @realDonaldTrump https://t.co/FfkuAoetTM,,2015-08-07 09:49:02 -0700,629695758539755520,SomeWhereSmiling , -707,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,alaimoa,,2,,,RT @ctblogger: This image best sums up my thoughts regarding last night's #GOPDebate http://t.co/ko0eOisFJw,,2015-08-07 09:49:01 -0700,629695754672697344,"Red Bank, NJ",Eastern Time (US & Canada) -708,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DoctressStory,,0,,,"How everyone watching the #GOPDebate last night felt after any of the candidates gave an answer to any question! 😒 - https://t.co/Bmz0MvesEa",,2015-08-07 09:49:00 -0700,629695750532956160,"Louisville, KY",Eastern Time (US & Canada) -709,Donald Trump,1.0,yes,1.0,Negative,0.6949,FOX News or Moderators,1.0,,Alaskan3401,,0,,,"#HalffullHalfMT? @FoxNews moderators prep #GOPDebate 4whats coming? Abc nbc CNBC cnn willB more Nasty, #youvebeentargeted @realDonaldTrump",,2015-08-07 09:48:59 -0700,629695744602025984,"Alaska,South Central",Alaska -710,Donald Trump,0.6983,yes,1.0,Positive,0.3547,None of the above,1.0,,beaujolais1,,6,,,"RT @becca0mae: I don't know who won the debate, but @Writeintrump definitely won the award for ""best #GOPDebate live tweeting""",,2015-08-07 09:48:58 -0700,629695742693801985,Massachusetts, -711,No candidate mentioned,1.0,yes,1.0,Neutral,0.6989,None of the above,1.0,,thehighstinkin,,3,,,RT @AwardsDaily: I don't think I've ever seen a bunch of dudes so afraid of one woman as during last night's debates. #GOPDebate,,2015-08-07 09:48:58 -0700,629695740160282624,,Pacific Time (US & Canada) -712,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.3265,,0.2266,,whoisbenchang,,1,,,"The #GOPDebate as theater, made-for-TV (& web) drama, (and, duh) reality TV, via @CharlesMcNulty @latimes http://t.co/lTZD4fxR8b",,2015-08-07 09:48:54 -0700,629695726289747968,"Los Angeles, CA",Eastern Time (US & Canada) -713,No candidate mentioned,0.4554,yes,0.6748,Negative,0.6748,Women's Issues (not abortion though),0.2407,,McLonergan,,4,,,RT @LWilsonDarlene: #Hillary spent #GOPDebate night hanging out with a rude rapper & reality show queen who's claim to fame is a sex video.…,,2015-08-07 09:48:54 -0700,629695722426757121,, -714,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,RedRoadRail,,20,,,RT @SpudLovr: Fetus dies in womb after 20 weeks? No D&C for you. #ScottWalker16 thinks you should carry it full term. #GOPDebate,,2015-08-07 09:48:53 -0700,629695719272648704,Missouri & Florida Wisconsin,Mountain Time (US & Canada) -715,Rand Paul,1.0,yes,1.0,Negative,0.6848,None of the above,1.0,,agentc2,,0,,,"@RandPaul got his clock cleaned last night. Bye, bye. #debate #GOPDebate",,2015-08-07 09:48:52 -0700,629695714361217024,Orlando,Quito -716,Donald Trump,1.0,yes,1.0,Neutral,0.3626,FOX News or Moderators,1.0,,kraig4u,,2,,,"#GOPDebate The order was to ""take out Trump"", but I wonder if FOX News was the one who took the ""order"" seriously. @HeidiL_RN",,2015-08-07 09:48:51 -0700,629695712352034817,America,Pacific Time (US & Canada) -717,No candidate mentioned,0.4387,yes,0.6624,Neutral,0.6624,Abortion,0.4387,,Bound4LIFE,,1,,,"In-Depth Interview with Former Nurse @JillStanek on #PPSellsBabyParts Scandal: http://t.co/KVl3ydITDA - -#DefundPP #GOPDebate -@CtrMedProgress",,2015-08-07 09:48:51 -0700,629695709718138880,DC and Everywhere,Eastern Time (US & Canada) -718,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3505,,natycar74,,1,,,"http://t.co/wrmBJKVhNr.Candidate.Mentioned.Inequality! Not, one!!! #GOPDebate",,2015-08-07 09:48:49 -0700,629695705049866240,,Eastern Time (US & Canada) -719,No candidate mentioned,1.0,yes,1.0,Negative,0.6914,None of the above,1.0,,abytw,,237,,,RT @NerdyWonka: Aaaaaaaaaaaaaaand the winner of the #GOPDebate is: http://t.co/BMh8u80tyh,,2015-08-07 09:48:49 -0700,629695704269631488,a JH15 FEMA camp near you,Pacific Time (US & Canada) -720,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,ElkaSelzer,,102,,,RT @ThePatriot143: Let me help @FoxNews they wanted proof from Trump RE: Illegal Mexican Criminals #GOPDebate http://t.co/6yqBHhngsE http:/…,,2015-08-07 09:48:49 -0700,629695702319386624,United States,Quito -721,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,GavHull,,1591,,,"RT @pattonoswalt: My daughter, just now: ""Can't we watch CUPCAKE WARS?"" -Me: ""We are, sweetie. We are."" #GOPDebate",,2015-08-07 09:48:49 -0700,629695701421654016,,Central Time (US & Canada) -722,No candidate mentioned,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,summer0655,,1,,,RT @alexandraheuser: GOOD POINT Wait 'til you hear him in a SERIOUS Debate! #GOPDebate #FoxNews https://t.co/IGhQI3LgH9,,2015-08-07 09:48:48 -0700,629695700478099456,, -723,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Jobs and Economy,0.6629,,JessicaTamale,,16,,,"RT @reedfrich: Terms not mentioned tonight at #GOPDebate: --income inequality --minimum wage --climate change --voting rights --parental leave --…",,2015-08-07 09:48:48 -0700,629695699525828608,SoCal☀️, -724,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FrancoCocaine,,37,,,"RT @99AndThe2000: This is the biggest shit show I've ever seen. - -Everybody on stage looks like they got their ass kicked in the 10th grade.…",,2015-08-07 09:48:47 -0700,629695696627613696,, -725,Jeb Bush,1.0,yes,1.0,Negative,0.6867,None of the above,0.6627,,coachrogers4,,23,,,RT @palmaceiahome1: If anyone thinks Jeb Bush is going to secure the border and stop sanctuary cities their smoking crack. #GOPDebate,,2015-08-07 09:48:47 -0700,629695695235092480,, -726,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.6322,,0.2325,,NapoleonBXSith,,0,,,#GOPDebate #BlackTwitter about last night https://t.co/Zh9M8Bx4vb,,2015-08-07 09:48:47 -0700,629695694996119552,, -727,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,rosierebekaha,,0,,,@GovMikeHuckabee Thought you did a good job articulating the issues. #GOPDebate,,2015-08-07 09:48:47 -0700,629695693469450240,,Eastern Time (US & Canada) -728,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,_humairaaaa,,205,,,RT @amaraconda: me @ every republican ever #GOPDebate http://t.co/58imcbHrA7,,2015-08-07 09:48:46 -0700,629695692324380672,,Eastern Time (US & Canada) -729,Donald Trump,1.0,yes,1.0,Neutral,0.6735,FOX News or Moderators,1.0,,Mariann44764635,,2,,,RT @palmaceiahome1: Rush Limbaugh seems to think #FoxNews did a hit job on Trump. #GOPDebate,,2015-08-07 09:48:46 -0700,629695688926957568,"Pomaria,SC", -730,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3829,,EliOnTheRework,,8,,,"RT @ChrisJZullo: No substantive conversation about income inequality, declining wages, social security or race and minorities. #GOPDebate a…",,2015-08-07 09:48:45 -0700,629695688469692416,PAGE FOR LIKE MINDED FRIENDS,Pacific Time (US & Canada) -731,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6573,,Jesus_Lori,,100,,,"RT @toddstarnes: Megyn Kelly: ""Would you really let a mother die rather than have an abortion?” Are you freaking kidding me? #GOPDebate",,2015-08-07 09:48:44 -0700,629695684095053824,,Atlantic Time (Canada) -732,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alaimoa,,1,,,RT @revjaydub: Clown show. #GOPDebate http://t.co/uyWu9jQcEx,,2015-08-07 09:48:44 -0700,629695681293324288,"Red Bank, NJ",Eastern Time (US & Canada) -733,Marco Rubio,1.0,yes,1.0,Negative,0.6742,Abortion,1.0,,walk2free,,43,,,"RT @JillStanek: ""I think future generations will look back and call us barbarians for killing millions of babies."" ~@MarcoRubio #GOPDebate …",,2015-08-07 09:48:43 -0700,629695678294306817,USA,Central Time (US & Canada) -734,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Gelz68,,0,,,@JonathanHoenig I thought this may be a reference to SOME candidates BS in the #GOPDebate last night ;),,2015-08-07 09:48:42 -0700,629695673928056832,Chicago-ish,Central Time (US & Canada) -735,No candidate mentioned,0.6964,yes,1.0,Negative,0.6812,None of the above,1.0,,JT_Bryant,,5,,,RT @gregmepstein: As 501c3 non-profit exec @HarvardHumanist @HumanistHub I legally can't do partisan advocacy-but demonizing @PPact=morally…,,2015-08-07 09:48:40 -0700,629695667389235200,"Lynchburg, VA",Pacific Time (US & Canada) -736,No candidate mentioned,0.6848,yes,1.0,Neutral,1.0,None of the above,1.0,,BenLebo,,0,,,A colleague of mine handed out grades for last night's #GOPDebate check it out: http://t.co/muJedVszhG,,2015-08-07 09:48:39 -0700,629695662813110272,Santa Barbara (via Arizona),Pacific Time (US & Canada) -737,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6813,,paolo44444,,0,,,"#GOPDebate ignored America’s 45 million poor, but didn’t stop the candidates from mentioning “immigration” and “illegal” as the real threat",,2015-08-07 09:48:39 -0700,629695661550764032,,Ljubljana -738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,censoredbee,,1,,,RT @gearhead81: #GOPDebate so the debate for POTUS comes down to who is the best insulter of + sized irrelevant lesbians? & youre doing wha…,,2015-08-07 09:48:39 -0700,629695661408043009,Landmasser in Who Dat Nation , -739,Marco Rubio,0.4255,yes,0.6523,Positive,0.6523,None of the above,0.4255,,MsLyriss,,89,,,RT @lilwolf30: Rubio has spoken the #truth! #WakeUpAmerica #GOPDebate http://t.co/Cl2BuZXQYZ,,2015-08-07 09:48:39 -0700,629695659432648704,,Eastern Time (US & Canada) -740,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,azblonde2015,,2,,,"RT @Momfullofhope: Bingo #GOPDebate #KochBrothers -#Puppets Wined and Dined last weekendas planned #Shameful -#MakeAmericaGreatAgain https…",,2015-08-07 09:48:37 -0700,629695654512627712,, -741,John Kasich,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,mauritaniafrica,,0,,,"WSJThinkTank: RT rentamob: In #GOPDebate, John Kasich showed himself to be an alternative to Jeb Bush, says LindaJKillian: …",,2015-08-07 09:48:37 -0700,629695650913996801,U.S.A,Eastern Time (US & Canada) -742,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,meluntch,,5,,,RT @coryjcrowley: Oddest thing so far about #GOPDebate @IamStevenT is sitting three rows ahead of me http://t.co/oYfVREeiaX,,2015-08-07 09:48:36 -0700,629695647856197633,"Kansas City, MO",Central Time (US & Canada) -743,No candidate mentioned,1.0,yes,1.0,Negative,0.7049,None of the above,1.0,,chadallanjones,,0,,,"It's good that Facebook had their logo all over the debate last night, otherwise their brand awareness might have suffered. #GOPDebate",,2015-08-07 09:48:36 -0700,629695646933499905,,Pacific Time (US & Canada) -744,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,FOX News or Moderators,0.4805,,youthgirlpower,,0,,,@megynkelly showed at the #GOPDebate she has no biz being a moderator. She is an interviewer and nothing else. @FoxNews failed last night.,,2015-08-07 09:48:34 -0700,629695640252096513,,Atlantic Time (Canada) -745,No candidate mentioned,0.4375,yes,0.6614,Positive,0.3358,None of the above,0.4375,,goodsababu,,0,,,Why's THIS the most retweeted comment of the #GOPDebate? B/C it's more truthful than anything any GOP candidate said https://t.co/nicl3cYjPs,,2015-08-07 09:48:34 -0700,629695639543156736,Washington State,Pacific Time (US & Canada) -746,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,kellscaldwell,,0,,,I learned that i cant watch the #GOP before bed #nightmares #GOPDebate #GOPDebacle,,2015-08-07 09:48:33 -0700,629695638083506176,,Central Time (US & Canada) -747,Ben Carson,0.4379,yes,0.6617,Positive,0.6617,None of the above,0.4379,,4thePotter,,0,,,"""@FoxNews: .@brithume: “The best closing statement was @RealBenCarson's.” #GOPDebate #KellyFile http://t.co/WKQIhlnXn4"" . . . i so agree!",,2015-08-07 09:48:31 -0700,629695626222170112,Northeast-Central Florida,Eastern Time (US & Canada) -748,Donald Trump,1.0,yes,1.0,Neutral,0.625,FOX News or Moderators,1.0,,NeverYouMind,,0,,,"Oooh, so Fox News also doesn't want Trump to be president. #GOPDebate",,2015-08-07 09:48:30 -0700,629695624632532992,The Fla,Eastern Time (US & Canada) -749,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RTDNEWS,,1,,,"RT @MSchmidtRTD: Va. GOP leaders praise debate performances. Trump's, not so much. http://t.co/Ul5pgAq4UH #Election2016 #GOPDebate",,2015-08-07 09:48:30 -0700,629695621868449792,"Richmond, VA",Eastern Time (US & Canada) -750,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6147,,BiHiRiverOfLife,,0,,,#GOPDebate constant: those who have already committed to a candidate believe it was their ox that was gored last night. #tcot,,2015-08-07 09:48:29 -0700,629695620299759616,"Dublin, PA",Atlantic Time (Canada) -751,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hoovers1mom,,0,,,@YaleClimateComm @JerryBrownGov not a peep from them... It's because they take $$ from oil & gas! Why would they #ActOnClimate #GOPDebate,,2015-08-07 09:48:29 -0700,629695617405685760,greatest city on earth,Eastern Time (US & Canada) -752,Ted Cruz,0.4539,yes,0.6737,Positive,0.6737,None of the above,0.4539,,gcustomer99,,0,,,"@SteveDeaceShow -Since Ronald Reagan, @tedcruz is definitely the nominee #Conservatives have been waiting for! - -#tcot -#GOPDebate -#CruzCrew",,2015-08-07 09:48:28 -0700,629695616583602176,Ted Cruz & Bobby Jindal~2016, -753,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JoshKaz,,0,,,Walker kept his points tight and clean but I want to see him run the clock longer in the next debate. #GOPDebate,,2015-08-07 09:48:28 -0700,629695615224537089,Southern California,Pacific Time (US & Canada) -754,Rand Paul,0.6705,yes,1.0,Negative,1.0,None of the above,0.6364,,MickyFad,,0,,,They are trying to keep Rand Paul out of the debate like they did with his father. #GOPDebate #tcot #tlot http://t.co/cst2rRdnL7,,2015-08-07 09:48:28 -0700,629695614671015938,Philadelphia, -755,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dare2dream82,,34,,,"RT @_HankRearden: Well, so much for Krauthammer's theory about the 'collapse of Trump' lol. #GOPDebate #Trump2016 http://t.co/xtMDUbZGnj",,2015-08-07 09:48:27 -0700,629695612506603520,United States, -756,Donald Trump,1.0,yes,1.0,Positive,0.6477,None of the above,1.0,,azblonde2015,,147,,,"RT @DanScavino: 2015 #GOPDebate Winner? -Time has @realDonaldTrump leading with 42%. -#Trump2016 #MakeAmericaGreatAgain 🇺🇸 http://t.co/dOckS…",,2015-08-07 09:48:27 -0700,629695611768410112,, -757,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,SkyNebulaWmn,,0,,,@realDonaldTrump has issues with women 4 ex wives & a daughter -Obama has 2 daughters 1 wife & is Very Respectful #gopdebate #msnbc #cnn,,2015-08-07 09:48:27 -0700,629695609570787328,Michigan,Quito -758,No candidate mentioned,1.0,yes,1.0,Positive,0.653,None of the above,1.0,,gidgey,,0,,,"@tweetreachapp Of course. It'd be cool to see which users ranked highest for #GOPDebate tweets, too. After all, we're the tweeters.",,2015-08-07 09:48:25 -0700,629695603954454528,"Dana Point, CA",Pacific Time (US & Canada) -759,Rand Paul,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,ScorpionsPriest,,5,,,Best moment of the #GOPDebate last night: Rand telling Christie to go get another hug from Obama.,,2015-08-07 09:48:25 -0700,629695602180407297,Massachusetts,Atlantic Time (Canada) -760,No candidate mentioned,1.0,yes,1.0,Neutral,0.6574,None of the above,0.3426,,summer0655,,1,,,RT @alexandraheuser: #FF WHOA (WEIRD format -Any1 know about this?) https://t.co/Np8CjQWYJi #GOPDebate #GOP #RNC @Reince @rushlimbaugh @kil…,,2015-08-07 09:48:24 -0700,629695597117865984,, -761,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,activeeq,,960,,,"RT @JamilSmith: Ben Carson says that folks are trying to start a race war. Is he talking about #BlackLivesMatter, or folks like Dylann Roof…",,2015-08-07 09:48:22 -0700,629695591774183424,,Central Time (US & Canada) -762,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,,0.2298,,mynette,,0,,,"Numbnuts! ""@FoxNews dedicated < 2min of 2hr debate to Qs about ways black America has been under attack"" #GOPDebate http://t.co/TXMkGV9hIb",,2015-08-07 09:48:21 -0700,629695587710050304,"New York, NY",Eastern Time (US & Canada) -763,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LucasEVieira,,0,,,"I was pretty impressed by Rubio, Kasich, and Cruz in the primetime debate last night. #GOPDebate",,2015-08-07 09:48:21 -0700,629695584337661952,"Santa Barbara, CA",Pacific Time (US & Canada) -764,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mauritaniafrica,,0,,,"vicenews: Yes, there was a #GOPDebate last night but here's what happened at Canada's: http://t.co/jwUQeKDKjl http://t.co/jAOyjUTVF9",,2015-08-07 09:48:20 -0700,629695581473128449,U.S.A,Eastern Time (US & Canada) -765,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PoloT_TreyG,,0,,,I'm still convinced that no amount of sage in the world could've extinguished the bad energy and negative vibes at the #GOPDebate last night,,2015-08-07 09:48:18 -0700,629695574086938624,"Tampa, FL- Miami, FL - Mars",Eastern Time (US & Canada) -766,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,dragonheart3746,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/oz6UPiBXRp via @HuffPostPol,,2015-08-07 09:48:18 -0700,629695572937674752,,Eastern Time (US & Canada) -767,Donald Trump,1.0,yes,1.0,Neutral,0.3548,None of the above,0.6452,,JustinMurphy,,0,,,"Finally watched the #GOPDebate, freakin' hilarious. Kelly killed it, and Trump definitely got his showboat. Was there anyone else there?",,2015-08-07 09:48:18 -0700,629695572379873280,somewhere in my car,Eastern Time (US & Canada) -768,No candidate mentioned,1.0,yes,1.0,Neutral,0.6637,None of the above,0.6637,,Fore_not_four,,62,,,"RT @RedStateJake: Looking for a new candidate to support after last night's #GOPDebate? - -http://t.co/p7HNjW98Fn - -#Carly2016 #tcot #tlot htt…",,2015-08-07 09:48:18 -0700,629695571712966656,Home,Eastern Time (US & Canada) -769,No candidate mentioned,1.0,yes,1.0,Negative,0.6792,None of the above,1.0,,MrIanMacIntyre,,0,,,"Hands up if you would want to read a sequel to David Brock's ""The Republican Noise Machine"" covering the past 11 years. #GOPDebate",,2015-08-07 09:48:17 -0700,629695570974781441,"Toronto, Ontario", -770,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EdMahmoud,,2,,,RT @stephenmengland: Just read @realDonaldTrump's early morning Twitter rants. . .there are reasons why it's not recommended to mix drugs a…,,2015-08-07 09:48:17 -0700,629695570911739904,Houston,Central Time (US & Canada) -771,No candidate mentioned,1.0,yes,1.0,Neutral,0.664,None of the above,0.6615,,ComedianMarcya,,0,,,"Interesting. If nobody had fact checked, would the candidates have returned the funds? #GOPDebate. #BlackLivesMatter https://t.co/ZIRtDzlklA",,2015-08-07 09:48:17 -0700,629695570702172160,"North Carolina, USA",Eastern Time (US & Canada) -772,No candidate mentioned,0.6607,yes,1.0,Positive,0.6607,None of the above,1.0,,GentlemanRascal,,56,,,"RT @AmandaWills: Personally, this was my favorite moment from last night. #GOPDebate http://t.co/AIvDiPqw5r",,2015-08-07 09:48:17 -0700,629695569255116801,Tennessee , -773,No candidate mentioned,1.0,yes,1.0,Positive,0.6748,Religion,1.0,,gbeck048,,1245,,,"RT @Franklin_Graham: As you watch the #GOPDebate, pray for the future of this nation and that America would turn back to God. #PrayforAmeri…",,2015-08-07 09:48:16 -0700,629695566440607744,, -774,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JimC146,,0,,,"I'm quite certain that the @realDonaldTrump is working for @HillaryClinton. It is his mission to get her elected. - -#GOPDebate",,2015-08-07 09:48:16 -0700,629695563303247872,Ohio,Eastern Time (US & Canada) -775,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Koolmoe21,,1,,,RT @blondieforkeeps: @Koolmoe21 I want a #trump for president shirt!!! #GOPDebate,,2015-08-07 09:48:15 -0700,629695561801797633,Somewhere in Pennsylvania!, -776,Donald Trump,1.0,yes,1.0,Neutral,0.3671,None of the above,1.0,,MsLyriss,,34,,,"RT @larryelder: Trump SHOULD have said, ""If that's how you wish to begin, ask these gentlemen will THEY support ME when I win the nominatio…",,2015-08-07 09:48:15 -0700,629695559385915392,,Eastern Time (US & Canada) -777,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,PozPatrol,,44,,,RT @rabite: The winner is clear: @realDonaldTrump #GOPDebate http://t.co/w2gxqowO4P,,2015-08-07 09:48:15 -0700,629695558853132288,Spergatory,Pacific Time (US & Canada) -778,Donald Trump,1.0,yes,1.0,Positive,0.6643,FOX News or Moderators,1.0,,dare2dream82,,3,,,RT @JaxT0520: Done with @FoxNews after last nights #GOPDebate @megynkelly showed her true colors but @realDonaldTrump shined! #Trump2016,,2015-08-07 09:48:15 -0700,629695558706270208,United States, -779,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BlackPyrotoz,,1,,,RT @Pyrotoz: The #GOPDebate is like watching a bunch of chimps throw their own shit at each other.,,2015-08-07 09:48:14 -0700,629695557880184832,, -780,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,None of the above,0.4689,,PibRm,,0,,,"My thoughts exactly. -#FrothyMixture -#GOPDebate - -http://t.co/xccj3HGJq8",,2015-08-07 09:48:13 -0700,629695553140600832,"New Jersey, USA",Pacific Time (US & Canada) -781,No candidate mentioned,1.0,yes,1.0,Negative,0.6539,Gun Control,1.0,,christine_d11,,2,,,Disappointed (not surprisingly) that the #GOPDebate didn't include talk about #gunviolence. This is unconscionable. http://t.co/FntnF5ZeNU,,2015-08-07 09:48:12 -0700,629695547348226048,,Eastern Time (US & Canada) -782,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,Abortion,0.4539,,Notintheface1,,0,,,"The abortion portion of the #GOPDebate sure degenerated into one big ""Let Mommy Die"" Off, didn't it?",,2015-08-07 09:48:12 -0700,629695546387730432,,Central Time (US & Canada) -783,Ted Cruz,0.4204,yes,0.6484,Positive,0.3516,None of the above,0.4204,,TheVGBlog,,0,,,#GOPDebate: Ted Cruz’s Precious Daughters Steal The Show: There were certainly some “did they really just say ... http://t.co/jzlh4Lrzh4,,2015-08-07 09:48:11 -0700,629695544319852544,,Arizona -784,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RawEthiopian,,0,,,#GOPDebate was a joke,,2015-08-07 09:48:11 -0700,629695543158157312,, -785,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,1.0,,OlmueAnn,,0,,,"After that hilarious #GOPDebate I think the only real candidates are -@HillaryClinton and @BernieSanders http://t.co/c6ulr4O8hE",,2015-08-07 09:48:11 -0700,629695542923292672,"Olmué, Chile",Santiago -786,Donald Trump,0.4205,yes,0.6484,Negative,0.6484,None of the above,0.4205,,norah_s,,3,,,RT @lesleyabravanel: My girl Hillary Clinton whips and nae naes like nobody's business. That's why Trump had to pay her to come to his wedd…,,2015-08-07 09:48:10 -0700,629695540477997057,"ÜT: 1.322264,103.790868",Eastern Time (US & Canada) -787,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,StrivingAlly,,3,,,"RT @Dreamweasel: FOX NEWS: ""Why is a smug, sexist asshole that people support bc he's a smug, sexist asshole acting like a smug, sexist ass…",,2015-08-07 09:48:07 -0700,629695526867374080,Australia,Sydney -788,No candidate mentioned,1.0,yes,1.0,Positive,0.6809,FOX News or Moderators,1.0,,nanaziegler,,10,,,RT @guypbenson: I predicted big ratings for Fox's #GOPDebate. I did not expect they'd be this big... http://t.co/IJseDrcUlZ,,2015-08-07 09:48:07 -0700,629695526787641344,PSL Florida,Quito -789,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MissAustin15,,0,,,I couldn't help myself... Why GOP Candidates Need a Pageant Coach. #GOPDEBATE #BLOG http://t.co/wj05xZksA0 http://t.co/Jpxno0Jo5A,,2015-08-07 09:48:06 -0700,629695523302146049,Dallas, -790,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EscapeVelo,,46,,,RT @k_mcq: Megyn Kelly is acting like an SJW repeating @PPact talking points & taking insults against feminists personally. Waste of space!…,,2015-08-07 09:48:06 -0700,629695521859342336,Twitter, -791,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,matt_boyd_smith,,0,,,Absolutely terrifying. #Trump #GOPDebate http://t.co/m2leGhw8fJ,,2015-08-07 09:48:03 -0700,629695512074133504,Dirty Dirty,Eastern Time (US & Canada) -792,No candidate mentioned,0.4393,yes,0.6628,Negative,0.6628,None of the above,0.4393,,jediane9,,1,,,Ugh to think there were actually people sitting on their couch last night saying YES YES THIS IS REASONABLE. #GOPDebate,,2015-08-07 09:48:03 -0700,629695510857670656,"Golden Valley, MN",Central Time (US & Canada) -793,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,VirginiaMudPie,,147,,,RT @goldengateblond: Megyn Kelly better be careful with her tone or she'll be called the worst thing possible: a feminist. #GOPDebate,,2015-08-07 09:48:03 -0700,629695510849449984,,Central Time (US & Canada) -794,No candidate mentioned,0.4756,yes,0.6897,Positive,0.3448,FOX News or Moderators,0.4756,,LowInfoTweeter,,0,,,"@sallykohn @megynkelly Megyn you are now officially charted on the Moonbat Hit Parade. -#MegynKelly #GOPDebate",,2015-08-07 09:48:03 -0700,629695508852805632,Northern Hemisphere - Earth,Eastern Time (US & Canada) -795,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,borsato79,,0,,,Rand Paul came off as a little petty man with Napoleon complex. Blah #tcot #trump #GOPDebate https://t.co/hzryAMnGsZ,,2015-08-07 09:48:02 -0700,629695507464589312,, -796,No candidate mentioned,0.4311,yes,0.6566,Negative,0.3333,,0.2255,,RedRoadRail,,5,,,"RT @ergeekgoddess: Yo #GOPDebate, I'm really happy for you, I'mma let you finish. But #JonStewart had one of the best TV shows of all time.…",,2015-08-07 09:48:02 -0700,629695504956309504,Missouri & Florida Wisconsin,Mountain Time (US & Canada) -797,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,chksb10,,0,,,Kasich making a better showing so far than I thought he would #GOPDebate,,2015-08-07 09:48:01 -0700,629695501399527424,"California, USA", -798,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,PastorJEarl,,15,,,RT @ColinPClarke: Combating #ISIS big topic in #GOPDebate. Our analysis based on all insurgencies since WWII http://t.co/kpq07uPyrS http://…,,2015-08-07 09:48:01 -0700,629695501282119680,"Pineola, N.C.", -799,Mike Huckabee,0.6444,yes,1.0,Positive,1.0,None of the above,1.0,,YMcglaun,,3,,,RT @sarahbh319: @OneRationale I'm on the fence between Huckabee and Cruz. Honorable mention to Rubio. #GOPDebate,,2015-08-07 09:48:01 -0700,629695500007174145,, -800,Donald Trump,1.0,yes,1.0,Negative,0.3778,FOX News or Moderators,0.6222,,philgbear,,0,,,How dare @megynkelly ask @realDonaldTrump his history of being a male chauvinist! Do we expect our president to have integrity?! #GOPDebate,,2015-08-07 09:48:00 -0700,629695496899014657,"Boise, ID", -801,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.4444,,emmagracemoon,,13,,,"RT @clairechansen: Hey Trump, refraining calling women ""fat pigs"" and ""whores"" isn't being politically correct, it's being a decent human. …",,2015-08-07 09:48:00 -0700,629695495712014336,, -802,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6765,,thesweetestnerd,,412,,,RT @JesseCox: This just in: women have less rights then babies. #GOPDebate,,2015-08-07 09:47:59 -0700,629695495271751682,, -803,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,KarenHoy1,,3946,,,RT @AdamSmith_USA: democrats watching the #GOPDebate http://t.co/MuSUto1iRh,,2015-08-07 09:47:58 -0700,629695489819066368,Nanaimo, -804,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,msann43,,39,,,RT @NicoleT_E86: @megynkelly @FrankLuntz I used to like you but not anymore. You should read the tweets - you did an awful job tonight. #GO…,,2015-08-07 09:47:58 -0700,629695488510558209,"Louisiana, USA",Central Time (US & Canada) -805,Jeb Bush,0.4311,yes,0.6566,Positive,0.6566,None of the above,0.4311,,Paul_Lindsay,,0,,,Jeb Bush: a proven conservative record & proven record of winning #gopdebate https://t.co/vN45Hf6YEM,,2015-08-07 09:47:57 -0700,629695486459424768,"Washington, DC",Eastern Time (US & Canada) -806,Donald Trump,0.6829,yes,1.0,Neutral,0.6829,None of the above,1.0,,SethBlanchard,,1,,,RT @samugranados: Robert Costa / David Weigel breaking down the #GOPdebate in this neat presentation by @Tan_Shelly @SethBlanchard http://…,,2015-08-07 09:47:57 -0700,629695486170107904,Washington D.C.,Quito -807,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,0.6977,,ChinkyKayla,,2,,,"RT @hwrudulph: Take a break from the #GOPDebate and reminisce with me on the awesome, groundbreaking badassery of #QueenLatifah. http://t.c…",,2015-08-07 09:47:57 -0700,629695486056771584,"Sacramento, CA",Alaska -808,Scott Walker,0.4689,yes,0.6848,Negative,0.6848,Abortion,0.4689,,elvislver56,,12,,,RT @TheBaxterBean: Scott Walker Forces Women To Carry Rapists’ Pregnancies & Let Men Sue Over Abortion #GOPDebate http://t.co/yziVIpQAnx @B…,,2015-08-07 09:47:57 -0700,629695485884829696,"Garden Grove, Ca", -809,Donald Trump,1.0,yes,1.0,Negative,0.6848,Women's Issues (not abortion though),0.6848,,casey_salazar,,124,,,"RT @monaeltahawy: And was cheered! Shame, #GOPDebate: Trump responds to Megyn Kelly's questions on misogyny – with more misogyny http://t.c…",,2015-08-07 09:47:57 -0700,629695485805133824,, -810,No candidate mentioned,1.0,yes,1.0,Negative,0.6509,None of the above,1.0,,LWAYNECAMP,,0,,,The #GOPDebate in 6 seconds: https://t.co/8hZOwUufpo,,2015-08-07 09:47:57 -0700,629695485390024704,"Richmond, VA",Eastern Time (US & Canada) -811,Marco Rubio,1.0,yes,1.0,Neutral,0.6304,Jobs and Economy,0.7065,,Pasco4Bernie,,8,,,RT @TheBaxterBean: Marco Rubio Plans To Help Wall Street Profit Off College Students' Future Earnings http://t.co/KowXcW9IbC #GOPDebate htt…,,2015-08-07 09:47:57 -0700,629695485348069376,"Land O' Lakes, FL",Pacific Time (US & Canada) -812,Mike Huckabee,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,2ward4ward,,14,,,"RT @ShannonBream: The donor class feeds the political class, govt keeps getting bigger - says @GovMikeHuckabee #GOPdebate",,2015-08-07 09:47:56 -0700,629695482273476608,"California, USA",Pacific Time (US & Canada) -813,Ted Cruz,0.41600000000000004,yes,0.645,Positive,0.645,None of the above,0.41600000000000004,,nevagphx1,,2,,,"@CarlyFiorina Magnificent at the first #GOPDebate. I support Ted Cruz as POTUS, but would support you as running mate or POTUS. HONESTY!",,2015-08-07 09:47:56 -0700,629695482223157248,U.S.A. ,Arizona -814,Marco Rubio,0.4233,yes,0.6506,Negative,0.6506,None of the above,0.4233,,MainStreetWkly,,1,,,RT @einial: Did Rubio's ears get bigger during this debate? #GOPDebate,,2015-08-07 09:47:56 -0700,629695481619218432,Washington #TheDistrict D.C., -815,John Kasich,0.684,yes,1.0,Neutral,0.653,None of the above,1.0,,FreedomJames7,,0,,,"Kasich/Williams 2016 -#GOPDebate http://t.co/qdDoqyX0IP",,2015-08-07 09:47:56 -0700,629695481531207680,, -816,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Azn_CyberSleuth,,0,,,The First #GOPDebate: Social Media Reaction and More http://t.co/sBvY8iiruF,,2015-08-07 09:47:56 -0700,629695481380257792,"Chicago, IL",Central Time (US & Canada) -817,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Joey_Sterrett,,1,,,RT @murphttam: Miss the #GOPDebate last night? Don't fear! I've got you covered with a recap https://t.co/mdI4JzVabp,,2015-08-07 09:47:56 -0700,629695481359175680,"Philadelphia, PA", -818,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,joehudsonsmall,,1,,,"""Would you really let a mother die, rather than have an abortion?"" - -Was seriously being asked of a presidential hopeful in 2015. #GOPdebate",,2015-08-07 09:47:55 -0700,629695477064310784,"Worcester/Manchester, UK",London -819,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AnitaFinlay,,0,,,".@TajMagruder Say it with me, GOP: Bashing .@HillaryClinton is not a campaign platform! #GOPDebate",,2015-08-07 09:47:55 -0700,629695476573450241,,Pacific Time (US & Canada) -820,Donald Trump,0.435,yes,0.6596,Neutral,0.3404,None of the above,0.435,,califortrump,,20,,,RT @DanScavino: ICYMI: @realDonaldTrump on @Morning_Joe @morningmika discussing #GOPDebate #Trump2016 #MakeAmericaGreatAgain https://t.co/…,,2015-08-07 09:47:55 -0700,629695476015607809,"Los Angeles, CA", -821,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CblGuyChris,,0,,,@KyleBrandt in the #GOPDebate Fox made @megynkelly play the womens victim she wasn't professional. She was a raging B all night,,2015-08-07 09:47:54 -0700,629695474316873728,"beaverton, or",Pacific Time (US & Canada) -822,Donald Trump,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,jennpozner,,0,,,"Early2000s: I did political theater w/""Billionaires for Bush (or Gore)"" re corruption of $ in politics. #GOPDebate Trump: ""I buy 'em all!""",,2015-08-07 09:47:54 -0700,629695474237374464,"Brooklyn, NY",Eastern Time (US & Canada) -823,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,flo09432,,11,,,RT @realOBF: God is up next on the #GOPDebate ... http://t.co/tUdL2F7Zs1,,2015-08-07 09:47:52 -0700,629695466117029888,Boston, -824,No candidate mentioned,0.442,yes,0.6649,Neutral,0.6649,None of the above,0.442,,mhansle,,40,,,"RT @WStachelberg: Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/1mbeTsRSrI",,2015-08-07 09:47:52 -0700,629695464586129408,JAM →CAN →JPN, -825,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2292,,Darediva1069,,271,,,RT @TinyMuslimah: Everybody wanna be a Jesus freak till it's time to feed the poor. #GOPDebate,,2015-08-07 09:47:52 -0700,629695462203899904,The Cosmos, -826,No candidate mentioned,0.4123,yes,0.6421,Negative,0.3263,None of the above,0.4123,,WintermuteNight,,10,,,RT @johneberkowitz: This sums up the #GOPDebate perfectly. http://t.co/d6p2W69Ea5,,2015-08-07 09:47:50 -0700,629695457091002368,Sol-3,Central Time (US & Canada) -827,Donald Trump,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,1walshcRc,,69,,,RT @BBCJonSopel: Listening to Donald #Trump2016 you get impression he could start a fight in an empty room #GOPDebate,,2015-08-07 09:47:50 -0700,629695456608669696,Leicester,London -828,Donald Trump,0.6489,yes,1.0,Negative,1.0,None of the above,1.0,,GaryLaprell,,2,,,"RT @TheFriddle: I miss the days when conservatives wanted a @GOP Presidential candidate who was, you know, a conservative... #Trump #GOPDeb…",,2015-08-07 09:47:50 -0700,629695454922477568,"Colorado, USA", -829,Chris Christie,0.4218,yes,0.6495,Neutral,0.6495,None of the above,0.4218,,Zemrag7,,0,,,Heard clip from #GopDebate about #NSA w/ #Christie & #Paul . #Christie supports #NSA past actions.So he agrees w/#Obama & #Democrats right?,,2015-08-07 09:47:50 -0700,629695453995491328,#MichiAna #Oklahoma #Kansas,Eastern Time (US & Canada) -830,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6999,,EscapeVelo,,40,,,"RT @Tombx7M: Will someone please tell Megyn it's not about her. -#kellyfile #GOPDebate",,2015-08-07 09:47:49 -0700,629695452670070784,Twitter, -831,No candidate mentioned,1.0,yes,1.0,Neutral,0.6696,None of the above,1.0,,TwoSeamGripe,,0,,,"""But what about the next 10 words?"" - @Pres_Bartlet #GOPDebate",,2015-08-07 09:47:49 -0700,629695450849918976,"Washington, DC",Pacific Time (US & Canada) -832,No candidate mentioned,1.0,yes,1.0,Neutral,0.6941,None of the above,1.0,,maddarilke,,0,,,THIS. #GOPDebate #GOPClownCar https://t.co/ED40f1ZIFY,,2015-08-07 09:47:48 -0700,629695446789681152,Miami,Eastern Time (US & Canada) -833,No candidate mentioned,1.0,yes,1.0,Positive,0.6785,FOX News or Moderators,1.0,,ANDIkNOCKed,,0,,,I hate that I missed the #GOPDebate last night but these @FoxNews high lights are on point. 🐘🇺🇸,,2015-08-07 09:47:47 -0700,629695443904016384,"Salt Lake City, Utah",Quito -834,Chris Christie,1.0,yes,1.0,Negative,0.6662,None of the above,1.0,,drewbaxta,,0,,,Fuck it last one and I'm done #GOPDebate #ChrisChristie http://t.co/QAmUqbetDc,,2015-08-07 09:47:46 -0700,629695438522691584,"Los Angeles, CA ",Pacific Time (US & Canada) -835,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ChristenDellett,,7,,,"RT @brian_mcgill: Fantastic statistical breakdown of the #GOPdebate from @randyyeip, @stuartathompson last night.http://t.co/dbGL8GdFPb htt…",,2015-08-07 09:47:45 -0700,629695435611967492,South,Central Time (US & Canada) -836,Donald Trump,0.6859999999999999,yes,1.0,Negative,0.6279,Women's Issues (not abortion though),0.6859999999999999,,EscapeVelo,,43,,,"RT @k_mcq: Megyn Kelly on Trump: “He can’t just keep just going after everyone attacks him!” Yes, he can, Ms. ""I’m Offended!"" Feminist. #GO…",,2015-08-07 09:47:44 -0700,629695430511595521,Twitter, -837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kiley481,,0,,,beeteedubs. If you have to play 'Lesser-of-17-Evils' with your party ... perhaps you need a new party. #p2 #tcot #GOPDebate,,2015-08-07 09:47:44 -0700,629695429467316224,"Washington, DC", -838,No candidate mentioned,1.0,yes,1.0,Positive,0.65,None of the above,1.0,,AlexisinNH,,4,,,"Two debates, one winner: Carly http://t.co/piewA1JCcc #Carly2016 #GOPDebate",,2015-08-07 09:47:42 -0700,629695424333524993,Live Free Or Die,Eastern Time (US & Canada) -839,John Kasich,1.0,yes,1.0,Negative,0.6624,None of the above,1.0,,KarenCrow6,,1,,,"RT @FreedomJames7: John Kasich Is A RINO. -#GOPDebate",,2015-08-07 09:47:42 -0700,629695422164905984,, -840,Donald Trump,0.6686,yes,1.0,Neutral,0.6336,None of the above,1.0,,jorgebetny,,1,,,RT @LeticiaEstrada: Did anyone see this last night #gopdebate #trump https://t.co/aU20dYdoWh,,2015-08-07 09:47:42 -0700,629695420592201728,New York!!!,Eastern Time (US & Canada) -841,Mike Huckabee,0.3974,yes,0.6304,Neutral,0.6304,,0.233,,ChalkArtist,,4,,,RT @alicetweet: Coming up: @govmikehuckabee on @FoxBusiness re: #GOPDebate http://t.co/jSLiarDFCO,,2015-08-07 09:47:42 -0700,629695420462010368,"Ottumwa, Iowa",Central Time (US & Canada) -842,No candidate mentioned,1.0,yes,1.0,Negative,0.6631,None of the above,0.6471,,SierraCarson,,131,,,RT @Number10cat: I'm just glad there isn't a swimsuit round #GOPDebate http://t.co/tiTzlo93OF,,2015-08-07 09:47:41 -0700,629695419036139520,Fayettechill/ 'Homa,Eastern Time (US & Canada) -843,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.449,,GodsDontExist,,0,,,#Petition: Exclude Megyn Kelly As A Host From Future Fox News Debates: https://t.co/DxnjJUXeLe (@change) #GOPDebate #debate #MegynKelly #GOP,,2015-08-07 09:47:41 -0700,629695418872430592,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -844,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,AlasdairDenvil,,0,,,"Why can't our debates be more like the Founding Fathers? - -http://t.co/01KulhlXSK - -#GOPDebate -#LNYHBT #TLOT #TCOT #P2",,2015-08-07 09:47:41 -0700,629695417207402496,, -845,Donald Trump,0.6277,yes,1.0,Neutral,0.6809,None of the above,1.0,,edjschenk,,0,,,@TheRightScoop well @FrankLuntz focus group certainly doesn't match today's #GOPDebate polls,,2015-08-07 09:47:39 -0700,629695407849873408,Twinsburg OH,Eastern Time (US & Canada) -846,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,NoChillAlexis,,15,,,"RT @docrocktex26: This is who wants to ""lead"" your country. This is who wants to make decisions on your behalf. This was their opening case…",,2015-08-07 09:47:39 -0700,629695407686316032,Chicago ✈️ Trampa Flawdaaaa ,Eastern Time (US & Canada) -847,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kimberlyann274,,327,,,"RT @deray: Scott Walker is dangerous. He is deep in his own world and is most comfortable there, it seems. Dangerous. #GOPDebate",,2015-08-07 09:47:38 -0700,629695405085868032,,Eastern Time (US & Canada) -848,No candidate mentioned,0.6347,yes,1.0,Negative,0.6347,None of the above,1.0,,ShrinkGov,,1,,,"Lets not pretend the bar for POTUS is very high now. Its somewhere between sh*t and syphilis -#GOPDebate #tcot",,2015-08-07 09:47:37 -0700,629695402715934720,Republic of Texas,Central Time (US & Canada) -849,No candidate mentioned,1.0,yes,1.0,Negative,0.6767,Jobs and Economy,0.6825,,SeaBassThePhish,,1,,,S/O to the GOP for being proud of defeating teachers union even though they just wanted higher wages #GOPDebate,,2015-08-07 09:47:37 -0700,629695401952718848,,Eastern Time (US & Canada) -850,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,0.6848,,alexandraheuser,,1,,,GOOD POINT Wait 'til you hear him in a SERIOUS Debate! #GOPDebate #FoxNews https://t.co/IGhQI3LgH9,,2015-08-07 09:47:37 -0700,629695399259996160,America, -851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6566,,JLSigman,,4,,,"RT @TananariveDue: As @ShaunKing pointed out, #GOPDebate had a huge audience of POC ready to learn. What we learned was mostly just scary. …",,2015-08-07 09:47:36 -0700,629695397389144064,"Columbia, SC",Quito -852,Scott Walker,0.4344,yes,0.6591,Negative,0.6591,,0.2247,,revtim1911,,38,,,RT @theblaze: Pundits incensed over @megynkelly's abortion question for @ScottWalker during #GOPDebate: http://t.co/m8hAmUusrZ,,2015-08-07 09:47:36 -0700,629695395065561088,, -853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Swearengen95,,0,,,I don't give a flying fuck about what Hollywood celebs think about last night's #GOPDebate. They know who they want to win already. F-them.,,2015-08-07 09:47:35 -0700,629695392184168448,Pittsburgh,Eastern Time (US & Canada) -854,Donald Trump,1.0,yes,1.0,Neutral,0.6915,None of the above,1.0,,tincase,,35,,,"RT @fakedansavage: Trump: ""If I'm the nominee, I will not run as an independent."" #GOPDebate",,2015-08-07 09:47:33 -0700,629695386232471552,toronto,Eastern Time (US & Canada) -855,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6477,,eadswins,,1,,,RT @PersianPolitik: @woodruffbets @thedailybeast And you just proved @realDonaldTrump point on bad journalists from the #GOPDebate can't ev…,,2015-08-07 09:47:33 -0700,629695382860247040,, -856,Donald Trump,1.0,yes,1.0,Negative,0.6602,FOX News or Moderators,1.0,,Brent_Burch,,7,,,"RT @ChadHastyRadio: Really, the only people who seem upset with @BretBaier & @megynkelly & FOX are the people who backed Trump. #GOPDebate",,2015-08-07 09:47:33 -0700,629695382503714816,, -857,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3601,,andreafed,,1,,,@Deb_Libby Half the Republican base has dementia. They probably found it riveting (when not confusing the TV w/the toaster). #GOPDebate,,2015-08-07 09:47:32 -0700,629695381920616448,Southern California,Central Time (US & Canada) -858,No candidate mentioned,0.6714,yes,1.0,Negative,0.6714,None of the above,1.0,,sototallyblahh,,866,,,"RT @marcorubio: This election better be about the future, not the past. #GOPDebate",,2015-08-07 09:47:32 -0700,629695380490469376,813-205, -859,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6842,,shananigins15,,0,,,"I don't agree with @megynkelly but she is by no means a bimbo, #DonaldTrump. -As a woman, I find Trump's comments disgusting. -#GOPDebate",,2015-08-07 09:47:30 -0700,629695371762012160,Earth,Eastern Time (US & Canada) -860,Chris Christie,1.0,yes,1.0,Negative,0.6707,None of the above,1.0,,kimberlyann274,,206,,,RT @deray: Christie comes across as a bully. But the bully that reminds you that he hurts people because it's in their best interests. #GOP…,,2015-08-07 09:47:28 -0700,629695365583892480,,Eastern Time (US & Canada) -861,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bridoc,,0,,,"Chris Christie tried to wrap himself in 9/11 (Giuliani-style) during the #GOPdebate. In doing so, he lied, twice. http://t.co/y6mUdmr66P",,2015-08-07 09:47:28 -0700,629695361494462465,"Washington, DC",Eastern Time (US & Canada) -862,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EscapeVelo,,103,,,"RT @k_mcq: It’s embarrassing that a brilliant, stunning woman like Megyn Kelly uses SJW, feminist propaganda to attack Republicans. #GOPDeb…",,2015-08-07 09:47:27 -0700,629695359338438656,Twitter, -863,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,DebndanfarrDeb,,7,,,RT @Kerryepp: A debate should be between 2 candidates. Not between a candidate and a moderator. The moderators should be time keepers only.…,,2015-08-07 09:47:27 -0700,629695358721880064,, -864,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Abortion,0.6774,,pete_908,,0,,,"#GOPDebate why do politicians stick to the same old topics, pro-life, pro-choice? gay marriage. Let it go..These are personal choices!",,2015-08-07 09:47:25 -0700,629695351121911809,NY,Eastern Time (US & Canada) -865,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kanova,,0,,,"I mean, why should it matter if the questions were unfair? You didn't bother answering them anyway @realDonaldTrump #GOPDebate",,2015-08-07 09:47:25 -0700,629695350748614656,"Atlanta, GA, USA",Eastern Time (US & Canada) -866,No candidate mentioned,0.4689,yes,0.6848,Positive,0.6848,None of the above,0.4689,,unclejer1960,,242,,,"RT @peddoc63: Go Carly📢 -Go Carly📢 -Go Carly📢 -@CarlyFiorina #Carly2016 #GOPDebate -@steph93065 @MaydnUSA http://t.co/Pk45i5Zvk0",,2015-08-07 09:47:25 -0700,629695349397925888,Avondale, -867,Rand Paul,0.4123,yes,0.6421,Neutral,0.3263,None of the above,0.4123,,WBBIIISRA,,0,,,Todd Palin & Rand Paul have closed down a Senor Frogs in Puerto Vallarta together after a day of rigorous jet skiing #GOPDebate,,2015-08-07 09:47:24 -0700,629695345891524608,The gym...,Mountain Time (US & Canada) -868,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tnjg1964,,1,,,RT @Didikatz: Mistake to think #GOPDebate would be fun. Seeing deep sickness US conservatism has become bastardized & spawned by @FoxNews v…,,2015-08-07 09:47:23 -0700,629695344155213824,"Green Bay, Wisconsin", -869,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,niceredhead,,0,,,"#GOPDebate Was interesting to watch, some candidates had some good points about the how the economy has change in the 10 yrs .",,2015-08-07 09:47:23 -0700,629695342594818048,minnesota,Central Time (US & Canada) -870,John Kasich,1.0,yes,1.0,Positive,0.6679,None of the above,1.0,,pragmaticgop,,0,,,"Debate Preformances: -Kasich A- -Rubio A- -Carson B+ -Christie B+ -Trump B -Bush B -Cruz B- -Huckabee B- -Paul C+ -Walker C -#GOPDebate #Kasich #Rubio",,2015-08-07 09:47:23 -0700,629695341487632388,,Eastern Time (US & Canada) -871,Donald Trump,0.4207,yes,0.6486,Neutral,0.3401,None of the above,0.4207,,LinFlies,,1,,,RT @WND_TXT: #Trump is a man who is Substance.A fighter.The Intellectual Class will never be able to understand a hands on person like Tru…,,2015-08-07 09:47:23 -0700,629695341000982528,"San Diego, CA USA",Pacific Time (US & Canada) -872,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,LAWriter,,0,,,Donald Trump Clashes With Megyn Kelly During #GOPDebate (Video) https://t.co/k8h5CZrYMW,,2015-08-07 09:47:22 -0700,629695339730046976,"Los Angeles, CA",Pacific Time (US & Canada) -873,No candidate mentioned,1.0,yes,1.0,Positive,0.3448,LGBT issues,0.6552,,_gunnoe_ya_know,,1972,,,"RT @PhillyD: I went to a gay wedding. -""Applause"" -And there were black people there too! -""Standing ovation"" -#GOPDebate",,2015-08-07 09:47:21 -0700,629695334952910848,, -874,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,pocarles,,0,,,"After #GOPDebate, @realDonaldTrump still #1 with Twitter but loosing ground. http://t.co/tXiMY82SOQ http://t.co/cVclcb6UBM",,2015-08-07 09:47:19 -0700,629695325834342400,"Palm Beach, Florida",Eastern Time (US & Canada) -875,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Foreign Policy,1.0,,3694d4b138274a5,,422,,,"RT @kumailn: ""We have the military for a reason. To fuck shit up!!!"" #GOPDebate",,2015-08-07 09:47:19 -0700,629695324341280768,, -876,Donald Trump,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,greenspaceguy,,0,,,@joshtpm #GOPDebate https://t.co/AyxbtXwsKR … Money Can't Buy Me Love? Or Can It? -D Trump #Quote,,2015-08-07 09:47:18 -0700,629695323502415872,Michigan,Central Time (US & Canada) -877,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Pavlova__,,64,,,RT @Writeintrump: Jeb Bush refers to himself as Vito Corleone. I always thought he was Fredo. #GOPDebate,,2015-08-07 09:47:18 -0700,629695320713244672,,Amsterdam -878,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Women's Issues (not abortion though),0.358,,miss_articulate,,570,,,"RT @maureenjohnson: ""Women or guns? Which are the most people?"" #GOPDebate",,2015-08-07 09:47:18 -0700,629695320407023616,Pennsylvania,Eastern Time (US & Canada) -879,Donald Trump,0.6471,yes,1.0,Negative,1.0,None of the above,1.0,,Tylaskan,,332,,,RT @TamaraCG: My new favorite gif is perfect. #GOPDebate http://t.co/uKdZ8O85Av,,2015-08-07 09:47:17 -0700,629695318242775040,Proverbs 31:25,Eastern Time (US & Canada) -880,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6628,,donitalulu,,112,,,RT @Wordplay4Days: @Dreamdefenders were censored for taking these candidates ACTUAL words and posting these. #KKKorGOP #GOPDebate http://t.…,,2015-08-07 09:47:16 -0700,629695314287587328,, -881,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RBesier,,1,,,"RT @learjetter: #FOXNEWS used crazy> @DWStweets to stir the #drama pot, and that's unprofessional! @FoxNews #GOPDebate - -@JulietteIsabell @…",,2015-08-07 09:47:16 -0700,629695314102870016,Houston, -882,No candidate mentioned,0.4664,yes,0.6829999999999999,Neutral,0.3678,None of the above,0.2512,,mhansle,,33,,,RT @ykhong: Instagram took down @dreamdefenders website for posting real quotes from the #GOPdebate wi… http://t.co/5rEByRJgcK http://t.co/…,,2015-08-07 09:47:16 -0700,629695313188491264,JAM →CAN →JPN, -883,Donald Trump,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,TheGooseFraba,,399,,,"RT @TheMattFowler: “Mr. Trump, this next question is for you. Please explain this pathetic taking of the Stone Cold Stunner” #GOPDebate htt…",,2015-08-07 09:47:16 -0700,629695311724703744,Texas,Central Time (US & Canada) -884,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3333,,JamesRiley2,,197,,,"RT @AmyMek: The ONLY way @realDonaldTrump will ever be treated fairly by the media -> - -#GOPDebate http://t.co/5wYduo9v2K",,2015-08-07 09:47:15 -0700,629695311087140866,,Eastern Time (US & Canada) -885,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StitchJonze,,0,,,@realDonaldTrump hires actors for his announcement. How many did he pay to click the @DRUDGE_REPORT survey ? #GOPDebate #Trump,,2015-08-07 09:47:15 -0700,629695311057977344,ΜΟΛΩΝ ΛΑΒΕ,Eastern Time (US & Canada) -886,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ResearchRatCT,,5,,,"RT @libertyladyusa: Yes ma'am @ConservVoice @KerryPicket ~> @megynkelly Megyn you disappointed me! - -#GOPDebate 🇺🇸",,2015-08-07 09:47:14 -0700,629695306674909184,, -887,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MrGusStefano,,88,,,"RT @theLadyGrantham: Don't be Donald Trump dear, it's very middle class. #GOPDebate",,2015-08-07 09:47:13 -0700,629695299108384768,Rio de Janeiro, -888,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,debrajsaunders,,0,,,#GOPdebate: Trump trumps Trump. @realDonaldTrump was biggest loser. http://t.co/I4T3C2GMZO via @SFGate,,2015-08-07 09:47:12 -0700,629695295169757184,San Francisco Chronicle, -889,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,MikeT_CT,,0,,,"I want to point on one more time, that a real question, in a real presidential debate was ""what did God say to you?"" #GOPDebate",,2015-08-07 09:47:12 -0700,629695294653997056,"Connecticut, USA",Eastern Time (US & Canada) -890,Marco Rubio,1.0,yes,1.0,Negative,1.0,Abortion,0.3755,,elvislver56,,12,,,RT @TheBaxterBean: Marco Rubio: Constitutional Right To Choose Was 'Egregiously Flawed Decision' http://t.co/U63WRh7mXN #GOPDebate http://t…,,2015-08-07 09:47:12 -0700,629695294427410433,"Garden Grove, Ca", -891,Scott Walker,1.0,yes,1.0,Positive,0.6279,Jobs and Economy,1.0,,RedRoadRail,,0,,,Scott Walker's Wisconsin Is Seeing The Fastest Shrinking Middle Class In America http://t.co/zoPokedb8L #GOPDebate #VotersFirst #Trump2016,,2015-08-07 09:47:11 -0700,629695294054109184,Missouri & Florida Wisconsin,Mountain Time (US & Canada) -892,No candidate mentioned,0.6235,yes,1.0,Negative,1.0,None of the above,1.0,,imoore8904,,0,,,His supporters don't seem to care he's just as corrupt as the politicians he calls stupid. #GOPDebate https://t.co/8jnMnzSZBk,,2015-08-07 09:47:11 -0700,629695293584445440,United States,Pacific Time (US & Canada) -893,No candidate mentioned,0.4101,yes,0.6404,Negative,0.6404,,0.2303,,MisteProgram,,0,,,"#gopdebate Carly Fiorina called Hillary a liar 3x on @Hardball_Chris -Then not more than 5 minutes later, she says she never did that -#Liar",,2015-08-07 09:47:10 -0700,629695287968276480,,Eastern Time (US & Canada) -894,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MC_Stephenson,,0,,,"I know the audience erupted last night re: @realDonaldTrump and Rosie line of ques, but how could you want that guy for a Prez? #GOPDebate",,2015-08-07 09:47:10 -0700,629695287741710336,"Austin, TX",Quito -895,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JohnPaulPedraza,,0,,,Winners of #GOPDebate Sen. @MarcoRubio & Former @HP CEO @CarlyFiorina by far best Republican Presidential Candidates http://t.co/v9QDpMpkK4,,2015-08-07 09:47:10 -0700,629695287108374528,#Miami & #Colombia,Eastern Time (US & Canada) -896,No candidate mentioned,1.0,yes,1.0,Neutral,0.6403,None of the above,1.0,,CheleM14,,79,,,RT @NancyLeeGrahn: This #GOPDebate is a giant commercial for @HillaryClinton for President. Thank you God.,,2015-08-07 09:47:09 -0700,629695284948250624,, -897,No candidate mentioned,1.0,yes,1.0,Positive,0.3677,None of the above,1.0,,gedda,,40,,,RT @daveanthony: Chewbacca should be up there just roaring every once in a while. Would fit right in. #GOPDebate,,2015-08-07 09:47:09 -0700,629695283220344832,Sweden,Stockholm -898,No candidate mentioned,1.0,yes,1.0,Neutral,0.6708,None of the above,1.0,,EscapeVelo,,0,,,#GOPDebate Field seems terrified of mentioning Obama in a negative light.,,2015-08-07 09:47:09 -0700,629695283065008128,Twitter, -899,Donald Trump,0.6882,yes,1.0,Negative,0.6452,None of the above,1.0,,garrulous34,,0,,,"'Political Correctness' is a vile term, and people who invoke it as a slur are cowards. #GOPDebate http://t.co/n8pu1zOVBh",,2015-08-07 09:47:09 -0700,629695282322640896,California,Pacific Time (US & Canada) -900,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,allen1006,,0,,,established #GOPDebate afraid someone willing to tell the truth would shake DC up https://t.co/MIa5T8YSWP,,2015-08-07 09:47:08 -0700,629695281605427200,,Eastern Time (US & Canada) -901,Rand Paul,0.6595,yes,1.0,Negative,0.6936,Foreign Policy,0.6469,,Pavlova__,,65,,,"RT @Writeintrump: I knew the war in Iraq was a bad idea, just like I knew letting that blind guy cut Rand Paul's hair was a bad idea. #GOP…",,2015-08-07 09:47:07 -0700,629695277004423169,,Amsterdam -902,No candidate mentioned,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,Clever_Otter,,0,,,"Yay, social issues next!!! #GOPDebate",,2015-08-07 09:47:07 -0700,629695276383514624,Earth,Mountain Time (US & Canada) -903,No candidate mentioned,0.3943,yes,0.6279,Negative,0.6279,None of the above,0.3943,,WallSarawall38,,3,,,RT @ArtIsWarUSA: #Democrats say Hail Hitlery #Socialist #DeathByDemocrat #Election2016 #StopHillary #GOPDebate #nazi #liberallogic http://t…,,2015-08-07 09:47:06 -0700,629695270180265984,"South Carolina, USA", -904,No candidate mentioned,1.0,yes,1.0,Negative,0.7021,Abortion,0.7021,,Living400lbs,,47,,,"RT @Elevat0rLady: Hopped on FB, and saw my friends recap of the #GOPDebate ... She wins. http://t.co/tpszBViD8O",,2015-08-07 09:47:06 -0700,629695269295099904,"Seattle, WA",Pacific Time (US & Canada) -905,No candidate mentioned,1.0,yes,1.0,Negative,0.6781,FOX News or Moderators,0.3521,,AndreaUpadhya,,58,,,"RT @Mammals_Suck: I am shocked* that over an hour into the #GOPDebate & there have been no Qs about Police Brutality & #BlackLivesMatter - -…",,2015-08-07 09:47:05 -0700,629695265352478720,"Fort Worth, TX",Central America -906,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DWHignite,,0,,,"Maybe tweeting is just not your game. I know! Let's have a spelling contest with #profanity..U win #GOPDebate - https://t.co/9TaLiqmeZH",,2015-08-07 09:47:04 -0700,629695263452626944,, -907,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,DDRod,,1,,,"RT @JeffSimmons2050: #GOPDebate takeaway – Presence Matters. I see presence as a blend of believability, articulation of #integrity w/ edg…",,2015-08-07 09:47:04 -0700,629695262781501440,Indianapolis,Eastern Time (US & Canada) -908,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NathanCJohnson,,0,,,Carly Fiorina Runs Circles Around Chris Matthews Over Hillary's Record - YouTube https://t.co/B9P8WG3ixz #GOPDebate,,2015-08-07 09:47:04 -0700,629695262764576768,Michigan,Eastern Time (US & Canada) -909,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ariannaisgone,,122,,,RT @JRehling: #GOPDebate Donald Trump is what Bruce Wayne would have turned into if his parents lived.,,2015-08-07 09:47:03 -0700,629695259996495873,Konoha,Pacific Time (US & Canada) -910,No candidate mentioned,1.0,yes,1.0,Positive,0.3563,None of the above,1.0,,paladinette,,1,,,"RT @jphoganorg: After #GOPDebate #FeelTheBern can step over fallen #Hillary2016 -#Justice #FBI #FEC to dissect too of 22nd Amendment: http:/…",,2015-08-07 09:47:03 -0700,629695258150834176,"Yukon, Oklahoma",Central Time (US & Canada) -911,Scott Walker,1.0,yes,1.0,Negative,0.6632,None of the above,0.6421,,asyaakca22,,40,,,"RT @ali: I've compiled a chart based on polling rank versus time allotted to speak at the #GOPDebate. Walker, Paul most robbed http://t.co/…",,2015-08-07 09:47:03 -0700,629695257605705728,,Eastern Time (US & Canada) -912,No candidate mentioned,0.4642,yes,0.6813,Neutral,0.6813,None of the above,0.4642,,BradBannon,,1,,,"""Was GOP Debate a Campaign Preview or Rearview?"" by @BradBannon on @LinkedIn https://t.co/n0mko8qQIE #UniteBlue #P2 #POTUS #GOPDebate #RSG15",,2015-08-07 09:47:02 -0700,629695253906333696,"Washington, D.C",Eastern Time (US & Canada) -913,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,queenofattolia,,643,,,RT @richardhine: Joe Biden watching the #GOPDebate http://t.co/6y2aXgITms,,2015-08-07 09:47:01 -0700,629695251481923584,"Los Angeles, CA",Pacific Time (US & Canada) -914,Donald Trump,0.46399999999999997,yes,0.6812,Negative,0.6812,None of the above,0.2393,,ShadowBard,,1,,,"American women take note: When @@realDonaldTrump justified his piggish attacks on women at the #GOPDebate, not 1 man on stage called him out",,2015-08-07 09:47:00 -0700,629695247744954368,Chicago,Central Time (US & Canada) -915,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,Abortion,0.3923,,secretrowbrina,,1753,,,"RT @feministabulous: If you ""hate abortion"" then you shouldn't defund Planned Parenthood because that's a surefire way to increase abortion…",,2015-08-07 09:47:00 -0700,629695247165947904,rowbrina follows, -916,No candidate mentioned,1.0,yes,1.0,Positive,0.6457,None of the above,0.6457,,LeeSutton4,,71,,,RT @LeahRBoss: @CarlyFiorina spanked the boys tonight. She wasn't even on my radar. Is now. #GOPDebate,,2015-08-07 09:47:00 -0700,629695244645240832,, -917,Chris Christie,1.0,yes,1.0,Neutral,0.6369,None of the above,0.6369,,mideastcafe,,8,,,RT @indranibala: Chris Christie currently using this case to bolster his campaign for presidency. #GOPDebate https://t.co/YGMULdG8N2,,2015-08-07 09:46:59 -0700,629695243030499329,"Atlanta, Georgia",Eastern Time (US & Canada) -918,Jeb Bush,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,TisMadameK,,0,,,Jeb looks like Beavis when he smiles. #GOPdebate,,2015-08-07 09:46:58 -0700,629695239771529216,Liquor aisle.,Eastern Time (US & Canada) -919,No candidate mentioned,0.4208,yes,0.6487,Negative,0.6487,None of the above,0.4208,,wendykammarcy,,0,,,Who needs comedy shows when you have the #GOPDebate?! Meanwhile #macdebate was kinda a snore 😴 Sorry Canada! https://t.co/QIQvue3FSr,,2015-08-07 09:46:58 -0700,629695239373103104,Toronto • NYC • Hong Kong,Eastern Time (US & Canada) -920,No candidate mentioned,0.3997,yes,0.6322,Negative,0.6322,LGBT issues,0.3997,,AtlBlue2,,6,,,"RT @TheBaxterBean: REMINDER: Family is important to Republican 2016 candidates, just not gay families. http://t.co/Cs0UsasSQS #GOPDebate ht…",,2015-08-07 09:46:58 -0700,629695237812699136,"Atlanta, GA",Eastern Time (US & Canada) -921,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,None of the above,0.6782,,AlasdairDenvil,,0,,,"Why can't our debates be more like the Founding Fathers, and less like game shows? - -http://t.co/01KulhlXSK - -#GOPDebate",,2015-08-07 09:46:58 -0700,629695236646772736,, -922,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RDJtakethewheel,,0,,,@BernieSanders @ScottWalker that man did not say one intelligent thing. I mean... None of them did. #BernieSanders #GOPDebate #FeelTheBern,,2015-08-07 09:46:58 -0700,629695236206297089,"Salem, OR",Arizona -923,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cblakebakes,,0,,,I have a serious #GOPDebate hangover today.,,2015-08-07 09:46:57 -0700,629695232515256320,Minnesota,Central Time (US & Canada) -924,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CalicoGardens,,8,,,RT @cfjwagner: The 4 scariest bugs. And I don't mean GOP candidates (RIMSHOT!) http://t.co/okC1TFczwW #GOPDebate #blog #writerslife http://…,,2015-08-07 09:46:56 -0700,629695228874633218,, -925,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,RFSchatten,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @pharris830 @mharvey816 @comebackdecade @GlenThePlumber @RFSchatten,,2015-08-07 09:46:55 -0700,629695225762439168,"Klamath Falls, Oregon",Eastern Time (US & Canada) -926,Donald Trump,1.0,yes,1.0,Neutral,0.7033,FOX News or Moderators,1.0,,imontyt,,0,,,"@realDonaldTrump got ""trumped"" by @megynkelly #GOPDebate",,2015-08-07 09:46:55 -0700,629695223799652352,"ÜT: 43.696263,-79.555083",Eastern Time (US & Canada) -927,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SEmpowermentS,,744,,,"RT @mydaughtersarmy: The debate has been hard on Ted Cruz. - -#GOPDebate http://t.co/9hmr7Num6N",,2015-08-07 09:46:55 -0700,629695223199760384,Vancouver WA,Arizona -928,Donald Trump,0.4025,yes,0.6344,Negative,0.3226,,0.2319,,zb420_,,43,,,RT @KEEMSTARx: The black guy is smart as fuck! #GOPDebate Trump should make him his VP.,,2015-08-07 09:46:54 -0700,629695221274689536,"Stoned, NY - Cali Bound",Atlantic Time (Canada) -929,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6703,,httptara,,0,,,I thought @megynkelly did an awesome job at the #GOPDebate personally,,2015-08-07 09:46:54 -0700,629695219739394049,unt 2019, -930,Donald Trump,1.0,yes,1.0,Negative,0.6382,FOX News or Moderators,1.0,,mgmattson,,0,,,@megynkelly U disappointed me in last night's #GOPDebate. U should've asked @realDonaldTrump Q's that are pertinent 2 duties of a President.,,2015-08-07 09:46:52 -0700,629695213175373824,California,Pacific Time (US & Canada) -931,Mike Huckabee,1.0,yes,1.0,Neutral,0.6429,Foreign Policy,0.6786,,cohnjc,,1,,,"RT @gahtbomb: Mike Huckabee: ""the purpose of the military is to kill people and break things"" #GOPDebate",,2015-08-07 09:46:51 -0700,629695208532389888,"DC, Capitol Trill", -932,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,1.0,,hapkidobigdad,,5,,,"RT @ag_texas: Hillary Clinton's response to the #GOPdebate: those guys are ok, but can they secure thousands of votes from illegals?",,2015-08-07 09:46:51 -0700,629695207941013504,, -933,Rand Paul,0.442,yes,0.6649,Negative,0.6649,None of the above,0.442,,Pavlova__,,67,,,RT @Writeintrump: Every time that bell rings Rand Paul's little poodle ears keep perking up. #GOPDebate,,2015-08-07 09:46:51 -0700,629695206623965186,,Amsterdam -934,Donald Trump,0.4113,yes,0.6413,Negative,0.3261,FOX News or Moderators,0.4113,,BWecrunchu2,,2,,,"RT @WhineNot: Rush: ""Not one of the 9 other candidates on the stage joined Megan Kelly in going after Donald Trump"" #GOPDebate",,2015-08-07 09:46:49 -0700,629695201930514432,, -935,Rand Paul,0.4484,yes,0.6696,Negative,0.6696,None of the above,0.4484,,Pavlova__,,66,,,"RT @Writeintrump: Rand Paul's haircut is really distracting. I almost yelled ""Rand get your leash it's time for your walk."" #GOPDebate",,2015-08-07 09:46:48 -0700,629695196914163712,,Amsterdam -936,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,biseattlegirl,,0,,,Tired of the shills in media for Hillary. Will henceforth be known to me as #shillary. #GOPDebate,,2015-08-07 09:46:47 -0700,629695192518397952,"Seattle, WA", -937,Ben Carson,1.0,yes,1.0,Negative,0.6957,Religion,1.0,,NakedEd,,72,,,"RT @almightygod: Ben Carson: ""God's a pretty fair guy."" I guess he's never read the Bible. #job #pharaoh #shebears #GOPDebate",,2015-08-07 09:46:47 -0700,629695191025364992,The Ether, -938,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Pavlova__,,122,,,RT @Writeintrump: Cheap tactic by Rand Paul getting the same haircut as my poodle to distract me. #GOPDebate,,2015-08-07 09:46:46 -0700,629695186533224448,,Amsterdam -939,No candidate mentioned,0.6712,yes,1.0,Neutral,0.3706,None of the above,0.6712,,reaganisahero,,0,,,"RT → theblaze: .MattWalshBlog to Republicans after #GOPDebate: ""Maybe We Should Think About Electing Someone With … http://t.co/BRx74IldWM",,2015-08-07 09:46:46 -0700,629695186126413824,"Minneapolis, Minnesota ",Eastern Time (US & Canada) -940,John Kasich,1.0,yes,1.0,Negative,0.684,None of the above,1.0,,BigBigBen,,0,,,John Kasich seems like a decent guy. Pity he's a republican. #GOPDebate,,2015-08-07 09:46:46 -0700,629695186118049792,Barcelona,Madrid -941,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3333,None of the above,0.4444,,sherships,,0,,,#GOPDebate Bingo! From @atavist https://t.co/hKEW4F0Kb2 http://t.co/pwaoz6kVOp,,2015-08-07 09:46:45 -0700,629695184570351616,"NYC, NY",Central Time (US & Canada) -942,Ted Cruz,1.0,yes,1.0,Positive,0.6889,None of the above,0.6667,,ReneeBevevino,,19,,,RT @RMConservative: Cruz's line about #CampaignConservative cuts 2 the core of the issue with GOP & also the shortcomings of #GOPDebate htt…,,2015-08-07 09:46:45 -0700,629695183429308416,"Katy, TX", -943,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6484,,MatthewStuart,,15,,,RT @pulmyears: Official photo from the big #FoxNews #GOPDebate last night: http://t.co/9YQGzvC2qV,,2015-08-07 09:46:45 -0700,629695181370081280,"Los Angeles,California.",Pacific Time (US & Canada) -944,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3333,,dnvnbirch26,,0,,,Last night's #GOPDebate proved everything we already knew about the white patriarchal elitist homophobic party the GOP is.,,2015-08-07 09:46:43 -0700,629695175833432064,,Eastern Time (US & Canada) -945,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JimC146,,0,,,"""[Trump] has no integrity, no character, and no principles, and he's proud of it."" - @MattWalshBlog - -Agreed - -#GOPDebate #Trump",,2015-08-07 09:46:43 -0700,629695174138925056,Ohio,Eastern Time (US & Canada) -946,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,SierraCarson,,38,,,RT @linnyitssn: Also funny how Constitution loving Republicans structurally violate the Constitution by bringing religion into politics. #G…,,2015-08-07 09:46:42 -0700,629695170204823552,Fayettechill/ 'Homa,Eastern Time (US & Canada) -947,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,clairefinn54,,9,,,"RT @oaaselect: I'm a radical for Capitalism and Individual Rights looking for a heroic candidate. - - #GOPDebate",,2015-08-07 09:46:42 -0700,629695169047207936,British Isles,Amsterdam -948,No candidate mentioned,0.3943,yes,0.6279,Negative,0.6279,,0.2336,,alexandraheuser,,0,,,BLOWTORCH IRS!! I LIKE the sound of that!! #CriminalAbusesNOWPoised2POLICEOurHealthCare GO Rick!!! #GOPDebate https://t.co/ZFlcfHEe3J,,2015-08-07 09:46:41 -0700,629695166492844032,America, -949,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.6322,,0.2325,,alenesopinions,,41,,,RT @megynkelly: Who is your favorite from tonight’s #GOPDebate on @FoxNews?,,2015-08-07 09:46:41 -0700,629695166027317249,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -950,Donald Trump,0.4562,yes,0.6754,Negative,0.6754,None of the above,0.4562,,man_vs_liberals,,0,,,"#gopdebate the fix was in from the get-go.First off, Question about pledging support should have been addressed directly 2 @realDonaldTrump",,2015-08-07 09:46:38 -0700,629695153746280448,, -951,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,monu_rohila,,0,,,The First #GOPDebate: Social Media Reaction and More: http://t.co/UH06EzXXfG #Socialmedia #SMO,,2015-08-07 09:46:37 -0700,629695150726340608,"Delhi,India",Hawaii -952,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JunoMaak,,0,,,@RealBenCarson Excellent job last night at the #GOPDebate. Class act all around. Proud to have you as a Republican candidate. #BenCarson,,2015-08-07 09:46:37 -0700,629695149203922944,"- Indiana, U.S.A.",Eastern Time (US & Canada) -953,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,0.6629,,CitizenWald,,10,,,"RT @KoryStamper: Lookups! ""Misogynist"" spiking @MerriamWebster (http://t.co/k7RBb12RLC). Trump, women, and the #GOPDebate: http://t.co/yXsj…",,2015-08-07 09:46:37 -0700,629695149036163072,"Amherst, MA",Eastern Time (US & Canada) -954,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6588,,mortalcassie,,0,,,God is not speaking to you looney tunes. How about some real questions? #GOPDebate https://t.co/FBO00Cn461,,2015-08-07 09:46:37 -0700,629695148990066688,724,Eastern Time (US & Canada) -955,Marco Rubio,1.0,yes,1.0,Positive,0.6582,Jobs and Economy,1.0,,jennylynnthomp1,,93,,,"RT @marcorubio: .@Skye820 If we're going to make this an American Century, we've got to empower small businesses. Thanks for your question …",,2015-08-07 09:46:36 -0700,629695143981944832,, -956,Chris Christie,1.0,yes,1.0,Negative,1.0,Religion,0.6744,,damongtaylor,,578,,,"RT @pattonoswalt: ""My God is named 'Bruce Springsteen'. Go listen to 'Jungleland' and get a fucking clue,"" -- Christie. #GOPDebate",,2015-08-07 09:46:35 -0700,629695139955519488,"Chicago, IL",Central Time (US & Canada) -957,Donald Trump,1.0,yes,1.0,Neutral,0.693,FOX News or Moderators,1.0,,DanMudd,,0,,,I saw @megynkelly reach down and scratch her balls once after she picked about her 10th fight with @realDonaldTrump #GOPDebate #tcot,,2015-08-07 09:46:34 -0700,629695138068078593,"Nashville, TN",Central Time (US & Canada) -958,No candidate mentioned,1.0,yes,1.0,Negative,0.3548,None of the above,0.6452,,NanaOxford,,66,,,RT @ThePatriot143: My winner overall of today's #GOPDebate 's is @CarlyFiorina She really stood out among ALL GOP Candidates,,2015-08-07 09:46:34 -0700,629695135937335296,"Arkansas, USA", -959,No candidate mentioned,0.4267,yes,0.6532,Negative,0.6532,Gun Control,0.4267,,LAWriter,,0,,,Republicans Hate Gun-Free Zones But Held #GOPDebate In Gun-Free Zone https://t.co/0rlAyowQW1,,2015-08-07 09:46:32 -0700,629695129813528576,"Los Angeles, CA",Pacific Time (US & Canada) -960,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,,0.228,,nopenochange,,539,,,"RT @peddoc63: If Your embassy was attacked, which Woman would You trust? -RT for @CarlyFiorina -Fav for @HillaryClinton #GOPDebate http://t…",,2015-08-07 09:46:30 -0700,629695119386615809,3rd world city near you, -961,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tom_racine,,0,,,RT @lizadonnelly: Political nonsense last night. #GOPdebate (See all on my http://t.co/MOcgZtHBdZ site.)… https://t.co/xyaHGrr5vH,,2015-08-07 09:46:30 -0700,629695118946267136,,Pacific Time (US & Canada) -962,Donald Trump,0.6711,yes,1.0,Negative,1.0,None of the above,1.0,,mch7576,,2,,,RT “@TeaTraitors: #GOPDebate was still Clown Show! I'm glad Head Clown Trump helping destroy GOP. http://t.co/pRy2QPCWfu””,,2015-08-07 09:46:30 -0700,629695118308605953,USA , -963,Donald Trump,1.0,yes,1.0,Negative,0.7056,None of the above,0.7056,,645ciDIVA,,0,,,"You must admit, @realDonaldTrump throws #shade like #RHOA LOL! 😂😂😂 #GOPDebate https://t.co/c9LUq1dwW3",,2015-08-07 09:46:29 -0700,629695115909427200,SomeWhereSmiling , -964,No candidate mentioned,1.0,yes,1.0,Positive,0.7033,None of the above,1.0,,KropotkinsTweet,,0,,,"So looking forward to listening to @DRShow's news roundup this morning! -""You couldn't look away"" #GOPDebate -http://t.co/o8rTITVGdt",,2015-08-07 09:46:29 -0700,629695115628417024,"Tempe, AZ", -965,Donald Trump,0.6343,yes,1.0,Neutral,0.3657,FOX News or Moderators,1.0,,lovetheusaorlea,,10,,,"RT @MolonLabe1776us: This is how last night should have looked... -@megynkelly @BretBaier #GOPDebate #TCOT @realDonaldTrump http://t.co/K2TK…",,2015-08-07 09:46:28 -0700,629695111794810884,USA,America/New_York -966,No candidate mentioned,1.0,yes,1.0,Neutral,0.6553,None of the above,1.0,,mralphafreak,,0,,,I don't know if I should laugh or cry after last nights #GOPDebate.,,2015-08-07 09:46:27 -0700,629695105826340864,Alternate Reality,Pacific Time (US & Canada) -967,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sher_nolen,,1,,,"RT @pillary56: There's a difference between not being politically correct and being a massive jerk, Mr. Trump #GOPDebate",,2015-08-07 09:46:26 -0700,629695104282816512,"Tulsa, Oklahoma, United States",Central Time (US & Canada) -968,John Kasich,0.684,yes,1.0,Negative,1.0,None of the above,0.684,,ryanearldobbs,,0,,,My thoughts: Perry and Fiorina must replace Paul and Kasich in the top ten. Jindal needs to step it up and replace Christie. #GOPDebate,,2015-08-07 09:46:24 -0700,629695096045199360,"Southlake, TX / Chesapeake, VA",Central Time (US & Canada) -969,Marco Rubio,1.0,yes,1.0,Positive,0.6753,None of the above,1.0,,BLUSHINGMERMAlD,,842,,,"RT @marcorubio: If I'm our nominee, we'll be the party of the future. #GOPDebate",,2015-08-07 09:46:24 -0700,629695095797747712,, -970,Ted Cruz,0.4135,yes,0.643,Positive,0.643,Immigration,0.4135,,catchcaleb,,0,,,"@SenTedCruz had best answer of night in response to immigration. Its not stupidity, it is how both sides want it. #GOPDebate",,2015-08-07 09:46:24 -0700,629695094568792065,"California, USA", -971,No candidate mentioned,0.3877,yes,0.6227,Neutral,0.332,None of the above,0.3877,,rose_lundsberg,,80,,,RT @TheBloggess: Rather than watching the #GOPDebate I'm just watching @maureenjohnson live-tweet it. I've made the right decision. https:…,,2015-08-07 09:46:23 -0700,629695092974944256,in the crowd, -972,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RekLeCounte,,0,,,Interesting #GOPDebate analysis. @marcorubio clearly excelled as conservative leader we need. Go @TeamMarco! #tcot https://t.co/pve8wuodke,,2015-08-07 09:46:23 -0700,629695089414139905,Virginia,Eastern Time (US & Canada) -973,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thwatch,,0,,,@krauthammer Sorry the downfall of Trump in last nights debate is greatly exaggerated #GOPDebate,,2015-08-07 09:46:22 -0700,629695086562013184,new york,Atlantic Time (Canada) -974,Scott Walker,1.0,yes,1.0,Negative,0.6818,Foreign Policy,1.0,,Clever_Otter,,0,,,"Moderator: ""@ScottWalker,when you 'rip up the Iran deal on day 1',what then?"" Walker: ""I remember tying yellow ribbons on trees."" #GOPDebate",,2015-08-07 09:46:22 -0700,629695086100484097,Earth,Mountain Time (US & Canada) -975,No candidate mentioned,1.0,yes,1.0,Negative,0.6771,Religion,0.6667,,LelaV89,,2,,,"RT @CCalbos: ""Tell us how god speaks to you.."" What is happening? Is this real life? #GOPDebate",,2015-08-07 09:46:22 -0700,629695085916069888,"ÜT: 41.39073,-73.96695",Quito -976,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Shelleyalee,,73,,,"RT @GusRamsey: SNL doesn't have a big enough cast to spoof this. -#GOPDebate",,2015-08-07 09:46:22 -0700,629695085643464704,Atlanta,Eastern Time (US & Canada) -977,No candidate mentioned,0.4494,yes,0.6704,Neutral,0.6704,Racial issues,0.2465,,STERLINGMHOLMES,,0,,,"BBCWorld: RT BBCJonSopel: In midst of #GOPDebate came big blow to BarackObama with announcement that leading Jewish Democrat, Sen. Schumer,…",,2015-08-07 09:46:19 -0700,629695073438048257,EARTH ,Pacific Time (US & Canada) -978,Mike Huckabee,1.0,yes,1.0,Negative,0.6951,None of the above,0.68,,LelaV89,,2,,,"RT @CCalbos: Huckabee: ""the military is to kill people and break things."" On behalf of military families...F you. #GOPDebate",,2015-08-07 09:46:19 -0700,629695073119244288,"ÜT: 41.39073,-73.96695",Quito -979,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,dddreamcat,,18,,,RT @PerezHilton: While you were watching the #GOPDebate @HillaryClinton was taking selfies with @KimKardashian! http://t.co/hYTSDeMr64 http…,,2015-08-07 09:46:19 -0700,629695072368377856,Oregon,Pacific Time (US & Canada) -980,Ben Carson,0.6245,yes,1.0,Neutral,0.6687,None of the above,0.6687,,rusty_schroeder,,418,,,RT @RealBenCarson: My Pre #GOPDebate 'ritual'. #BC2DC16 https://t.co/agbMc4nBM5,,2015-08-07 09:46:18 -0700,629695068425719809,"Texas, USA----NATIVE",Central Time (US & Canada) -981,Donald Trump,0.4426,yes,0.6653,Negative,0.6653,Jobs and Economy,0.2301,,Sleevetalkshow,,0,,,"@realDonaldTrump's arrogance at the #GOPDebate: ""I’ve used the laws of the country to my advantage."" #NotThatGuy http://t.co/Rjtjr9iOAC",,2015-08-07 09:46:17 -0700,629695067519852544,Anywhere & Everywhere!,Eastern Time (US & Canada) -982,Ted Cruz,1.0,yes,1.0,Neutral,0.6848,None of the above,1.0,,brendanIllis,,0,,,18 hours later looking back: My biggest gaffe of the #GOPDebate was repeatedly tagging Victor Cruz (@TeamVic) instead of Ted Cruz (@tedcruz),,2015-08-07 09:46:16 -0700,629695062344077315,Center Valley PA,Eastern Time (US & Canada) -983,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3667,,alabamafan2,,0,,,It's real scary that liberals are allowed 2 walk around after committing horrific crimes against humanity. #GOPDebate #PlannedButcherhood,,2015-08-07 09:46:16 -0700,629695062016950275,Georgia,Eastern Time (US & Canada) -984,Donald Trump,0.4121,yes,0.642,Negative,0.642,None of the above,0.4121,,RickyAppleseed,,0,,,"I'd like to thank the other 9 candidates at the #GOPDebate who took Trump to task for once again trying to #FatShame @Rosie. But, I can't...",,2015-08-07 09:46:16 -0700,629695059907211264,Cheektowaga NY USA , -985,No candidate mentioned,1.0,yes,1.0,Positive,0.7111,FOX News or Moderators,1.0,,AnthonySeees,,0,,,Gotta love @megynkelly #GOPDebate,,2015-08-07 09:46:15 -0700,629695056237084672,, -986,Donald Trump,1.0,yes,1.0,Neutral,0.3493,Foreign Policy,0.6845,,SamValley,,59,,,RT @NumbersMuncher: Donald Trump is the guy who flips the Risk board over once he realizes he can't overtake Asia. #GOPDebate,,2015-08-07 09:46:15 -0700,629695056119595008, San Fernando Valley,Pacific Time (US & Canada) -987,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,JPC_III,,0,,,@brendohare great battle last night by premier teenage athletes. #GOPDebate http://t.co/pLGp4Aai2y,,2015-08-07 09:46:14 -0700,629695052915343360,, -988,No candidate mentioned,1.0,yes,1.0,Negative,0.67,FOX News or Moderators,1.0,,NYMediaCritic,,0,,,.@FoxNews should replace @megynkelly with @marthamaccallum in future debates. MacCallum did a MUCH better job in early debate. #GOPDebate,,2015-08-07 09:46:13 -0700,629695048339324929,, -989,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,brianjhanley,,0,,,"Donald Trump, Democratic Spy? http://t.co/8N9MvTKN4u @realDonaldTrump @SenSanders #trump #DonaldTrump #Hillary2016 #GOPDebate",,2015-08-07 09:46:12 -0700,629695046049243137,, -990,No candidate mentioned,0.4342,yes,0.6589,Positive,0.3391,,0.2247,,catchinawave13,,1,,,RT @jjosephwilliams: 16% of United States homes with TV sets tuned in to #GOPDebate. Wow. http://t.co/TRs8vMWJYg,,2015-08-07 09:46:12 -0700,629695042765066241,"Nashville, Tennessee",Central Time (US & Canada) -991,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FashnDiva,,0,,,#GOPDebate or Old White Rich Conservative Dudes on Parade. That's a childhood nightmare of mine.,,2015-08-07 09:46:11 -0700,629695042391814144,"Small Town, Ohio",Quito -992,Donald Trump,1.0,yes,1.0,Positive,0.6542,None of the above,1.0,,SteelersNasty,,0,,,.@ljcambria @realDonaldTrump Don't forget to vote for him! Especislly when he has to go Independent! #LULZ #HUCKSTER #RNC #GOP #GOPDebate,,2015-08-07 09:46:11 -0700,629695042072870912,"IN YOUR HEAD, MOM'S BASEMENT ", -993,No candidate mentioned,1.0,yes,1.0,Negative,0.7065,Women's Issues (not abortion though),1.0,,flammi,,0,,,Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/v1desifyee,,2015-08-07 09:46:11 -0700,629695040923783168,"New York, NY",Eastern Time (US & Canada) -994,Donald Trump,0.6629,yes,1.0,Negative,0.6629,None of the above,0.6742,,Khaki62,,489,,,"RT @Writeintrump: I not only made Hillary Clinton go to my wedding, but I also made her be my Best Man. #GOPDebate",,2015-08-07 09:46:11 -0700,629695040831361024,,Eastern Time (US & Canada) -995,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Norsu2,,2,,,"Rand Paul could drop out of top 10 w dreadful, petulent debate. Fiorina moves up #gopdebate #tcot",,2015-08-07 09:46:10 -0700,629695037580922881,Metro Boston #Cmass, -996,No candidate mentioned,1.0,yes,1.0,Negative,0.3685,None of the above,1.0,,MagicMeeple,,621,,,"RT @nerdist: I gotta say it's refreshing to hear a presidential debate where everyone is correctly pronouncing ""nuclear"" #GOPDebate",,2015-08-07 09:46:10 -0700,629695037094256640,"Phoenix, AZ, USA",Pacific Time (US & Canada) -997,No candidate mentioned,0.4298,yes,0.6556,Negative,0.3444,None of the above,0.4298,,DiplomatEsq,,8,,,RT @GogoAleee: IG Deleted DD Account after we participated in the #KKKorGOP hashtag during the #GOPDebate http://t.co/jNYRNOPngx via @Dream…,,2015-08-07 09:46:10 -0700,629695036385529856,,Eastern Time (US & Canada) -998,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jordan_p34,,5,,,RT @CrazyClarine: lol! RT @The3o5FlyGuy: Watching the #GOPDebate like... http://t.co/zOwJcU2baZ,,2015-08-07 09:46:09 -0700,629695034246451200,, -999,No candidate mentioned,0.4955,yes,0.7039,Negative,0.7039,None of the above,0.4955,,CurlyJefff,,107,,,RT @sjadetx: My thoughts on the #GOPDebate http://t.co/BT7glNYUoN,,2015-08-07 09:46:08 -0700,629695028810485761,540,Atlantic Time (Canada) -1000,Donald Trump,0.6659,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Shirleystopirs,,1,,,RT @FreedomTexasMom: My LOVE for @megynkelly died tonight at the #GOPDebate #FoxNews #TrumpCruz2016 #MakeAmericaGreatAgain,,2015-08-07 09:46:08 -0700,629695026373754880,,Atlantic Time (Canada) -1001,Mike Huckabee,0.6526,yes,1.0,Positive,1.0,None of the above,1.0,,georgehenryw,,0,,,"Executive Experience Matters - -#gopdebate #ccot #gop #teaparty #imwithhuck #tcot #th2016 #RenewUS #wakeupamerica https://t.co/uCA5oguT29",,2015-08-07 09:46:06 -0700,629695020468047873,Texas,Central Time (US & Canada) -1002,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,iAintBragging,,0,,,Does Trump not realize he's a complete joke or?? I feel as though he would have caught onto that by now #GOPDebate,,2015-08-07 09:46:06 -0700,629695018673000448,probs rehearsal ,Pacific Time (US & Canada) -1003,Donald Trump,0.4495,yes,0.6705,Positive,0.3409,None of the above,0.4495,,dcpayne42,,0,,,"@realDonaldTrump to primary voters: ""Your chances look good for the general election. It'd be a shame if something happened..."" #GOPDebate",,2015-08-07 09:46:06 -0700,629695017964208129,"Indiana, USA",Eastern Time (US & Canada) -1004,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,NoDogma13,,0,,,"""ISIS! Islamic extremism!"" -Did I doze off when they spoke of the right wing Christian extremism that is plaguing our country? -#GOPDebate",,2015-08-07 09:46:06 -0700,629695017854996480,Reality-based world,Pacific Time (US & Canada) -1005,Marco Rubio,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,Conservatveone,,18,,,RT @RickCanton: #TeamMarco - understands immigration better than anyone on stage. #GOPDebate http://t.co/ivvfCxpnN7,,2015-08-07 09:46:03 -0700,629695006127878144,, -1006,Jeb Bush,1.0,yes,1.0,Positive,0.3488,None of the above,1.0,,LA_theGirl,,0,,,"In honor of last night's #GOPDebate, I'd like to add an exclamation point to the end of my name, and maybe get it put on Jeb! vanity plate.",,2015-08-07 09:46:03 -0700,629695005569888256,"Grand Rapids, MI",Eastern Time (US & Canada) -1007,Jeb Bush,0.4086,yes,0.6393,Negative,0.6393,None of the above,0.4086,,hriefs,,0,,,"""How do you earn a Jeb? And how is Jeb going to earn this nomination?"" @tnyCloseRead http://t.co/BKOWYl34ft #GOPDebate",,2015-08-07 09:46:01 -0700,629694999899279360,Chicago,Central Time (US & Canada) -1008,Donald Trump,1.0,yes,1.0,Neutral,0.6882,None of the above,1.0,,absabella,,279,,,"RT @seanhannity: .@realDonaldTrump: “We need a leader at the top that’s going to not worry so much about tone, that’s going to get results.…",,2015-08-07 09:46:01 -0700,629694999693799426,New York,Central Time (US & Canada) -1009,Donald Trump,1.0,yes,1.0,Negative,0.6792,None of the above,0.6792,,MSchmidtRTD,,1,,,"Va. GOP leaders praise debate performances. Trump's, not so much. http://t.co/Ul5pgAq4UH #Election2016 #GOPDebate",,2015-08-07 09:46:01 -0700,629694998544535552,"Richmond, VA",Eastern Time (US & Canada) -1010,Ben Carson,0.4395,yes,0.6629,Positive,0.6629,Racial issues,0.2235,,goboykin,,44,,,"RT @DraftRunBenRun: ""We are the United States of America, not the Divided States of America."" -@RealBenCarson #GOPDebate http://t.co/riTsRZ…",,2015-08-07 09:46:01 -0700,629694998158688257,Columbia SC greatest city, -1011,Ben Carson,0.3934,yes,0.6272,Negative,0.3276,None of the above,0.3934,,Spkr_4TheDead,,0,,,Ben Carson identifying the left's use of Alinsky tactics? Masterful. #GOPDebate,,2015-08-07 09:46:01 -0700,629694997839904773,At the enemy's gate,Pacific Time (US & Canada) -1012,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,UdnSpeak4me,,48,,,RT @lizzwinstead: Mike Huckabee. You are broken. #GOPDebate,,2015-08-07 09:46:01 -0700,629694997206405120,"California, USA",Tijuana -1013,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Flame__on,,4,,,"RT @coleasschneider: FYI, the real terror is Donald Trump's hair. #GOPDebate",,2015-08-07 09:46:00 -0700,629694995579170816,Michigan,Central Time (US & Canada) -1014,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RBrianGass,,0,,,Who faces the most pressure coming out of the #GOPDebate? I'd say @CNN who hosts the next debate. http://t.co/tfuew8uGPs,,2015-08-07 09:45:59 -0700,629694991552544768,"Nashville, TN",Central Time (US & Canada) -1015,,0.22699999999999998,yes,0.6517,Negative,0.6517,,0.22699999999999998,,TrumpIssues,,0,,,"@JebBush and @HillaryClinton can have pretty much the same donors, but let's make a big deal because Trump said ""fat pig."" #GOPDebate #PC",,2015-08-07 09:45:59 -0700,629694990168363011,United States Of America,Pacific Time (US & Canada) -1016,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kinghasler54,,2,,,RT @TKrypt_: MOTIVE: These guys REALLY REALLY want to get elected so they can get their hands on this kind of money #GOPDebate http://t.co/…,,2015-08-07 09:45:58 -0700,629694987635134464,Anonymous, -1017,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Norseman1942,,371,,,RT @JimSterling: The #GOPDebate still rages on... http://t.co/X791Idd7Lx,,2015-08-07 09:45:57 -0700,629694983432376320,, -1018,No candidate mentioned,0.4539,yes,0.6737,Neutral,0.3579,None of the above,0.4539,,myrlciakvvx,,0,,,RT kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Dona… http://t.co/jAqjwnndgB http://t.co/4WblZpp8lJ,,2015-08-07 09:45:57 -0700,629694980114808832,, -1019,Donald Trump,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,mchamric,,2,,,RT “@TeaTraitors: #GOPDebate was still Clown Show! I'm glad Head Clown Trump helping destroy GOP. http://t.co/nwGx8G8JWr”,,2015-08-07 09:45:56 -0700,629694979334471680,, -1020,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6559,,WallSarawall38,,12,,,RT @amysmith70: .@CarlyFiorina Shows How to Push Back Against Matthews on @Hardball #msnbc #mediabias #GOPDebate http://t.co/dXxIhajzg9,,2015-08-07 09:45:55 -0700,629694974041411584,"South Carolina, USA", -1021,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,theChrzanOne,,0,,,I would love 2 see a debate where there are fact checkers & if u make like 5 false statements u are disqualified from the debate #GOPDebate,,2015-08-07 09:45:54 -0700,629694968819511296,"Detroit, Michigan",Eastern Time (US & Canada) -1022,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,0.6585,,AnnaKarinMajer,,76,,,"RT @GovMikeHuckabee: Without a secure border, nothing matters --> http://t.co/9da0D98KdW #ImWithHuck #GOPDebate http://t.co/9iTfSTTJRk",,2015-08-07 09:45:54 -0700,629694968643190784,, -1023,,0.2333,yes,0.6292,Negative,0.3371,FOX News or Moderators,0.3959,,Viacom78,,1,,,"RT @dominionIN: Blimey! #GOPDebate #Foxnews -@FoxNews @piersmorgan http://t.co/GtXRtJ8yBN",,2015-08-07 09:45:53 -0700,629694964574765056,, -1024,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,_nif50,,0,,,So I've watched #GOPDebate (pl don't judge me) for some education & stuff (prez debates are class tbh - Romney in prev yr). Disappointing.,,2015-08-07 09:45:51 -0700,629694956093845505,,New Delhi -1025,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,0.6667,,Mama_Jones2013,,2,,,"RT @bmangh: #GOPDebate was like #JackNicholson driving his fellow patients around in ""One Flew Over the Cuckoos Nest."" http://t.co/lRpXQgx4…",,2015-08-07 09:45:50 -0700,629694954168717312,Texas, -1026,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ctmock,,0,,,#factcheck of first #GOPDebate #GOP @washingtonpost http://t.co/kUBanAt83E,,2015-08-07 09:45:50 -0700,629694953665359872,"Chicago, IL ", -1027,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6383,,sunilkajaria,,7,,,"RT @lizadonnelly: Visually, the #GOPDebate could have used more dancing, IMHO. My cartoon roundup in tweet drawing!! https://t.co/SJiZ8A2ZUf",,2015-08-07 09:45:50 -0700,629694952167993344,Kolkata,New Delhi -1028,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.6277,Foreign Policy,0.39399999999999996,,DonQuixote1950,,398,,,RT @JohnFugelsang: Lindsey Graham has never met a war he's afraid to send your kids to. #gopdebate,,2015-08-07 09:45:50 -0700,629694951656439808,"The Villages, FL.",Atlantic Time (Canada) -1029,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sharynbovat,,0,,,When @realDonaldTrump hears what iSaid about him during TV interview on #gopdebate he'll call me a dog...Ruff ruff😏 http://t.co/pyJ4HUhgjE,,2015-08-07 09:45:48 -0700,629694942768705536,Washington DC,Central Time (US & Canada) -1030,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,ZDriven,,19,,,"RT @TXDemParty: If you agree that none of these guys should ever be president, add your name ➡️ http://t.co/o7oSxwKQ98 #GOPDebate http://t.…",,2015-08-07 09:45:48 -0700,629694942269407234,, -1031,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ScottWalker,,26,,,Didn't catch the full #GOPdebate last night. Here are some of Scott's best lines in 90 seconds. #Walker16 http://t.co/ZSfFBJmvx8,,2015-08-07 09:45:46 -0700,629694935134908416,"Wauwatosa, WI",Central Time (US & Canada) -1032,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lawrenxe17,,0,,,People really need to do their research on Carly Fiorina. She was extremely impressive in the #GOPDebate yesterday. @CarlyFiorina,,2015-08-07 09:45:46 -0700,629694934937776128,,Eastern Time (US & Canada) -1033,No candidate mentioned,0.4287,yes,0.6548,Negative,0.6548,FOX News or Moderators,0.4287,,Samstwitch,,11,,,RT @Nottinghams1: #GOPDebate #MegynKelly is a media whore,,2015-08-07 09:45:46 -0700,629694933910335488,"Fort Worth, Texas",Central Time (US & Canada) -1034,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,FOX News or Moderators,0.4171,,smoothblink_fly,,1,,,"RT @el_deego: Hey @FoxNews, why wasn't #DeflateGate a bigger talking point last night? Makes me think the whole debate was a sham. #GOPDeba…",,2015-08-07 09:45:45 -0700,629694933620912128,"Michigan, USA", -1035,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ceye,,0,,,Not much fact checking of the #GOPDebate because we have just accepted that Republicans will lie about everything. #PostTruthSociety,,2015-08-07 09:45:44 -0700,629694929002872832,Alabama,Central Time (US & Canada) -1036,No candidate mentioned,0.4398,yes,0.6632,Neutral,0.6632,FOX News or Moderators,0.4398,,mancunianmedic,,0,,,"Fox News clearly have a hair, dress and complexion code for the presenters. As for #GOPDebate, talk about middle aged men in suits!....",,2015-08-07 09:45:44 -0700,629694927090380801,Berks/London, -1037,Ted Cruz,0.6469,yes,1.0,Neutral,0.3531,None of the above,0.6779,,ibermarino,,131,,,"RT @WayneDupreeShow: From earlier tonight on FB from @MarkLevinShow - -#GOPDebate http://t.co/ilnovJU2a9",,2015-08-07 09:45:43 -0700,629694922782699520,MIAMI FLORIDA USA, -1038,Donald Trump,0.6452,yes,1.0,Neutral,0.6882,None of the above,0.6452,,Born2RunJosh,,25,,,"RT @DanScavino: #GOPDebate Time: -Trump 11:40 -Bush 8:48 -Kasich 6:52 -Rubio 6:49 -Carson 6:46 -Cruz 6:46 -Huckabee 6:42 -Christie 6:24 -Walker 5:45…",,2015-08-07 09:45:43 -0700,629694921956573184,, -1039,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,None of the above,0.6598,,CindyJackson28,,4,,,RT @cerenomri: I thought we fought the Revolution against the quartering of troops in wartime #GOPDebate,,2015-08-07 09:45:43 -0700,629694921297915904,Texas, -1040,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AnitaFinlay,,8,,,"RT @TajMagruder: Hillary got 19 mentions at the #GOPDebate and the middle class got 2. Really, what would they talk about if not her?",,2015-08-07 09:45:42 -0700,629694918852677632,,Pacific Time (US & Canada) -1041,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,helloatzirysays,,51,,,RT @808s_n_cupcakes: Bruh RT @blowticious: Pro-life Republicans be like #GOPDebate http://t.co/dgu7yJ9IeX,,2015-08-07 09:45:42 -0700,629694918433337344,AL,Central Time (US & Canada) -1042,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ConnieHair,,13,,,"RT @Shaughn_A: I can think of at least 1 person @CarlyFiorina shld've replaces. Was @JebBush even on the #GOPDebate stage? 😕 - -#tcot http://…",,2015-08-07 09:45:41 -0700,629694915790925824,"Washington, D.C.",Eastern Time (US & Canada) -1043,No candidate mentioned,1.0,yes,1.0,Negative,0.6733,None of the above,1.0,,KellySarka,,1,,,RT @jonesmarkh: Friendly reminder that a focus group is not a poll #GOPDebate https://t.co/MheK8YWGLH,,2015-08-07 09:45:41 -0700,629694915769954305,, -1044,No candidate mentioned,0.6739,yes,1.0,Negative,0.6848,None of the above,1.0,,rebeccakimberly,,0,,,And then there was the moment things got really weird... #GOPDebate http://t.co/fCo3kzPVQE,,2015-08-07 09:45:41 -0700,629694915522367488,"Chicago, IL",Central Time (US & Canada) -1045,Donald Trump,0.3681,yes,0.6067,Negative,0.6067,,0.2386,,pondlizard,,0,,,.@realDonaldTrump Shares Post Calling Megyn Kelly a 'Bimbo' Following Republican Debate | MRCTV http://t.co/ZaII5AQsii … #GOPDebate,,2015-08-07 09:45:40 -0700,629694909398798336,God's Country N Central FL ,Eastern Time (US & Canada) -1046,,0.2287,yes,0.6458,Negative,0.3333,None of the above,0.4171,,EscapeVelo,,231,,,RT @seanhannity: .@tedcruz: “I think the real divide is whether we’re going to have Republicans that actually do what we said we would do.”…,,2015-08-07 09:45:40 -0700,629694909079949312,Twitter, -1047,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,None of the above,1.0,,Birchbark_Canoe,,0,,,"rather than #FactCheck the #GOPDebate , much easier just to tell us if they got anything right? @UniteBlueCA https://t.co/ze7eYwPBMP",,2015-08-07 09:45:39 -0700,629694907997753344,photos are mine unless noted,Quito -1048,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,Religion,0.6703,,DeityFree,,12,,,"RT @MrPolyatheist: Because you know, god is real but climate change isn't. #GOPDebate https://t.co/JmM8vRNKtM",,2015-08-07 09:45:38 -0700,629694903509868544,,Pacific Time (US & Canada) -1049,No candidate mentioned,0.4224,yes,0.6499,Neutral,0.6499,None of the above,0.4224,,SocialMediaNAUC,,0,,,The First #GOPDebate: Social Media Reaction and More http://t.co/161DKWBOef #SocialMedia | https://t.co/b3UmOSiq3S,,2015-08-07 09:45:38 -0700,629694900175372288,Estado de México,Mexico City -1050,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6687,,SeaBassThePhish,,0,,,I feel like they are just throwing Carson scraps. Ask him real questions find out what his policies are #GOPDebate,,2015-08-07 09:45:36 -0700,629694892340576256,,Eastern Time (US & Canada) -1051,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,robertpjones,,0,,,"RT @publicreligion: Say belief in God impt to being ""truly"" American: -69% All US -81% Reps -63% Dems -http://t.co/H50HGNvzLL -#GOPDebate",,2015-08-07 09:45:35 -0700,629694888905453569,"Washington, DC",Eastern Time (US & Canada) -1052,Marco Rubio,0.2504,yes,0.6786,Negative,0.6786,None of the above,0.4605,,MaxCUA,,0,,,"@NRO = jed + rubio -(no thanks) - -@AlexConant @marcorubio #gopdebate",,2015-08-07 09:45:35 -0700,629694888624431104,"washington, dc",Eastern Time (US & Canada) -1053,No candidate mentioned,0.4311,yes,0.6566,Negative,0.6566,,0.2255,,Amis_Qui,,244,,,"RT @IamGMJohnson: ""I listen to the American People"" (As long as they are not immigrants, blacks, latinos, lgbtq and women) #GOPDebate #kkko…",,2015-08-07 09:45:33 -0700,629694882500747268,☯ Chi,Central Time (US & Canada) -1054,Donald Trump,1.0,yes,1.0,Positive,0.7154,None of the above,0.7154,,Born2RunJosh,,60,,,RT @DanScavino: #FoxNews #SanDiego - @realDonaldTrump clearly won the #GOPDebate. cc; @megynkelly @BretBaier http://t.co/Wvr3QHAmrH,,2015-08-07 09:45:33 -0700,629694880990801920,, -1055,No candidate mentioned,1.0,yes,1.0,Negative,0.6196,None of the above,1.0,,PhillipsTaylorR,,1,,,"RT @maureenjohnson: I guess the lesson is: if you watch the #GOPDebate, be prepared to pay the price.",,2015-08-07 09:45:33 -0700,629694880068014080,,Eastern Time (US & Canada) -1056,No candidate mentioned,0.4049,yes,0.6363,Negative,0.6363,None of the above,0.4049,,Mhmod_Alshmre,,0,,,"At the second break, @Newsweek's #GOPDebate bingo has just six empty spaces left http://t.co/8KiDHDJrVi",,2015-08-07 09:45:32 -0700,629694877270343680,المملكة العربية السعودية ,Riyadh -1057,Donald Trump,0.6552,yes,1.0,Negative,0.6552,None of the above,1.0,,HannibalBieker,,0,,,Overall I'm disappointed by the #GOPDebate Trump was entertaining Carson killed it but spoke the least. Im not impressed with most answers.,,2015-08-07 09:45:32 -0700,629694875550662656,Mt. Olympus with the Gods , -1058,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BrenSan79,,2,,,RT @62Valdovinos: @POTUS just watched the #GOPDebate He got a good laugh. #UniteBlue #LibCrib #TYT #tcot #topprog #p2 #TNTweeters http://t…,,2015-08-07 09:45:32 -0700,629694875106181120,New York,America/Detroit -1059,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kellscaldwell,,0,,,"@SD3_Design sorry about improv last night, had to watch the #GOPDebate",,2015-08-07 09:45:31 -0700,629694874233606144,,Central Time (US & Canada) -1060,No candidate mentioned,1.0,yes,1.0,Negative,0.6594,Women's Issues (not abortion though),1.0,,bad_salad,,261,,,RT @lizzwinstead: WE SHOULD BE ABLE TO CALL WOMEN PIGS AND WHORES MORE. WE HAVE TO TAKE AMERICA BACK! #GOPDebate,,2015-08-07 09:45:29 -0700,629694863479603200,,Quito -1061,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,0.66,,OmglolU,,19,,,"RT @Gabby_Hoffman: Best @tedcruz line re #GOPDebate: ""I will fight to defend liberty because my family knows what it's like to lose it"" htt…",,2015-08-07 09:45:28 -0700,629694861969637376,"Finland, Europe",Helsinki -1062,Scott Walker,0.6667,yes,1.0,Positive,0.6782,None of the above,1.0,,Freedom4Dummies,,2,,,RT @DeborahPeasley: Multiple shots of Scott Walker nodding behind Ben Carson was one of the best parts of #GOPDebate. The real strength of …,,2015-08-07 09:45:28 -0700,629694861353074689,, -1063,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,msbrendagarcia,,0,,,"@megynkelly, I thought you did a fabulous job at the #GOPDebate debate. (and I'm a Democrat).",,2015-08-07 09:45:28 -0700,629694861029945344,"Los Angeles, CA",Pacific Time (US & Canada) -1064,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,KCBoyd3,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @KCBoyd3 @ArlissBunny @Shopaholic_918 @RepEsty @Elizabeth_Esty @Nicol…,,2015-08-07 09:45:28 -0700,629694858740023296,,Atlantic Time (Canada) -1065,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3531,,zolly_b,,167,,,"RT @BillyCorben: Fortunately the 'Straight Outta Compton' commercial spent more time on ""the civil rights issue of our time"" than the #GOPD…",,2015-08-07 09:45:27 -0700,629694857385279488,,Eastern Time (US & Canada) -1066,No candidate mentioned,0.4298,yes,0.6556,Neutral,0.6556,None of the above,0.4298,,LVNancy,,1,,,"RT @pjamesjp1: http://t.co/ys2n1uflHT -#GOPDebate wrapup. @tgradous @marylene58 @LLMajer @larryvance47 -@JVER1 @LVNancy @qnoftherealm @usvet…",,2015-08-07 09:45:25 -0700,629694847876755456,♰ #WeAreN ♰,Pacific Time (US & Canada) -1067,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EscapeVelo,,5,,,"RT @Tombx7M: Cruz had a great night. -#hannity #GOPDebate",,2015-08-07 09:45:25 -0700,629694847859822592,Twitter, -1068,Donald Trump,0.4542,yes,0.6739,Negative,0.6739,Jobs and Economy,0.4542,,NegaTheist,,0,,,"Trump has 5 companies that went bankrupt, and he wants to fix the U.S. Debt? -#GOPDebate",,2015-08-07 09:45:24 -0700,629694842793279488,, -1069,No candidate mentioned,0.2222,yes,0.6667,Neutral,0.3333,Women's Issues (not abortion though),0.2222,,SNIPER1776,,0,,,"@AC360 @donnabrazile Hope you 2 are next in like to mess with the Bull, bring it bc you will get the horns next #rathofAmerica #GOPDebate",,2015-08-07 09:45:23 -0700,629694838909243392,#gunrights #legalimmigration,Alaska -1070,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Andersonista,,0,,,"""#Fox News doesn't work for the #Republican party. The Republican party works for Fox News."" --David Frum #GOPDebate",,2015-08-07 09:45:22 -0700,629694836333883392,Portland OR,Pacific Time (US & Canada) -1071,No candidate mentioned,0.4599,yes,0.6782,Negative,0.6782,Foreign Policy,0.4599,,n0vadust,,13,,,RT @OGOPer: This NYer will work hard to replace @SenSchumer Chuck Schumer to vote against Iran nuclear deal http://t.co/264dWH6bBi #IranDea…,,2015-08-07 09:45:22 -0700,629694833154723840,MontcoPA,Eastern Time (US & Canada) -1072,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,None of the above,0.6824,,ayejgood,,26,,,RT @gillistrill: My mom & I submitted this question for the #GOPDebate and sadly we got no answer :( https://t.co/s7IyySmDFV,,2015-08-07 09:45:21 -0700,629694831464456192,,Central Time (US & Canada) -1073,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6548,,DykstraDame,,6,,,Candidates went after @HillaryClinton 32 times in the #GOPdebate-but remained silent about the issues that affect us. http://t.co/GwYirupOyo,,2015-08-07 09:45:21 -0700,629694831091171328,NY, -1074,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Catlady628,,1,,,RT @laprofe63: #WishfulThinking! #GOPDebate showed quite plainly how NOT prepared any of those men (+1 woman) are 2 lead nation. https://t.…,,2015-08-07 09:45:21 -0700,629694829807697920,"Atlanta, GA",Atlantic Time (Canada) -1075,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RussOnPolitics,,0,,,My takeaway from the #GOPDebate: No clear winner. No clear loser. This clarifies nothing and muddies everything. http://t.co/VWeL501biB,,2015-08-07 09:45:19 -0700,629694821096128512,"New York, NY",Eastern Time (US & Canada) -1076,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SierraCarson,,95,,,RT @sarahkendzior: Can't believe people are writing real articles about who won #GOPDebate. We *all* lost #GOPDebate.,,2015-08-07 09:45:19 -0700,629694820592828416,Fayettechill/ 'Homa,Eastern Time (US & Canada) -1077,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JosephinaRayer,,3,,,"RT @JohnGGalt: Fox News keeps hammering, according to plan, how great Carly Fiorina was last night—but I don't remember a word she said. #G…",,2015-08-07 09:45:19 -0700,629694820492136449,, -1078,Ted Cruz,1.0,yes,1.0,Positive,0.3531,None of the above,1.0,,Happy_Kampers,,0,,,"Wouldn't this be refreshing? -@tedcruz @RealBenCarson #GOPDebate #ThinkBeforeYouVote #Stand #WillNeverLie https://t.co/Vgz4knFXK7",,2015-08-07 09:45:18 -0700,629694817136680960,"West Haven, CT",Eastern Time (US & Canada) -1079,Donald Trump,0.7173,yes,1.0,Positive,0.7173,None of the above,1.0,,Born2RunJosh,,79,,,"RT @DanScavino: .@megynkelly, -Some results on how candidates did at #GOPDebate. #MakeAmericaGreatAgain #Trump2016 #KellyFailed http://t.co/…",,2015-08-07 09:45:17 -0700,629694813005303808,, -1080,Rand Paul,1.0,yes,1.0,Neutral,0.6286,None of the above,0.6286,,LindaC528,,49,,,"RT @fakedansavage: Paul to Trump: ""The Republican party has been fighting against single-payer for a decade."" Um... for 75 years, actually.…",,2015-08-07 09:45:16 -0700,629694811579101184,S.W. Chicago suburbs,Central Time (US & Canada) -1081,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.7222,,t2gunner,,304,,,"RT @KatiePavlich: ""The military is not a social experiment. Their job is to kill people and break things"" -Huckabee #GOPdebate",,2015-08-07 09:45:16 -0700,629694808282415104,Texas #HillCountry,Central Time (US & Canada) -1082,No candidate mentioned,0.3776,yes,0.6145,Negative,0.3133,None of the above,0.3776,,TheRoad2Success,,0,,,"Relevant Song of the Day - THE BOXER,Simon Garfunkle i.e. 'candidates debate' http://t.co/0UxvHaE4UX #gopdebate #politics 📷 @WTCPolitics1",,2015-08-07 09:45:14 -0700,629694801496117248,Coupon Country, -1083,No candidate mentioned,1.0,yes,1.0,Neutral,0.6953,None of the above,1.0,,Themgrid,,1,,,RT @The3o5FlyGuy: Watching the #GOPDebate like... http://t.co/bguDpo0iKb,,2015-08-07 09:45:13 -0700,629694796030976000,North Carolina,Eastern Time (US & Canada) -1084,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3438,None of the above,0.4444,,SierraCarson,,5,,,RT @Chelsea_Elle: My favorite part of the #GOPdebate was when when they danced with snakes and spoke in tongues.,,2015-08-07 09:45:12 -0700,629694793019486208,Fayettechill/ 'Homa,Eastern Time (US & Canada) -1085,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,Religion,0.4589,,zach_stielper,,8,,,RT @ExtremeLiberal: Is God going to be like the Co-president or something? #GOPDebate,,2015-08-07 09:45:10 -0700,629694783737327616,"Lafayette, LA",Central Time (US & Canada) -1086,Ben Carson,1.0,yes,1.0,Neutral,0.6738,None of the above,1.0,,aaronpswain,,0,,,Early in this #GOPDebate @RealBenCarson looks uncomfortable and uneasy.,,2015-08-07 09:45:10 -0700,629694783716352001,"Oklahoma City, OK",Eastern Time (US & Canada) -1087,No candidate mentioned,1.0,yes,1.0,Neutral,0.6702,None of the above,1.0,,Devin_Hudson,,0,,,I was hoping there would be some opinions regarding the #GOPDebate on Twitter today.,,2015-08-07 09:45:09 -0700,629694780965060608,, -1088,Donald Trump,1.0,yes,1.0,Positive,0.6484,None of the above,1.0,,SarahCW2W,,0,,,"Winners, losers, & @realDonaldTrump. Here's my round-up of #GOPdebate->http://t.co/RNUNbPaWgp http://t.co/sfQIwda61G",,2015-08-07 09:45:09 -0700,629694780654661632,"Washington, DC",Eastern Time (US & Canada) -1089,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,craigcarroll,,0,,,"#GOPDebate -Megyn Kelly:A+ -Rubio:A -Fiorina:A -Christie:A- -Bush:B+ -Perry:B+ -Kasich:B -Walker:B -Cruz:C -Carson:C -Jindal:C -Paul:D- -Trump:F -Rest:😴",,2015-08-07 09:45:08 -0700,629694778158874625,"Mobile, Al", -1090,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,standfree4ever,,0,,,@JonahNRO @jimgeraghty When U look at #GOPDebate ask given 1/2 the time in 1on1 debate who would B most impressive? @tedcruz by far,,2015-08-07 09:45:07 -0700,629694774128173056,,Central Time (US & Canada) -1091,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,maureenjohnson,,1,,,"I guess the lesson is: if you watch the #GOPDebate, be prepared to pay the price.",,2015-08-07 09:45:07 -0700,629694773973098496,New York City,Eastern Time (US & Canada) -1092,Ted Cruz,0.4247,yes,0.6517,Neutral,0.6517,Foreign Policy,0.4247,,yamilet219,,1005,,,RT @tedcruz: What we need is a Commander-in-Chief that makes it clear if you join ISIS then you are signing your death warrant #GOPDebate #…,,2015-08-07 09:45:07 -0700,629694772853219331,,Eastern Time (US & Canada) -1093,No candidate mentioned,0.6915,yes,1.0,Negative,1.0,Abortion,1.0,,itsonlymepc,,7,,,RT @emmaladyrose: Here's why it was so frustrating to watch the #GOPDebate as a woman http://t.co/xXcH8PXagF,,2015-08-07 09:45:06 -0700,629694767643893760,, -1094,Scott Walker,1.0,yes,1.0,Negative,0.6622,None of the above,1.0,,eco_strategies,,30,,,RT @ZwigZag: Can we ask Scott Walker why he's disenfranchising hundreds of thousands of people with voter ID laws? #GOPDebate #debatewithbe…,,2015-08-07 09:45:06 -0700,629694766544846849,Everywhere,Pacific Time (US & Canada) -1095,No candidate mentioned,1.0,yes,1.0,Negative,0.6779999999999999,None of the above,1.0,,catzzzzzpajamas,,1,,,RT @TheAvgBlackMan: In GOP land the year is about 1955 #GOPDebate,,2015-08-07 09:45:05 -0700,629694762551894016,, -1096,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6384,,emextremic,,1,,,RT @EthanEllis32: From 2001-2009 Donald Trump was a Democrat. We can only assume he was confused and thought Democrats still supported slav…,,2015-08-07 09:45:04 -0700,629694759783628800,chicago heights,Central Time (US & Canada) -1097,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SteveAdubato,,0,,,Biggest issue in last night's #GOPDebate? Lack of #leadership. Check out my comments here: http://t.co/ypQZM8y218 http://t.co/PRny71sHYc,,2015-08-07 09:45:04 -0700,629694759574110208,New Jersey,Eastern Time (US & Canada) -1098,,0.2258,yes,0.3444,Neutral,0.3444,,0.2258,,Sherrod_Small,,1,,,RT @fackinpeter: .@Sherrod_Small Ben Carson just plugged #RaceWars at the #GOPDebate,,2015-08-07 09:45:02 -0700,629694752812867584,Your mother's house,Eastern Time (US & Canada) -1099,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,benNuwn,,0,,,#llama2016 running away from the other GOP candidates after the #GOPDebate http://t.co/TIntR7P9po,,2015-08-07 09:45:02 -0700,629694752242450433,,Central Time (US & Canada) -1100,Donald Trump,0.4218,yes,0.6495,Negative,0.3402,None of the above,0.4218,,StalinSaurus,,2,,,"RT @FreedomJames7: Trump Is A RINO. -#GOPDebate http://t.co/eW7bPOqD5B",,2015-08-07 09:45:02 -0700,629694750543605760,"Light and dark, form and void", -1101,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,_BryceTea_,,35,,,RT @GloriaMalone: Watching the #gopdebate you should check out #kkkorgop and http://t.co/9agQnL83s9. http://t.co/NDyqvlp8DY,,2015-08-07 09:45:00 -0700,629694743144984576,,Eastern Time (US & Canada) -1102,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,Racial issues,1.0,,jaimeaellis,,406,,,RT @rachael_firefly: #blacklivesmatter received only 30 seconds at the #GOPDebate . That speaks volumes.,,2015-08-07 09:44:57 -0700,629694731908321280,Washington DC, -1103,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,KwanzaaKid,,13,,,"RT @jennpozner: #GOPDebate Q ""Would you really let a mother die rather than have an abortion?"" Scott Walker, straight-faced: ""I'm pro-life.…",,2015-08-07 09:44:57 -0700,629694728309764096,, -1104,Jeb Bush,0.6705,yes,1.0,Positive,0.6705,None of the above,0.6705,,drtom03net,,199,,,RT @4BillLewis: #SocialMedia and the #FoxNews #GOPDebate are the future. #jebbush #MarcoRubio #scottwalker #realbencarson #JohnKasich #Chri…,,2015-08-07 09:44:56 -0700,629694726149529600,Colorado,Mountain Time (US & Canada) -1105,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Momfullofhope,,2,,,"Bingo #GOPDebate #KochBrothers -#Puppets Wined and Dined last weekendas planned #Shameful -#MakeAmericaGreatAgain https://t.co/1S2uLTnxoe",,2015-08-07 09:44:56 -0700,629694724497088512,"Birmingham, AL",Central Time (US & Canada) -1106,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3811,,manicsocratic,,588,,,"RT @maureenjohnson: ""Let's imagine Obama ate a baby. It's not a question. Let's just imagine it."" #GOPDebate",,2015-08-07 09:44:54 -0700,629694719350603776,"Seattle, WA",Arizona -1107,Donald Trump,0.4171,yes,0.6458,Positive,0.6458,None of the above,0.4171,,stockwizards3,,2,,,"Trump/Carson ticket would win in a landslide... -@realDonaldTrump @seanhannity @AnnCoulter #Republican #potus #Trump2016 #GOPDebate #trump",,2015-08-07 09:44:54 -0700,629694717698031616,, -1108,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lastunicorn1993,,53,,,RT @saladinahmed: Clear winner of last night's #GOPdebate. http://t.co/MdueysEDLR,,2015-08-07 09:44:54 -0700,629694716125118464,, -1109,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,FreedomJames7,,2,,,"Trump Is A RINO. -#GOPDebate http://t.co/eW7bPOqD5B",,2015-08-07 09:44:53 -0700,629694711536685056,, -1110,Rand Paul,0.4444,yes,0.6667,Neutral,0.3333,None of the above,0.4444,,WBBIIISRA,,0,,,I bet Rand Paul consults Todd Palin on the best place to service his snowmobile when he visits AK #GOPDebate,,2015-08-07 09:44:51 -0700,629694705840689152,The gym...,Mountain Time (US & Canada) -1111,No candidate mentioned,1.0,yes,1.0,Negative,0.6639,None of the above,1.0,,Chris_Manno,,0,,,@Mr_Landshark Saint Genesius of Rome: Patron Saint of Comedians #GOPDebate http://t.co/0uPbQMymTs,,2015-08-07 09:44:50 -0700,629694702795632640,Vitae:,Central Time (US & Canada) -1112,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3667,None of the above,0.4444,,EF517_V2,,1,,,"TV reality star has a 2 to 1 lead. -Gets asked tough, leader questions. -Wilts like a failed Apprentice. -Cries about mean girls. - -#GOPDebate",,2015-08-07 09:44:48 -0700,629694692473618432,"¯\_(ツ)_/¯ WTF, NY",Eastern Time (US & Canada) -1113,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,oliviaawells,,126,,,RT @BONNIELYNN2015: #GOPDebate. My impression but i could be wrong http://t.co/uBw1sfgKzh,,2015-08-07 09:44:47 -0700,629694686844686336,bliss, -1114,No candidate mentioned,1.0,yes,1.0,Neutral,0.7093,None of the above,1.0,,PatHensley14,,3,,,RT @ryanbeckwith: Here are the most memorable lines from the undercard #GOPDebate http://t.co/imU4R5p9WI http://t.co/Vk5Uh7ETYk,,2015-08-07 09:44:46 -0700,629694683401203713,"Dallas, Tx. ", -1115,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JoshuaSwart2015,,22,,,RT @tylercreighton: Weird. The GOP candidates didn't want to talk about the billionaires funding their campaigns. http://t.co/C4VDTHr3SD #G…,,2015-08-07 09:44:45 -0700,629694679202824192,, -1116,Marco Rubio,1.0,yes,1.0,Negative,0.3596,None of the above,1.0,,MaxCUA,,0,,,"rubio is off the radar - -#gopdebate @NRO @AlexConant @marcorubio",,2015-08-07 09:44:45 -0700,629694678095515648,"washington, dc",Eastern Time (US & Canada) -1117,No candidate mentioned,1.0,yes,1.0,Neutral,0.3636,None of the above,1.0,,NanaOxford,,566,,,RT @peddoc63: She belongs in Top 10✔️@CarlyFiorina takes Hillary head on! #GOPDebate @steph93065 @MaydnUSA http://t.co/oON7JFurII,,2015-08-07 09:44:44 -0700,629694676916957184,"Arkansas, USA", -1118,No candidate mentioned,1.0,yes,1.0,Negative,0.6697,Women's Issues (not abortion though),0.6646,,Utahfirebrand,,0,,,Regardless of who won the #GOPDebate it was clear that women's rights lost. #StandwithPP #prochoice https://t.co/MCeMS58R9I,,2015-08-07 09:44:44 -0700,629694676249915392,"Salt Lake City, UT", -1119,Marco Rubio,1.0,yes,1.0,Negative,0.6629,Immigration,1.0,,TheBaxterBean,,10,,,REMINDER: Marco Rubio Abandoned #ImmigrationReform So He Could Run For President http://t.co/rIQRabv3al #GOPDebate http://t.co/ICXWvlJKY8,,2015-08-07 09:44:44 -0700,629694674354208768,lux et veritas,Eastern Time (US & Canada) -1120,No candidate mentioned,1.0,yes,1.0,Neutral,0.6608,Immigration,0.6608,,mo2g,,29,,,RT @JonFeere: We need an hour-long debate just on immigration. Give the questions to candidates ahead of time to prepare. It'd be informati…,,2015-08-07 09:44:44 -0700,629694673989300224,,Eastern Time (US & Canada) -1121,Ted Cruz,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,glennhduncan50,,126,,,"RT @ChuckNellis: 2 names should be trending after #GOPDebate, #CarlyFiorina & #TedCruz, the winners of round 1.",,2015-08-07 09:44:43 -0700,629694670206013440,, -1122,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.7197,,AnxiousEngine,,0,,,The winner of last night's debate was @HillaryClinton. And the loser was all women if any of those men end up in the Oval Office. #GOPDebate,,2015-08-07 09:44:43 -0700,629694670138933248,,Eastern Time (US & Canada) -1123,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,detroitread,,10,,,RT @ShanePaulNeil: Why are they handing Hillary the Dem nod? #earnthisdamnvoteorlose #GOPDebate,,2015-08-07 09:44:42 -0700,629694668708663297,Chicago,Central Time (US & Canada) -1124,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,el_deego,,1,,,"Hey @FoxNews, why wasn't #DeflateGate a bigger talking point last night? Makes me think the whole debate was a sham. #GOPDebate #HailSatan",,2015-08-07 09:44:42 -0700,629694668608024576,Guanaco/ATLien in NYC,Eastern Time (US & Canada) -1125,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DanScavino,,157,,,#GOPDebate w/ @realDonaldTrump delivered the highest ratings in the history of presidential debates. #Trump2016 http://t.co/Sy3wNqwHTb,,2015-08-07 09:44:42 -0700,629694668385689600,"Manhattan, NY",Eastern Time (US & Canada) -1126,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,hjaussie,,1,,,RT @MikeDrago: .@Mark Davis says @CarlyFiorina earned a promotion to the #GOPDebate main stage next time. http://t.co/tynvMJc7dn http://t.c…,,2015-08-07 09:44:42 -0700,629694668155039744,"Yanceyville,NC", -1127,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.652,,Alli_Burton1,,0,,,Here's why it was so frustrating to watch the #GOPDebate as a woman http://t.co/Gd6rVBHz4P via @HuffPostWomen,,2015-08-07 09:44:41 -0700,629694664338096128,"Bellevue, WA",Arizona -1128,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Abortion,0.6667,,_sMallard,,1,,,RT @JeremyLHeath: I'm... is she saying she is regretting having the baby? That's kind of how this reads. #GOPDebate #tcot #prolife https:/…,,2015-08-07 09:44:40 -0700,629694660756275200,Earth,Eastern Time (US & Canada) -1129,No candidate mentioned,0.405,yes,0.6364,Neutral,0.3295,None of the above,0.405,,graffiti_zebra,,382,,,"RT @Evelina: Tried to get into the #GOPDebate tonight, but then I realized that the Americas sideways look like a duck. http://t.co/tunvVNc…",,2015-08-07 09:44:40 -0700,629694660244557825,Earth, -1130,No candidate mentioned,1.0,yes,1.0,Negative,0.6829,Religion,1.0,,AfoofaAfia,,116,,,RT @lsarsour: It's Islam not Izlam. Muslims not Mozlems. When will we get it right? #GOPDebate,,2015-08-07 09:44:40 -0700,629694659166515200,,Pacific Time (US & Canada) -1131,No candidate mentioned,0.3681,yes,0.6067,Negative,0.6067,None of the above,0.3681,,DrValerieB,,1,,,"RT @AliceWHunt: If it don't free us, it enslaves us. Dr Brittney Cooper #GOPDebate @ProfessorCrunk @CTS_Chicago @OneNabi @DrValerieB",,2015-08-07 09:44:40 -0700,629694658097082368,Pennsylvania,Eastern Time (US & Canada) -1132,No candidate mentioned,0.4522,yes,0.6724,Negative,0.6724,FOX News or Moderators,0.4522,,AlWilson725,,0,,,@CarolCNN Stop stoking dishonesty. @megynkelly head has gotten so big due to her quick rise at #FoxNews and she's a drama queen #GOPDebate,,2015-08-07 09:44:40 -0700,629694657484726273,, -1133,John Kasich,0.6856,yes,1.0,Neutral,1.0,None of the above,1.0,,kArjunShenoy,,717,,,"RT @jilltwiss: ""My dad was a mailman"" - Kasich -""My dad was the President"" -Bush -""My dad gave me all my money"" - Trump #GOPDebate",,2015-08-07 09:44:39 -0700,629694655131561984,India,Mumbai -1134,Donald Trump,0.4123,yes,0.6421,Negative,0.6421,Jobs and Economy,0.4123,,eangiesc2014,,10,,,"RT @zzcrane: I beg you Donald trump supporters to reconsider. He is easily influenced politically & monetarily. -#GOPDebate #tlot #tcot #W…",,2015-08-07 09:44:39 -0700,629694654850670592,, -1135,No candidate mentioned,1.0,yes,1.0,Negative,0.6589,FOX News or Moderators,1.0,,NewsPolitics,,0,,,Fox's Todd Starnes Bashes #MegynKelly: 'Are You Freaking Kidding Me?' http://t.co/Qw7Xw0awxO (VIDEO) #GOPDebate http://t.co/XD19F7JMSI,,2015-08-07 09:44:36 -0700,629694642251034624,Boston Native,Eastern Time (US & Canada) -1136,No candidate mentioned,0.3951,yes,0.6286,Negative,0.3314,None of the above,0.3951,,xnmtx,,433,,,RT @ironghazi: Finally someone talking about the real issues #GOPdebate http://t.co/ttcdKtnMUt,,2015-08-07 09:44:35 -0700,629694639868522496,anoka,Central Time (US & Canada) -1137,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.2282,,gabshutup,,146,,,RT @keithboykin: I wish Republicans would stop saying the military is too small. We spend more on defense than every other nation on the pl…,,2015-08-07 09:44:35 -0700,629694639381950464,,Arizona -1138,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6977,,RobbRogers,,167,,,"RT @ColMorrisDavis: #GOPDebate recap: Men who said ""hell no, I won't go"" when they had military service chance saber-rattle w/the blood of …",,2015-08-07 09:44:35 -0700,629694638438371330,,Mountain Time (US & Canada) -1139,Scott Walker,1.0,yes,1.0,Negative,0.6092,Abortion,1.0,,dsouthwell13,,12,,,"RT @MichelleHux: #GOPDebate mod: would you really let a mother die rather than get an abortion? - -Scott Walker: yes & i defunded planned par…",,2015-08-07 09:44:34 -0700,629694635284275200,,Pacific Time (US & Canada) -1140,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,johncardillo,,0,,,"Megyn Kelly's snarky hot chick routine works on her show, but had no place at the #GOPDebate. She came off amateurish.",,2015-08-07 09:44:34 -0700,629694634579599360,"Florida, USA",Eastern Time (US & Canada) -1141,No candidate mentioned,1.0,yes,1.0,Negative,0.6958,None of the above,0.6934,,james_cagin,,26,,,RT @JeetendrSehdev: Political debates teach marketers how not to message to audiences today. Be direct don't deflect! #GOPDebate @OrlandoDi…,,2015-08-07 09:44:33 -0700,629694627789045760,"Hilltop Lakes, Texas", -1142,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,Women's Issues (not abortion though),0.3523,,elisa1121,,72,,,"RT @LilaGraceRose: It's time to ask: as President, will you defund #PlannedParenthood? #GOPDebate @megynkelly @BretBaier",,2015-08-07 09:44:30 -0700,629694616812392448,"Albuquerque, NM", -1143,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ProJones22,,2,,,"RT @jennpozner: #insomniactivist 3:52am. Fine, I give up. Turning on DVR, watching #GOPDebate. Trump's @Rosie crack: does he think he's sti…",,2015-08-07 09:44:29 -0700,629694612056244224,Bed-Stuy,Eastern Time (US & Canada) -1144,No candidate mentioned,0.3989,yes,0.6316,Neutral,0.3158,None of the above,0.3989,,JonOldenburg,,0,,,"#GOPDebate One critique: Not a debate as much as a ""get to know your candidates."" One Q per all the big problems in the world. Dissatisfying",,2015-08-07 09:44:29 -0700,629694611380928512,,Eastern Time (US & Canada) -1145,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,Jobs and Economy,0.6897,,e_ubanks,,22,,,"RT @NETRetired: #GOPDebate #DebateQuestionsWeWantToHear -@SpeakerBoehner has no economic bills & continues 2 waste taxpayer $$, why? http:/…",,2015-08-07 09:44:29 -0700,629694611032707072,Everywhere , -1146,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CURZONPRODUCT,,1,,,"RT @VictoriaNoir89: All of the jokes aside, the #GOPDebate moderators gave weak questions and candidates gave weak answers. Good luck again…",,2015-08-07 09:44:28 -0700,629694608965021696,"ÜT: 51.627156,-0.749957",London -1147,No candidate mentioned,1.0,yes,1.0,Negative,0.628,None of the above,1.0,,raisa_medeiros,,82,,,RT @emmyrossum: This is how my kid feels about the #GOPDebate. http://t.co/m8e1gWOtf2,,2015-08-07 09:44:28 -0700,629694608222613504,Manaus-Am-Brasil, -1148,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,None of the above,0.6725,,emextremic,,2,,,RT @EthanEllis32: Pretty sure Republicans consider Straight Outta Compton to be a horror movie #GOPDebate #DebateWithBernie,,2015-08-07 09:44:28 -0700,629694607517814784,chicago heights,Central Time (US & Canada) -1149,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DecisiveThumbs,,154,,,RT @AstroKatie: Why be politically correct when you can be politically factually wrong about everything known to science? #GOPDebate,,2015-08-07 09:44:27 -0700,629694603604721664,, -1150,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7128,,peterjhasson,,1,,,"RT @G_Humbertson: Trump claimed last night that he's given most of his opponents money. Actually, just one. #GOPDebate http://t.co/xztTCvMP…",,2015-08-07 09:44:26 -0700,629694598974189569,, -1151,Donald Trump,0.4398,yes,0.6632,Negative,0.3474,FOX News or Moderators,0.4398,,CKB_STORM,,193,,,RT @ThePatriot143: ✔️ @FoxNews was totally fair to @realDonaldTrump especially in the 1st 2mins of the #GOPDebate http://t.co/6W3EpMpOeJ,,2015-08-07 09:44:24 -0700,629694593739694080,That'Some More Ur Business,Central Time (US & Canada) -1152,Donald Trump,1.0,yes,1.0,Neutral,0.6786,FOX News or Moderators,1.0,,Shirleystopirs,,13,,,"RT @LadySandersfarm: Will @megynkelly Ever Ask Rosie to Apologize for Her Foul, Abusive, Ugly Attacks on Donald #Trump? https://t.co/zxasm…",,2015-08-07 09:44:23 -0700,629694585686622209,,Atlantic Time (Canada) -1153,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,BrittRic,,39,,,"RT @feministabulous: Scott Walker talking about what he'll do as President being ""just like what I did in Wisconsin"" is so scary. #GOPDebate",,2015-08-07 09:44:22 -0700,629694585179123712,North Coast // Wisconsin,Central Time (US & Canada) -1154,No candidate mentioned,1.0,yes,1.0,Neutral,0.6745,None of the above,1.0,,muvauniverse,,124,,,RT @CharlotteAbotsi: Today is the 50th anniversary on the Voting Rights Act and the hosts and the candidates have been 😶😶😶 about it. #GOPDe…,,2015-08-07 09:44:22 -0700,629694584356864001,,Pacific Time (US & Canada) -1155,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.7108,,The_Optics,,0,,,@Jerusalem_Post Hope you watched how US Republicans condemned Obama on #IranDeal at the #GOPDebate. #MikeHuckabee's was the most blistering.,,2015-08-07 09:44:20 -0700,629694574991147009,Kenya,Tehran -1156,Mike Huckabee,0.6742,yes,1.0,Positive,0.6742,None of the above,0.6966,,AnnaKarinMajer,,287,,,"RT @GovMikeHuckabee: I'll fight for the U.S. military to be the most feared, respected, & ⁰capable fighting force the world has ever known …",,2015-08-07 09:44:20 -0700,629694574961647616,, -1157,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TheLowRollers1,,1042,,,"RT @FrankLuntz: The biggest (pleasant) surprise in tonight’s #GOPDebate was Ben Carson. - -#KellyFile",,2015-08-07 09:44:19 -0700,629694570629079040,Occupied Amerika,Atlantic Time (Canada) -1158,Donald Trump,0.6522,yes,1.0,Negative,1.0,None of the above,1.0,,OStateFanVicki,,0,,,Thoughts on #GOPdebate: Trump had so much more time than everyone because he can't answer ?s succinctly. Or at all #NotTrump #anyonebut,,2015-08-07 09:44:18 -0700,629694566539497472,"Stillwater, OK",Central Time (US & Canada) -1159,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Yagoludi,,35,,,"RT @kharyp: #DonaldTrump Finally Called Out For Insulting Women As ‘Fat Pigs, Dogs, Slobs, And Disgusting Animals’ http://t.co/fE6kZ2mmmB #…",,2015-08-07 09:44:18 -0700,629694566451429376,"Milwaukee, Wisconsin", -1160,Donald Trump,1.0,yes,1.0,Negative,0.6413,Immigration,0.3587,,TSFearadaigh,,2,,,"RT @TrumpIssues: An illegal alien can be deported 5 X, make it back into the country, kill an American woman, but Trump can't call someone …",,2015-08-07 09:44:17 -0700,629694561963610112,USA, -1161,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,jaelynks,,431,,,RT @pistolsnpoetry: I am howling. #GOPDebate http://t.co/BNv5ohXZLK,,2015-08-07 09:44:16 -0700,629694558591283200,htx,Central Time (US & Canada) -1162,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,BrittRic,,41,,,"RT @feministabulous: Scott Walker is so pro-life he didn't make an exception for rape, incest of life of the the mother for his 20-week abo…",,2015-08-07 09:44:15 -0700,629694556129394688,North Coast // Wisconsin,Central Time (US & Canada) -1163,Marco Rubio,0.3588,yes,0.599,Neutral,0.3042,Immigration,0.3588,,atomsoffice,,0,,,On #immigrationreform #GOPDebate marcorubio: most are Central Americans not Mexicans (true) and he wants electronic monitoring systems Don'…,,2015-08-07 09:44:14 -0700,629694550009884673,,Central Time (US & Canada) -1164,Mike Huckabee,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,TheDonkeyHotey,,201,,,"RT @fakedansavage: Huckabee: Illegals, pimps, prostitutes aren't paying their fair share! #GOPDebate",,2015-08-07 09:44:14 -0700,629694549691080704,,Eastern Time (US & Canada) -1165,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6369,,FrazierRoy,,224,,,RT @jjauthor: Uhhh..@brithume most of us didn't like @megynkelly questioning of everyone..very ungentlewomenly! #GOPDebate,,2015-08-07 09:44:13 -0700,629694545811210240,Ohio- So. Cal- Texas,Central Time (US & Canada) -1166,Donald Trump,0.6737,yes,1.0,Negative,0.6842,FOX News or Moderators,0.6421,,FreedomTexasMom,,1,,,My LOVE for @megynkelly died tonight at the #GOPDebate #FoxNews #TrumpCruz2016 #MakeAmericaGreatAgain,,2015-08-07 09:44:13 -0700,629694545555517440,TEXAS, -1167,Marco Rubio,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,mauriciod44,,6,,,RT @TH3R34LTRUTH: #Rubio said he was worried about all the people who can't get in. How about worrying about those born here 4a change #GOP…,,2015-08-07 09:44:12 -0700,629694542371917826,Arizona,Arizona -1168,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,CoxaleeLee,,7,,,RT @toddstarnes: Hey conservatives - you have a friend at the Fox News Corner of the World. #GOPDebate,,2015-08-07 09:44:12 -0700,629694542132969472,"Wisconsin, USA", -1169,No candidate mentioned,0.4528,yes,0.6729,Negative,0.6729,Immigration,0.4528,,atomsoffice,,0,,,#GOPDebate’s Biggest Winners–And Losers http://t.co/dW6irephdM Latins Think All GOP Lost Because #ImmigrationReform #TNTVote #AINF #Latis…,,2015-08-07 09:44:12 -0700,629694542078455808,,Central Time (US & Canada) -1170,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6889,,catinshoe,,0,,,#GOPDebate Am I the only one who noticed that Donald Trump admitted to bribing public officials?,,2015-08-07 09:44:12 -0700,629694541147283456,,Eastern Time (US & Canada) -1171,No candidate mentioned,1.0,yes,1.0,Negative,0.6566,None of the above,1.0,,jdsmith_08,,0,,,"Remind me again, is it the winners that complain about the officiating #GOPDebate",,2015-08-07 09:44:12 -0700,629694540476067841,Houston,Central Time (US & Canada) -1172,No candidate mentioned,0.6705,yes,1.0,Negative,0.6705,None of the above,1.0,,LindaC528,,390,,,"RT @MarkDiStef: As an Australian watching the #GOPDebate, this is simply most awesome and batshit insane political event I've ever seen.",,2015-08-07 09:44:11 -0700,629694537028337665,S.W. Chicago suburbs,Central Time (US & Canada) -1173,Donald Trump,0.3872,yes,0.6222,Negative,0.6222,None of the above,0.3872,,IronHide_81,,0,,,"I don't know who runs @realDonaldTrump's Twitter feed, but Gawd...Grow up Donald! Put on your big boy pants and stop whining! #GOPDebate",,2015-08-07 09:44:10 -0700,629694532997623808,"Idaho, Planet Earth",Pacific Time (US & Canada) -1174,Donald Trump,1.0,yes,1.0,Positive,0.6889,FOX News or Moderators,1.0,,DWHignite,,0,,,@FoxNews failed @megynkelly appeared follish and @realDonaldTrump ROCKED the HOUSE!#GOPDebate https://t.co/BUoYE6dNLl,,2015-08-07 09:44:10 -0700,629694531374612480,, -1175,No candidate mentioned,1.0,yes,1.0,Neutral,0.6388,Religion,0.659,,evankbremer,,424,,,"RT @OhNoSheTwitnt: ""Has God ever talked to you?"" -an actual real #GOPDebate question. Seriously.",,2015-08-07 09:44:08 -0700,629694525561307136,Ireland/England,Amsterdam -1176,Mike Huckabee,0.6882,yes,1.0,Negative,1.0,Abortion,1.0,,diwareddy,,78,,,"RT @RubinReport: Hey Huckabee, you're not allowed to talk about science related to abortion when you don't believe in climate change. #GOPD…",,2015-08-07 09:44:08 -0700,629694522822258688,"Houston, Texas, USA ",Hawaii -1177,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Immigration,0.3452,,acdoyle1977,,3,,,RT @MzDivah67: #GOPDebate in a nutshell via Vote True Blue 2016 http://t.co/5rfh5zbnPm,,2015-08-07 09:44:07 -0700,629694522264391680,, -1178,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.3511,,Donirahh,,25,,,RT @frogi26: The are no illegal humans in the world how is that they are keep calling Latinos illegals #latinosunidos @EspuelasVox @FoxNews…,,2015-08-07 09:44:07 -0700,629694520423133184,Houston,Mexico City -1179,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6771,,paolo44444,,0,,,"On social media conservatives expressed outrage at @megynkelly and @FoxNews for #GOPDebate ""friendly fire"" questions -http://t.co/Vpa9RIycA0",,2015-08-07 09:44:07 -0700,629694519399870464,,Ljubljana -1180,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AkaDimiX,,0,,,"They were treating lives as pawns. - -Polices should stand or fall on their merit, not on their conservativeness. #GOPdebate - -It's telling.",,2015-08-07 09:44:06 -0700,629694517634052096,Inner Outer Space,Quito -1181,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,bend_time,,10,,,RT @shannonrwatts: #NRA leaders lobbied to prevent military commanders from asking questions about service members’ privately owned guns #G…,,2015-08-07 09:44:04 -0700,629694509979308036,"818 the valley, baby",Pacific Time (US & Canada) -1182,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,freestyldesign,,0,,,Trump WOULD NOT take a Pledge NOT to run 3rd Party- DISQUALIFIED- GET OUT #Tcot #ccot #RedNationRising #GOPDebate,,2015-08-07 09:44:04 -0700,629694507936673792,Seattle WA USA,Pacific Time (US & Canada) -1183,No candidate mentioned,1.0,yes,1.0,Negative,0.6968,None of the above,0.6715,,Roxsett27573,,0,,,The format for the next #GOPDebate has to change. Make it 3hrs. 8:00 to 11:00 with all candidates on stage. We deserve this! #outnumbered,,2015-08-07 09:44:02 -0700,629694498881306624,"North Carolina, USA",Eastern Time (US & Canada) -1184,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,psgamer92,,0,,,My favorite moment of the #GOPDebate is when @HillaryClinton was suggested to be the leader of progressives. 😂😂😂😂😂,,2015-08-07 09:44:01 -0700,629694495768969216,,Central Time (US & Canada) -1185,Jeb Bush,0.2341,yes,0.6469,Positive,0.3618,None of the above,0.4185,,great_gold,,22,,,"RT @LessGovMoreFun: . ""The American People Want A President Who Will Tell The Truth"" --Sen. Ted Cruz -#GOPdebate -#PJNET -#CCOT http://t.co/wv…",,2015-08-07 09:44:01 -0700,629694495064485888,,Eastern Time (US & Canada) -1186,No candidate mentioned,1.0,yes,1.0,Positive,0.3441,None of the above,1.0,,jphoganorg,,1,,,"After #GOPDebate #FeelTheBern can step over fallen #Hillary2016 -#Justice #FBI #FEC to dissect too of 22nd Amendment: http://t.co/4ljEUG3gyE?",,2015-08-07 09:44:01 -0700,629694493726388226,jph@jphogan.org , -1187,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,JeffSimmons2050,,1,,,"#GOPDebate takeaway – Presence Matters. I see presence as a blend of believability, articulation of #integrity w/ edge & track record.",,2015-08-07 09:44:00 -0700,629694492635848704,Indiana ,Indiana (East) -1188,Mike Huckabee,0.6608,yes,1.0,Positive,0.6608,Abortion,1.0,,mhfa16ok,,6,,,RT @GrannyT6: #ImWithHuck #GOPDebate #DNA defines a person. 5th & 14th Amendments guarantee a person the #RightToLife #DontBackDown http://…,,2015-08-07 09:44:00 -0700,629694491465805828,Oklahoma,Eastern Time (US & Canada) -1189,Scott Walker,0.4563,yes,0.6755,Negative,0.6755,None of the above,0.4563,,catinshoe,,0,,,"#GOPDebate Dead-eyed Walker,Granny Bush,Oozy Cruz,I'm-a-Big-Boy Rubio,Curly Paul, Smarmy Uncle Huck (+VP wannabees: Kasich,Carson &Christie)",,2015-08-07 09:43:59 -0700,629694487506325504,,Eastern Time (US & Canada) -1190,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,uncleblabby,,11,,,RT @coldpizzaparty: Makes me so sad to see working people against basic public goods like education and the environment #debatewithbernie …,,2015-08-07 09:43:59 -0700,629694486008889344,Beverly IL USA, -1191,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6706,,d_mazzoli,,2,,,RT @ObeyDlaw: @GroverNorquist @ChrisChristie No. He got his nose rubbed in dog shit for standing on the back of terror victims. #GOPdebate …,,2015-08-07 09:43:58 -0700,629694483391737856, N.J. , -1192,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,VernonCrawfor13,,28,,,RT @Sanddragger: .@FoxNews is having a hard time covering for .@megynkelly She put her colleagues in a bad spot. #GOPDebate,,2015-08-07 09:43:57 -0700,629694479994384384,, -1193,Donald Trump,0.4059,yes,0.6371,Neutral,0.3301,,0.2312,,hjaussie,,1,,,"RT @TrumpIssues: It took the @POTUS 5 DAYS 2 lower the flag 2 honor soldiers killed in #Chattanooga, but Trump better not call a woman slob…",,2015-08-07 09:43:57 -0700,629694478698287105,"Yanceyville,NC", -1194,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Barbarellaf,,0,,,"Me: I'm a little hungover. -David: I think you had too many candidates. #GOPDebate",,2015-08-07 09:43:56 -0700,629694476227735552,"San Diego, CA",Pacific Time (US & Canada) -1195,No candidate mentioned,1.0,yes,1.0,Negative,0.6633,FOX News or Moderators,0.6633,,Sceddar,,92,,,RT @JoeMyGod: First two ads during the debate: denture adhesive and memory pills. #CoreFoxAudience #GOPDebate,,2015-08-07 09:43:55 -0700,629694471328935936,East LA aka East Lower Alabama,Central Time (US & Canada) -1196,Jeb Bush,0.6526,yes,1.0,Neutral,0.6947,Foreign Policy,0.6526,,TexasCruzn,,1,,,"RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/1z3VuFjZlw""",,2015-08-07 09:43:55 -0700,629694468791398400,,Eastern Time (US & Canada) -1197,Jeb Bush,1.0,yes,1.0,Negative,0.6744,Foreign Policy,0.6744,,BarracudaMama,,5,,,"RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/E1SmU0Hn5J""",,2015-08-07 09:43:55 -0700,629694468791345152,EIC,Central Time (US & Canada) -1198,Jeb Bush,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,NaughtyBeyotch,,4,,,"RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/WQnSuPSPkC""",,2015-08-07 09:43:55 -0700,629694468724248576,Texas,Central Time (US & Canada) -1199,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,garrulous34,,0,,,@ThePatriot143 @realDonaldTrump @FoxNews Trump didn't need a lot of rope to completely hang himself. He's an embarrassment. #GOPDebate,,2015-08-07 09:43:55 -0700,629694468719939584,California,Pacific Time (US & Canada) -1200,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,Foreign Policy,0.4444,,BraveConWarrior,,2,,,"RT @AllenWestRepub ""Dear @JebBush #GOPDebate #NotAMistake http://t.co/T7MGjn2vEr""",,2015-08-07 09:43:55 -0700,629694468380327938,USA,Central Time (US & Canada) -1201,No candidate mentioned,0.4209,yes,0.6488,Negative,0.6488,,0.2279,,genaozols,,59,,,RT @NARALColorado: There are 10 men fighting about who can wreak the most havoc on women’s health. #GOPDebate #WorstContestEver #StandWithPP,,2015-08-07 09:43:54 -0700,629694467331612672,,Mountain Time (US & Canada) -1202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,McDebida,,0,,,"@bmangh Then the mutants at the -Democrat abortion fest will thrill you. #GOPDebate",,2015-08-07 09:43:53 -0700,629694463611305984,Hollywood,Central Time (US & Canada) -1203,No candidate mentioned,1.0,yes,1.0,Neutral,0.6453,None of the above,1.0,,See_Ern_Run,,0,,,Last night's debate made all of us feel little like we could be Jon Stewart #GOPDebate #JonVoyage,,2015-08-07 09:43:53 -0700,629694461006757888,,Eastern Time (US & Canada) -1204,No candidate mentioned,1.0,yes,1.0,Negative,0.6854,None of the above,1.0,,SierraCarson,,59,,,"RT @OhNoSheTwitnt: Probably the funniest thing about this whole circus is that we're all calling this ""the real debate."" #GOPDebate",,2015-08-07 09:43:52 -0700,629694458574041088,Fayettechill/ 'Homa,Eastern Time (US & Canada) -1205,Donald Trump,0.3999,yes,0.6323,Negative,0.6323,None of the above,0.3999,,CHRIStafariRI,,0,,,"""Dump The Duncald"" #Dunce #Donald #GOPDebate #Decision2016",,2015-08-07 09:43:52 -0700,629694457621970944,The only surviving town in RI,Eastern Time (US & Canada) -1206,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,Shirleystopirs,,1,,,RT @TH3R34LTRUTH: Y'all seen the @GOP tweet Vote 4 who u think won the debate but only if you donate 25 bucks. U wonder y we hate you #GOPD…,,2015-08-07 09:43:52 -0700,629694457202540546,,Atlantic Time (Canada) -1207,Donald Trump,0.4062,yes,0.6374,Negative,0.6374,None of the above,0.4062,,BakerProperties,,1,,,"RT @TrumpIssues: Congress & morons like @NancyPelosi can pass a bill WITHOUT reading it, but Trump better not call someone a slob. #GOPDeba…",,2015-08-07 09:43:52 -0700,629694457038901249,New Hampshire,Eastern Time (US & Canada) -1208,No candidate mentioned,0.4768,yes,0.6905,Neutral,0.6905,None of the above,0.4768,,icyminnesota,,53,,,"RT @4gen234: Hillary Clinton's reaction upon seeing Carly Fiorina won the night. -#Carly2016 #GOPDebate http://t.co/esd4F4ARNS",,2015-08-07 09:43:50 -0700,629694449585680384,Icy Minnesota,Central Time (US & Canada) -1209,Marco Rubio,0.4444,yes,0.6667,Positive,0.3441,None of the above,0.2294,,manlycatholics,,60,,,RT @comcatholicgrl: @marcorubio slaying #GOPDebate http://t.co/sLFVbkScmS,,2015-08-07 09:43:50 -0700,629694448759361536,Memphis, -1210,Marco Rubio,0.6977,yes,1.0,Negative,0.6977,Abortion,0.6977,,derekflynch,,0,,,#rubio mis-statement on abortion record will do him some harm among conservatives #GOPDebate,,2015-08-07 09:43:49 -0700,629694446104395777,,Dublin -1211,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,awesomenautted,,10,,,RT @imuszero: Disappointed in @FoxNews coverage of #GOPDebate they acted like giddy amateurs at a sporting event using liberal media questi…,,2015-08-07 09:43:49 -0700,629694445039054849,,Pacific Time (US & Canada) -1212,Donald Trump,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,RevFranklinBigM,,1,,,RT @TheRealEubanks: Next #GOPDebate #Trump needs to let me do something with that hair!!!!! #fashion,,2015-08-07 09:43:48 -0700,629694441410969600,Pittsburgh,Eastern Time (US & Canada) -1213,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ErOrange,,0,,,What...a bunch of jackwagons #GOPDebate #comedyoferrors https://t.co/anUKB30eIi,,2015-08-07 09:43:48 -0700,629694440739893248,"New York, NY USA",Eastern Time (US & Canada) -1214,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,sjwallin,,21,,,RT @Oni_and_LaMae: For my fellow #tytlive folks without cable...but still watching @TheYoungTurks live coverage of the #GOPDebate! http://t…,,2015-08-07 09:43:46 -0700,629694430509805568,"Valencia, CA",Arizona -1215,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Teddylevin93,,0,,,@realDonaldTrump is a treat for us all to enjoy. #GOPDebate,,2015-08-07 09:43:45 -0700,629694430291828736,Leicester,London -1216,No candidate mentioned,1.0,yes,1.0,Neutral,0.6545,None of the above,1.0,,romanichal_dad,,1,,,"RT @NaughtyBeyotch: RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http…",,2015-08-07 09:43:45 -0700,629694428710436864,America,Central Time (US & Canada) -1217,Ted Cruz,1.0,yes,1.0,Neutral,0.3587,Healthcare (including Medicare),0.6413,,VetApologist,,6,,,"RT @Jam1p: 💢Somehow our friends at FOX missed the #GOPDebate - -@SenTedCruz took on: -Obama -Hillary -Washington -Islamic Jihad -OHealthCare - -…",,2015-08-07 09:43:45 -0700,629694427678801920,"Somewhere, USA",Mountain Time (US & Canada) -1218,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,JillMillerZimon,,0,,,@DWStweets references NH forum & how only 1 of 14 mentioned income inequality #gopdebate #CityClub,,2015-08-07 09:43:44 -0700,629694424893784064,Northeast Ohio,Eastern Time (US & Canada) -1219,Donald Trump,1.0,yes,1.0,Neutral,1.0,Religion,0.6975,,ja_cob_s,,1469,,,"RT @pattonoswalt: ""Jesus...good guy. I would've sealed his tomb better. Cheap craftsmanship, a boulder that can just be rolled away."" -- Tr…",,2015-08-07 09:43:44 -0700,629694424490991616,, -1220,No candidate mentioned,0.3889,yes,0.6237,Negative,0.3226,,0.2347,,Sceddar,,141,,,"RT @Bipartisanism: When watching the #GOPDebate remember that ""Jose didn't take your job, Goldman Sachs did. http://t.co/ChHZB49T0W",,2015-08-07 09:43:42 -0700,629694417163710464,East LA aka East Lower Alabama,Central Time (US & Canada) -1221,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6591,,gearhead81,,1,,,#GOPDebate so the debate for POTUS comes down to who is the best insulter of + sized irrelevant lesbians? & youre doing what 4 the people?,,2015-08-07 09:43:42 -0700,629694415448186880,"waverly, fl", -1222,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6383,,HlLLARY,,11,,,"Oh, one more thing. Did anyone hear anything about affordable child care for working families last night in the #GOPDebate ? I didn't.",,2015-08-07 09:43:42 -0700,629694415351742464,Glass Ceiling Cracking, -1223,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AliceWHunt,,1,,,"If it don't free us, it enslaves us. Dr Brittney Cooper #GOPDebate @ProfessorCrunk @CTS_Chicago @OneNabi @DrValerieB",,2015-08-07 09:43:41 -0700,629694410934988801,Chicago, -1224,Ben Carson,1.0,yes,1.0,Positive,0.6737,None of the above,1.0,,ajbrzski,,0,,,"@PamelaGeller @AnnCoulter Kim/Kanye are great examples of Hillary's ""useful idiots"" that @RealBenCarson was referring to in #GOPDebate .",,2015-08-07 09:43:39 -0700,629694404119281664,Deep in the Heart of Texas,Central Time (US & Canada) -1225,No candidate mentioned,1.0,yes,1.0,Negative,0.6796,FOX News or Moderators,1.0,,DanMudd,,0,,,@megynkelly megyn must want to be invited to more celeb parties in New York. #GOPDebate #tcot,,2015-08-07 09:43:39 -0700,629694402160644096,"Nashville, TN",Central Time (US & Canada) -1226,No candidate mentioned,0.4527,yes,0.6729,Negative,0.3476,Abortion,0.2339,,Sceddar,,26,,,RT @NARAL: .@BobbyJindal brags about how anti-choice his state is; @amprog report in 2013 said Louisiana was WORST state for women. #OwnIt …,,2015-08-07 09:43:38 -0700,629694397639229441,East LA aka East Lower Alabama,Central Time (US & Canada) -1227,Marco Rubio,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,TheBaxterBean,,9,,,Marco Rubio Briefly Backed Immigration Reform Then Privately Berated DREAMers http://t.co/We77QdT3Kt #GOPDebate http://t.co/R406NpVEx5,,2015-08-07 09:43:37 -0700,629694396078923776,lux et veritas,Eastern Time (US & Canada) -1228,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jorgexguzman_,,1,,,RT @roelgk: Ignorant. Obnoxious. Repulsive. And Intolerable. Donald Trump is a pure JOKE! Americans cannot let this CLOWN become president!…,,2015-08-07 09:43:37 -0700,629694395512532992,"Keller, TX",Hawaii -1229,No candidate mentioned,0.4074,yes,0.6383,Negative,0.3617,None of the above,0.4074,,robinfitzgerl,,39,,,"RT @GretchenCarlson: ""Take a bottle of white out with me to Pres Obamas policies"" @GovernorPerry #GOPDebate @FoxNews @foxnewspolitics",,2015-08-07 09:43:37 -0700,629694395088924672,"Kansas, USA",Pacific Time (US & Canada) -1230,Scott Walker,0.6629,yes,1.0,Negative,1.0,Abortion,0.6629,,jennpozner,,0,,,"#GOPDebate Such flailing&whining about ""political correctness"" as a way to avoid answering any substantive Q on war/immigration/misogyny...",,2015-08-07 09:43:37 -0700,629694394384404480,"Brooklyn, NY",Eastern Time (US & Canada) -1231,Rand Paul,1.0,yes,1.0,Negative,0.6759,None of the above,1.0,,WBBIIISRA,,0,,,I bet Todd Palin consults Rand Paul on where to get his goatee trimmed when he visits KY #GOPDebate,,2015-08-07 09:43:37 -0700,629694393516204032,The gym...,Mountain Time (US & Canada) -1232,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,None of the above,1.0,,madambluize,,120,,,RT @ciscabecker: Hillary & Obama watching the first #GOPDebate. http://t.co/NdnRdWrQyF,,2015-08-07 09:43:36 -0700,629694390643073029,tru blu hiding in a red county, -1233,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JeremyArambulo,,316,,,"RT @pattonoswalt: Oh, Ted Cruz. You have the same pudding chin and beta-male energy that I do. Go into comedy. I can get you on at The Virg…",,2015-08-07 09:43:36 -0700,629694388856188928,Los Angeles,Arizona -1234,Chris Christie,0.4089,yes,0.6395,Negative,0.6395,None of the above,0.4089,,lynn_lynnw23,,5,,,RT @HEAprez: And then there's those troubling things called facts that @ChrisChristie forgot in #GOPDebate. #TellingItLikeItIs http://t.co/…,,2015-08-07 09:43:35 -0700,629694387975495680,, -1235,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KarenCrow6,,2,,,"RT @FreedomJames7: Any Conservative Who Thinks Chris Christie Won Last Night, You Need To Leave Our Party Immediately. -#GOPDebate",,2015-08-07 09:43:35 -0700,629694384632496129,, -1236,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,SeaBassThePhish,,0,,,Can we stop making sweeping statements about other candidates policies. There are no absolutes #GOPDebate,,2015-08-07 09:43:35 -0700,629694384213229568,,Eastern Time (US & Canada) -1237,No candidate mentioned,1.0,yes,1.0,Neutral,0.6638,None of the above,1.0,,Goldyvox,,3,,,RT @treppps: But @BernieSanders was the real winner of the #GOPDebate http://t.co/5RplNEynGJ,,2015-08-07 09:43:34 -0700,629694381834919936,Pirate Cove,Eastern Time (US & Canada) -1238,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3333,,dwikstromd,,1,,,Calling 911woth @lilymaxcooke to try and save baby raccoons in a sewer only to find out its their natural habitat #dumbfucks #GOPDebate,,2015-08-07 09:43:34 -0700,629694381226897408,, -1239,No candidate mentioned,0.405,yes,0.6364,Neutral,0.6364,,0.2314,,NASEDOGOD,,3,,,RT @Susan_Hutch: SURVEY: Tell us who won the GOP debates. http://t.co/Oeccj37NdC #GOPdebate #FoxNewsDebate http://t.co/62hNZnGYw2,,2015-08-07 09:43:34 -0700,629694380744572928,,Stockholm -1240,,0.2369,yes,0.6145,Negative,0.6145,,0.2369,,DSMLiberal,,10,,,RT @bennydiego: The unplanned parenthood. #foxnews #gopdebate http://t.co/XO1ijogj3T,,2015-08-07 09:43:33 -0700,629694378597056512,"Des Moines, Iowa", -1241,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,BraveConWarrior,,2,,,"RT @AllenWestRepub ""Twitter declares @CarlyFiorina the #GOPDebate winner  "" http://t.co/zfFszafvUg",,2015-08-07 09:43:33 -0700,629694376420212736,USA,Central Time (US & Canada) -1242,No candidate mentioned,0.4805,yes,0.6932,Neutral,0.3636,None of the above,0.4805,,TexasCruzn,,0,,,"RT @AllenWestRepub ""Twitter declares @CarlyFiorina the #GOPDebate winner  "" http://t.co/T1lDoQL94l",,2015-08-07 09:43:33 -0700,629694376390885377,,Eastern Time (US & Canada) -1243,No candidate mentioned,1.0,yes,1.0,Positive,0.6833,None of the above,1.0,,NaughtyBeyotch,,2,,,"RT @AllenWestRepub ""Twitter declares @CarlyFiorina the #GOPDebate winner  "" http://t.co/lX0RkaHzMQ",,2015-08-07 09:43:33 -0700,629694376286011392,Texas,Central Time (US & Canada) -1244,Ben Carson,1.0,yes,1.0,Negative,0.6506,None of the above,1.0,,GaltWhoo,,0,,,America in 2015 Doesn't Deserve Ben Carson http://t.co/pe4NrDzXoG via @ijreview @gop #gopdebate @realbencarson,,2015-08-07 09:43:31 -0700,629694370959216640,,Eastern Time (US & Canada) -1245,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,janiecers,,420,,,RT @OITNB_Beyond: Democrats watching the #GOPDebate tonight!!! This is a comedy hour!!! http://t.co/kKrpmE1XCE,,2015-08-07 09:43:31 -0700,629694370661421056,,Eastern Time (US & Canada) -1246,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Maxhawk4,,1,,,RT @_rightchick: I just love @CarlyFiorina!! She owned last night 🙌🏼🇺🇸🐘 #GOPDebate #ycot http://t.co/6khqpdqpn9,,2015-08-07 09:43:31 -0700,629694368383934464,"Rockwall, TX",Central Time (US & Canada) -1247,No candidate mentioned,0.4243,yes,0.6514,Negative,0.6514,Immigration,0.4243,,jaontra_lanae,,409,,,RT @lexi4prez: Drinking game: take a shot every time a republican shames immigration or planned parenthood #GOPDebate,,2015-08-07 09:43:31 -0700,629694367406514176,,Pacific Time (US & Canada) -1248,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6941,,OhThatTyler,,0,,,"""I'm a new kind of Republican moving the party forward! But women shouldn't have control over their own bodies!"" ~ Republicans #GOPDebate",,2015-08-07 09:43:28 -0700,629694358867058692,New Jersey,Eastern Time (US & Canada) -1249,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DerrickBMartin,,0,,,@DerrickBMartin: Stand-outs #GOPDebate 1.@marcorubio 2.@CarlyFiorina 3.@tedcruz 4.@RealBenCarson 5.@RickSantorum,,2015-08-07 09:43:28 -0700,629694357864484864,"Humble, TX", -1250,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.2299,,bittybyte,,1,,,RT @snowlady09: @megynkelly #GOPDebate You should have been objective your bias got in the way I can only wonder who's agenda you were carr…,,2015-08-07 09:43:28 -0700,629694356933349376,the cosmos / az,Arizona -1251,No candidate mentioned,1.0,yes,1.0,Negative,0.6879,Religion,1.0,,sofeeuh,,880,,,"RT @BettyBowers: Asking about God violates Article VI, paragraph 3 of the Constitution: ""There will be no religious test for office."" #GOP…",,2015-08-07 09:43:28 -0700,629694355343716352,, -1252,Ted Cruz,0.228,yes,0.6484,Positive,0.3516,None of the above,0.4204,,SwampFoxSr,,0,,,@rushlimbaugh You are so #SpotOn Rush about t order coming down Fox to take out #Trump. #GOPDebate I knew it was true on 1st ? #Cruz2016,,2015-08-07 09:43:27 -0700,629694353770835968,"SC & GA Swamps, USA",Atlantic Time (Canada) -1253,Jeb Bush,0.41600000000000004,yes,0.645,Negative,0.645,,0.22899999999999998,,d_mazzoli,,15,,,"RT @DoriaBiddle: Jeb Bush: ""Knowing what we know now..."" We knew it then, idiot! #Iraq #GOPDebate",,2015-08-07 09:43:27 -0700,629694350981787649, N.J. , -1254,No candidate mentioned,1.0,yes,1.0,Neutral,0.6698,None of the above,1.0,,MelisaAnnis,,0,,,They seem to have an audience full of lefty righties. #GOPDebate,,2015-08-07 09:43:26 -0700,629694348347764736,"Brooklyn, NY",Quito -1255,No candidate mentioned,0.2444,yes,0.6667,Neutral,0.3667,FOX News or Moderators,0.4444,,aliadeles,,36,,,RT @MashableNews: .@realdonaldtrump went on a late-night Twitter rant against @MegynKelly after the #GOPdebate: http://t.co/dl4mWpNZzm http…,,2015-08-07 09:43:26 -0700,629694347949137920,, -1256,No candidate mentioned,1.0,yes,1.0,Positive,0.6881,None of the above,1.0,,luci_hodges,,1,,,RT @_NateDrake: Really excited about this campaign season. Googling the date now for the #GOPDebate because I want to stay informed and on …,,2015-08-07 09:43:24 -0700,629694340730880000,, -1257,Donald Trump,0.4255,yes,0.6523,Negative,0.6523,FOX News or Moderators,0.4255,,awesomenautted,,18,,,RT @FreedomTexasMom: . @megynkelly nice attempt at provoking @realDonaldTrump to attack you instead of focusing on the issues. #epicFAIL #G…,,2015-08-07 09:43:24 -0700,629694339359338496,,Pacific Time (US & Canada) -1258,No candidate mentioned,1.0,yes,1.0,Negative,0.6757,None of the above,1.0,,jonesmarkh,,1,,,Friendly reminder that a focus group is not a poll #GOPDebate https://t.co/MheK8YWGLH,,2015-08-07 09:43:23 -0700,629694338004594688,Lamar's Sportsman's Club,Central Time (US & Canada) -1259,No candidate mentioned,0.6973,yes,1.0,Neutral,1.0,None of the above,0.361,,AnehVelidhoo,,0,,,RT gov: Most-retweeted media Tweet of #GOPDebate: https://t.co/DV2E4jHXcS,,2015-08-07 09:43:22 -0700,629694333122424833,Maldives, -1260,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,izadoreem,,116,,,"RT @KLSouth: .@megynkelly's allegiance is to Murdock & Ailes, not the American people. Understand this, you'll understand her. #kellyfile #…",,2015-08-07 09:43:20 -0700,629694321776705536,,Pacific Time (US & Canada) -1261,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7097,,SierraCarson,,104,,,RT @OhNoSheTwitnt: So are you people who are playing the drinking game dead yet? #GOPDebate,,2015-08-07 09:43:19 -0700,629694321118285824,Fayettechill/ 'Homa,Eastern Time (US & Canada) -1262,No candidate mentioned,1.0,yes,1.0,Neutral,0.6468,None of the above,0.6468,,PlantagenetC,,0,,,"How To Be Filmed Murdering a Man, Cover It Up, Be Free On Bail, And Ask For Your Job Back @alternet http://t.co/o2psPH6MZv #GOPDebate #USA",,2015-08-07 09:43:19 -0700,629694319847411712,,Edinburgh -1263,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6957,,TarHeelTory,,24,,,"RT @DudeYouCrazy: Trump just missed a golden opp to say, ""Know who else filed bankruptcy? 50 cent. And Fifty is a P.I.M.P. Sorry, Huckabee.…",,2015-08-07 09:43:19 -0700,629694318123577345,"Chapel Hill, NC",Pacific Time (US & Canada) -1264,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MrBuffs123,,0,,,I was surprisingly impressed with @marcorubio last night. Definitely is moving up my list of candidates! #GOPdebate,,2015-08-07 09:43:18 -0700,629694315829309441,"Winfield, Ks, U.S.A.", -1265,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6705,,learjetter,,1,,,"#FOXNEWS used crazy> @DWStweets to stir the #drama pot, and that's unprofessional! @FoxNews #GOPDebate - -@JulietteIsabell @LadySandersfarm",,2015-08-07 09:43:18 -0700,629694315451695104,Republic of Texas,Central Time (US & Canada) -1266,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,suzieraven,,3,,,"RT @katyfromkansas: Get Your Free Tacos Tonight, Courtesy of Donald Trump http://t.co/imXpyfqRPQ via #startup @Eat24 #GOPDebate http://t.co…",,2015-08-07 09:43:18 -0700,629694314990444544,"Washington, DC", -1267,No candidate mentioned,1.0,yes,1.0,Negative,0.6852,FOX News or Moderators,0.6852,,lee_saywhat,,0,,,#GOPDebate Searched online. I just find crap raving about the debate and FoxNews. How many questions did each get? Or time per? #tcot Thks!,,2015-08-07 09:43:18 -0700,629694314226913280,"Janesville, Wisconsin",Central Time (US & Canada) -1268,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TheAvgBlackMan,,1,,,In GOP land the year is about 1955 #GOPDebate,,2015-08-07 09:43:17 -0700,629694311790157824,"Atlanta, Ga", -1269,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6716,,SNIPER1776,,0,,,@AC360 @donnabrazile American people are not going to put up with #PCPolice feelings #trumptruth is the pulse of #AmericanVoters #GOPDebate,,2015-08-07 09:43:17 -0700,629694309999050752,#gunrights #legalimmigration,Alaska -1270,No candidate mentioned,1.0,yes,1.0,Negative,0.6562,Healthcare (including Medicare),0.6979,,Mr_BrandonLewis,,2,,,"RT @Seductivpancake: ""repeal Obamacare"" is like playing a mana card in Magic: The Gathering for GOP candidates. It's an essential play. #GO…",,2015-08-07 09:43:17 -0700,629694309260988416,New York City,Eastern Time (US & Canada) -1271,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,zolly_b,,1,,,RT @Nitaina_: How can you deny the existence of something that shaped the country you're planning to run? #RaceBlindness #BenCarson #GOPDeb…,,2015-08-07 09:43:16 -0700,629694306736062468,,Eastern Time (US & Canada) -1272,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,taylorlove858,,2940,,,RT @BernieSanders: Still waiting. Will Fox ask if it's appropriate for billionaires to buy elections? #DebateWithBernie #GOPDebate,,2015-08-07 09:43:16 -0700,629694305423261696,, -1273,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BarracudaMama,,0,,,"RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http://t.co/ZLnHjwSWyh",,2015-08-07 09:43:16 -0700,629694304550789120,EIC,Central Time (US & Canada) -1274,Scott Walker,0.4805,yes,0.6932,Negative,0.6932,Racial issues,0.4805,,JPCTumblr,,0,,,"#GOPDebate: Meet Scott Walker’s Paranoid, Insurrectionist Adviser On Police Violence Against African... http://t.co/0QHLjkfnGg",,2015-08-07 09:43:15 -0700,629694302315266049,"Granite City, IL",Central Time (US & Canada) -1275,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6386,,dharmeshvora,,0,,,@CarlyFiorina heard some of your response from #GOPDebate . They were clear and to the point. Wish you good luck.,,2015-08-07 09:43:15 -0700,629694302227070976,"Birmingham,Al",Central Time (US & Canada) -1276,Donald Trump,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.2294,,RoseMarry002,,0,,,"Moment #Megyn Kelly Burns #DonaldTrump ""You Called #Women Fat Pigs, Disgusting animals"" #USA #GOPDEBATE -https://t.co/VViA1NUyLd via @YouTube",,2015-08-07 09:43:15 -0700,629694300444618752,Islamabad PAK,Islamabad -1277,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,Racial issues,0.6404,,Sherrod_Small,,2,,,"RT @mojowhoha: Check out @racewarspodcast with @Sherrod_Small @kurtmetzger on XM103 Sirius206 Wed @ 9pm est -Just Like the #GOPDebate it Ha…",,2015-08-07 09:43:14 -0700,629694300029386753,Your mother's house,Eastern Time (US & Canada) -1278,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,Immigration,0.6579999999999999,,SockmanJesus,,5,,,"RT @RachelADolezal: #GOPDebate would have been comical, BUT alienating ""foreigners"" and immigrants, bashing BLM & Obama and bein generally …",,2015-08-07 09:43:14 -0700,629694297298874368,,Central Time (US & Canada) -1279,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6489,,Doktor_Huh,,112,,,RT @zellieimani: White supremacist org Council of Conservative Citizens Platform on immigration. Sound familiar? #KKKorGOP #GOPDebate http:…,,2015-08-07 09:43:13 -0700,629694295436427264,The Green Hell, -1280,No candidate mentioned,0.4828,yes,0.6948,Neutral,0.6948,None of the above,0.4828,,TexasCruzn,,1,,,"RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http://t.co/6WBRVlGBzT",,2015-08-07 09:43:13 -0700,629694292802600960,,Eastern Time (US & Canada) -1281,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,NaughtyBeyotch,,1,,,"RT @AllenWestRepub ""RT @oliverdarcy Debbie Wasserman-Schultz statement on #GOPDebate: 'GOP is solely focused on... http://t.co/KYcd24HU97",,2015-08-07 09:43:13 -0700,629694292458606592,Texas,Central Time (US & Canada) -1282,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AndreaUpadhya,,691,,,"RT @AnthonyCumia: Poor Ronald Reagan is stuck in this debate like a bad group text. -#GOPDebate",,2015-08-07 09:43:13 -0700,629694291972001792,"Fort Worth, TX",Central America -1283,Donald Trump,1.0,yes,1.0,Negative,0.3507,None of the above,1.0,,jlafferty21,,0,,,"Working on a huge #GOPDebate social data story. Some interesting trends, such as Trump not having the most tweeted-about moment last night.",,2015-08-07 09:43:12 -0700,629694290587848704,San Francisco Bay Area,Pacific Time (US & Canada) -1284,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,thekerning,,415,,,"RT @pattonoswalt: Well holy shit, Kasich. Good on you. #GOPDebate",,2015-08-07 09:43:12 -0700,629694289711341568,Chicago,Central Time (US & Canada) -1285,No candidate mentioned,0.4746,yes,0.6889,Negative,0.6889,Racial issues,0.2526,,WhatIsKiss,,24,,,"RT @Dreamdefenders: QTNA: What is a ""Hang-'em-by-the-neck Conservative"" & what other kinds are there? #GOPDebate #KKKorGOP http://t.co/3rFI…",,2015-08-07 09:43:12 -0700,629694288641724417,"The Neverhood, WA",Pacific Time (US & Canada) -1286,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,NomadicHousecat,,0,,,@shutuphannuh I just convinced myself it was a very long SNL skit. If you look at it that way it's less terrifying. #GOPDebate,,2015-08-07 09:43:11 -0700,629694284732612608,"Austin, TX",Eastern Time (US & Canada) -1287,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,bend_time,,18,,,RT @shannonrwatts: Black males age 15 to 34 are more likely to be killed with a gun than to die by any other cause #GOPdebate #gunsense,,2015-08-07 09:43:10 -0700,629694280550871041,"818 the valley, baby",Pacific Time (US & Canada) -1288,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6591,,Sherrod_Small,,2,,,RT @mojowhoha: All the Debaters from the #GOPDebate on the Next @racewarspodcast with @Sherrod_Small @kurtmetzger XM103 Sirius206 Wed @ 9p…,,2015-08-07 09:43:09 -0700,629694277879209984,Your mother's house,Eastern Time (US & Canada) -1289,No candidate mentioned,0.6741,yes,1.0,Neutral,0.6741,None of the above,0.6741,,GovMikeHuckabee,,18,,,"Luntz: ""As the lines go up, they almost reach 100. It almost never happens in the dial research we do."" #GOPDebate -https://t.co/w31LtcLTfm",,2015-08-07 09:43:08 -0700,629694272963395584,"Little Rock, Arkansas",Central Time (US & Canada) -1290,No candidate mentioned,0.4536,yes,0.6735,Neutral,0.3367,Immigration,0.4536,,EusebiaAq,,0,,,@dooley_dooley Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:43:08 -0700,629694272648773632,America,Eastern Time (US & Canada) -1291,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.4444,,Jayrome1107,,0,,,Lmfao!!! @KingHilarities you'll find this very funny 😂😂😂😂😂😂 https://t.co/rHTbzSJKUe #GOPDebate #Republicandebate #Lmfao,,2015-08-07 09:43:08 -0700,629694272065957888,"Boston, MA", -1292,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,Women's Issues (not abortion though),1.0,,Sophia_Violet3,,2,,,"RT @thomasjohnstn1: 10 wealthy, conservative men setting out the rights that women should and shouldn't be entitled to. #GOPDebate",,2015-08-07 09:43:07 -0700,629694270572785664,Ayr, -1293,Ted Cruz,0.6949,yes,1.0,Positive,0.6638,None of the above,0.6638,,AlmostMona,,2,,,"RT @TheFriddle: It would be so epic. I'd love to see Cruz, Rubio, Fiorina debate. Just the three of them. #EPIC #GOPDebate https://t.co/s1…",,2015-08-07 09:43:06 -0700,629694264910417921,USA,Central Time (US & Canada) -1294,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6593,,Pamsteropolous,,4,,,"RT @CJSullivan_: I hope in the next #GOPDebate, they get around to how to stop ISIS from terrorizing our movie theaters and black churches.",,2015-08-07 09:43:06 -0700,629694263870234625,"London, Ontario", -1295,Donald Trump,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,StavIAm,,2,,,RT @thehinestheory: Donald Trump wasn't kidding when he said he wasn't going to prepare for this debate... We can tell. #GOPDebate,,2015-08-07 09:43:05 -0700,629694261143957504,,Atlantic Time (Canada) -1296,No candidate mentioned,1.0,yes,1.0,Negative,0.3409,Gun Control,1.0,,elvislver56,,13,,,"RT @shannonrwatts: Thanks to #NRA influence, Congress slashed CDC funding for gun violence research #GOPDebate #gunsense",,2015-08-07 09:43:05 -0700,629694258954399746,"Garden Grove, Ca", -1297,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6801,,loraynelove,,0,,,Congrats @megynkelly 4 calling out @realDonaldTrump 4 being the #pig that he is! #NeverWillBePOTUS #GOPDebate #Bernie2016,,2015-08-07 09:43:04 -0700,629694257016672256,Beverly Hills Adjacent!,Pacific Time (US & Canada) -1298,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alabamafan2,,0,,,#DeathByDemocrat Anything goes. No morals. No values. No respect for others. Jerked up by the ears. #GOPDebate,,2015-08-07 09:43:03 -0700,629694253560655872,Georgia,Eastern Time (US & Canada) -1299,Donald Trump,0.7021,yes,1.0,Neutral,0.7021,FOX News or Moderators,1.0,,SquidMell,,0,,,Chris Wallace wanted Trump and Bush to throw some hands. #GOPDebate #DonaldTrump #JebBush http://t.co/Q3BpYSeSuE,,2015-08-07 09:43:02 -0700,629694249794162688,,Atlantic Time (Canada) -1300,Donald Trump,1.0,yes,1.0,Neutral,0.7143,None of the above,1.0,,FrazierRoy,,1,,,"RT @WhineNot: Rush: ""Big time Republican donors were ordered to take out Donald Trump"" #believable #GOPDebate",,2015-08-07 09:43:02 -0700,629694249752133633,Ohio- So. Cal- Texas,Central Time (US & Canada) -1301,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,alexandraheuser,,0,,,I SAW that! He's SO good - Stands WAY OUT in this GOP crowd! CONNECTS with people like ME! #Rick2016 #GOPDebate https://t.co/CjWUMdTdPW,,2015-08-07 09:43:02 -0700,629694247223099399,America, -1302,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6272,,arrowsmithwoman,,7,,,"RT @JonFeere: Fox's @MegynKelly says she's ""switching topics to national security and terrorism""... As if that doesn't involve immigration.…",,2015-08-07 09:43:01 -0700,629694245486505985,Florida,Eastern Time (US & Canada) -1303,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RefinedHippy,,0,,,it's scary how out of touch with the real world Republicans are. #GOPDebate,,2015-08-07 09:43:00 -0700,629694241170558976,ya daddys wallet,Central Time (US & Canada) -1304,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,robinfitzgerl,,146,,,RT @greta: .@KarlRove: I think @CarlyFiorina did great tonight - @GovernorPerry did great too -OTR #greta #GOPDebate @FoxNews,,2015-08-07 09:42:59 -0700,629694234325442561,"Kansas, USA",Pacific Time (US & Canada) -1305,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7059,,stephbeth11,,167,,,RT @Bipartisanism: Donald Trump at the #GOPDebate be like: http://t.co/Ak10IHSCXC,,2015-08-07 09:42:58 -0700,629694232933101568,,Central Time (US & Canada) -1306,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859,Jobs and Economy,0.6859,,SeeThroughFruit,,5,,,RT @rogercuster: @jeffreyatucker they all seem to be for spending cuts but not defense cuts #GOPDebate,,2015-08-07 09:42:58 -0700,629694232450736128,, -1307,Jeb Bush,0.4584,yes,0.6771,Neutral,0.3438,None of the above,0.4584,,lizadonnelly,,0,,,This was indeed one of Jeb's more curious statements last night. #GOPDebate https://t.co/toUZFUii2h,,2015-08-07 09:42:56 -0700,629694222480867328,New York,Central Time (US & Canada) -1308,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,AcUhuru,,59,,,"RT @keithboykin: After #Ferguson, #Baltimore, #Cleveland, #McKinney, #SandraBland and #SamDubose, not one question about #BlackLivesMatter …",,2015-08-07 09:42:56 -0700,629694221323227136,Central African Republic, -1309,Donald Trump,0.6882,yes,1.0,Negative,1.0,None of the above,1.0,,DixieDarling91,,0,,,Your wife @MELANIATRUMP looks exactly like @Caitlyn_Jenner. Get her a better plastic surgeon. #GOPDebate https://t.co/w0kxqFX7cu,,2015-08-07 09:42:55 -0700,629694220027080704,, -1310,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sourIpatchIkid,,1,,,"RT @Hollywoodheat: RT @evanmcmurry According to @gov, the most-retweeted candidate tweet of #GOPDebate didn't come from a Republican: http…",,2015-08-07 09:42:55 -0700,629694219976704000,Jamaica ✈ Cali ✈ Fl ✈ Ga,America/New_York -1311,No candidate mentioned,1.0,yes,1.0,Negative,0.6715,None of the above,1.0,,AkaDimiX,,0,,,"In the #GOPdebate I noticed that they kept talking about policies in terms of being conservative or not, as opposed to good or not.",,2015-08-07 09:42:54 -0700,629694214671101952,Inner Outer Space,Quito -1312,Donald Trump,1.0,yes,1.0,Positive,0.6277,None of the above,1.0,,Matthew_Ford92,,8,,,RT @allegrakirkland: .@realdonaldtrump shared some inspiring applause lines at last night's #GOPDebate: http://t.co/5hWdKfgPxA http://t.co/…,,2015-08-07 09:42:54 -0700,629694213547008000,"USA, North Carolina ", -1313,Donald Trump,0.4444,yes,0.6667,Negative,0.3441,None of the above,0.4444,,RyRincon,,0,,,"Watching the #GOPDebate from last night. Ouf, it's tough hearing Donald Trump speak. Gonna be a long road to the Republican nomination.",,2015-08-07 09:42:53 -0700,629694210803761152,"iPhone: 48.022961,-122.076973",Pacific Time (US & Canada) -1314,Donald Trump,1.0,yes,1.0,Negative,0.6354,None of the above,1.0,,RHodgeLaw,,0,,,@realDonaldTrump posted #MeanTweets about my boy @FrankLuntz. I'm glad he had the good taste to avoid ugly comments about hair. #GOPDebate,,2015-08-07 09:42:53 -0700,629694208878587904,Oklahoma City,Central Time (US & Canada) -1315,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,None of the above,0.6632,,Thor_2000,,0,,,Who else saw the 10 Horsemen of the Apocalypse at the #GOPDebate last night?,,2015-08-07 09:42:52 -0700,629694205955280904,"Nashville, Tennessee",Central Time (US & Canada) -1316,Ted Cruz,1.0,yes,1.0,Negative,0.3682,None of the above,0.6715,,MediaEqualizer,,1,,,RT @TC_Watkins: @DomenicoNPR @MediaEqualizer crazy that Cruz only got 3 mins at debate #gopdebate,,2015-08-07 09:42:52 -0700,629694203946237952,, -1317,No candidate mentioned,1.0,yes,1.0,Negative,0.6894,None of the above,0.6251,,LaffertyRowena,,3,,,"RT @LinguisticShit: ""The purpose of the military is to kill people and break things."" Oh it is? I thought it was about protecting a nation'…",,2015-08-07 09:42:51 -0700,629694202738151425,,Eastern Time (US & Canada) -1318,No candidate mentioned,0.4187,yes,0.6471,Negative,0.3294,,0.2284,,AnonygoUS,,0,,,Someone has something to say to @LindseyGrahamSC #GOPDebate https://t.co/gMa5XoJqHY http://t.co/rJ0rZ1Zmn2,,2015-08-07 09:42:51 -0700,629694200842440704,,Eastern Time (US & Canada) -1319,Mike Huckabee,0.4818,yes,0.6941,Neutral,0.6941,None of the above,0.4818,,QR4Elections,,0,,,"Gov. Mike Huckabee @GovMikeHuckabee -.@FrankLuntz #GOPDebate analysis, ""Who won? @GovMikeHuckabee"" -->... http://t.co/LDyp98eyZg",,2015-08-07 09:42:51 -0700,629694199810560000,, -1320,Ted Cruz,1.0,yes,1.0,Positive,0.6395,None of the above,1.0,,Hoppe3Sue,,18,,,"RT @johncardillo: .@SenTedCruz is brilliant, principled, and fearless. The future of the party. The est. Rove, Priebus @GOP is a statist di…",,2015-08-07 09:42:48 -0700,629694188523642880,"Missouri City, TX", -1321,Donald Trump,1.0,yes,1.0,Negative,0.6579,None of the above,1.0,,POCuts,,0,,,I'm pretty sure Trump's popularity indicates there are just as many Republicans trolling this primary as Democrats. #GOPDebate,,2015-08-07 09:42:48 -0700,629694187198230528," Los Angeles, arguably",Pacific Time (US & Canada) -1322,No candidate mentioned,1.0,yes,1.0,Neutral,0.6625,None of the above,1.0,,RayPegPhoto,,3,,,RT @moneyries: The most-retweeted presidential candidate Tweet of the #GOPDebate. https://t.co/hdKdiZIym2,,2015-08-07 09:42:47 -0700,629694184497283072,New York,Atlantic Time (Canada) -1323,Donald Trump,0.6702,yes,1.0,Negative,1.0,None of the above,1.0,,NatiWhatever,,199,,,RT @laina622: The king of resting bitch face #GOPDebate http://t.co/PvOS66iH2R,,2015-08-07 09:42:46 -0700,629694180596563968,, -1324,No candidate mentioned,1.0,yes,1.0,Neutral,0.3368,None of the above,1.0,,douglaswaer,,1,,,"RT @michaelpleahy: Rush: ""most important thing"" in #GOPDebate ""Carly Fiorina - 'The Dem Party is undermining the very character of this nat…",,2015-08-07 09:42:45 -0700,629694178474115072,"Seattle, WA",Pacific Time (US & Canada) -1325,No candidate mentioned,1.0,yes,1.0,Positive,0.3483,Immigration,0.6517,,jayoung1892,,39,,,RT @adamslily: Here's your contrast. #GOPDebate http://t.co/lXaX6wuUnj,,2015-08-07 09:42:45 -0700,629694177308200961,"The Omni Hotel in New Haven, C", -1326,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6301,,MichaelShmikel,,0,,,@realDonaldTrump the other repubs didn't have attack orders bc @foxnews had the attack order. #gopdebate @rushlimbaugh,,2015-08-07 09:42:44 -0700,629694174154096640,NJ,Quito -1327,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StugotsPuppet,,0,,,Regardless of who you think won the #GOPDebate the real loser was all of us.,,2015-08-07 09:42:44 -0700,629694173038424064,"Brooklyn, NY",Pacific Time (US & Canada) -1328,No candidate mentioned,0.4253,yes,0.6522,Negative,0.6522,None of the above,0.4253,,Sherrod_Small,,2,,,RT @mojowhoha: @racewarspodcast Wed at 9pm est On XM103 Sirius 206 with @Sherrod_Small & @kurtmetzger just as Funny as the #GOPDebate #Mark…,,2015-08-07 09:42:44 -0700,629694171247419392,Your mother's house,Eastern Time (US & Canada) -1329,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DannyZeeZ,,0,,,The #GOPDebate is my new favorite comedy sitcom.,,2015-08-07 09:42:44 -0700,629694170798653440,, -1330,Scott Walker,1.0,yes,1.0,Positive,0.3415,None of the above,1.0,,CDMatthewMurphy,,0,,,".@BorowitzReport assesses Walker's #GOPDebate performance, via @NewYorker: http://t.co/87P5EeW8W7",,2015-08-07 09:42:43 -0700,629694170005929984,"Boston & Cambridge, MA",Eastern Time (US & Canada) -1331,No candidate mentioned,1.0,yes,1.0,Neutral,0.6264,None of the above,1.0,,TomIarocci,,62,,,RT @bob_owens: #GOPDebate so far. http://t.co/Y4apHoxW6y,,2015-08-07 09:42:43 -0700,629694167778762752,"Eastern PA, United States",Eastern Time (US & Canada) -1332,Ben Carson,0.4179,yes,0.6465,Negative,0.6465,Racial issues,0.4179,,SpicyWit,,0,,,Look at that affirmative action letting that black man stand with those nine white guys @BenCarson2016 #GOPDebate,,2015-08-07 09:42:41 -0700,629694158446399488,"Black Twitter, USA",Eastern Time (US & Canada) -1333,No candidate mentioned,1.0,yes,1.0,Neutral,0.6928,FOX News or Moderators,0.6928,,astaristarry,,0,,,"""An Open Letter to @megynkelly: It's Not Too Late to Become a Feminist"" by @LynnBeisner #GOPDebate http://t.co/TYqj9T34Kg",,2015-08-07 09:42:39 -0700,629694153237078017,"Jakarta ✈️ Greenville, SC",Eastern Time (US & Canada) -1334,Donald Trump,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,Sveltesss,,1,,,RT @ScottWGraves: F**K @realDonaldTrump and those who would actually abandon their conservative values in support of his ridiculous candida…,,2015-08-07 09:42:39 -0700,629694152951918592,North Hollywood,Eastern Time (US & Canada) -1335,No candidate mentioned,0.4025,yes,0.6344,Neutral,0.3333,Immigration,0.4025,,JohnMckiernan2,,10,,,RT @JulieWeise: #GOPDebate Sociologists keep showing Mex emigrants actually MORE educated than Mex pop. as a whole. It's brain drain not cr…,,2015-08-07 09:42:39 -0700,629694150191878145,"Austin, Tejas", -1336,No candidate mentioned,1.0,yes,1.0,Neutral,0.6372,None of the above,1.0,,CindyTreadway,,12,,,RT @laureldavilacpa: #Hillary2016 is watching the #GOPdebate ha ha ha ha ha ha! https://t.co/mzdC9LRDlu,,2015-08-07 09:42:39 -0700,629694149747306496,,Eastern Time (US & Canada) -1337,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,MsSakushi,,0,,,"In the #GOPDebate, @megynkelly was asking candidates questions she thought the left would throw at them if they won the nomination. Smart!",,2015-08-07 09:42:36 -0700,629694139752255488,Minnesota,Central Time (US & Canada) -1338,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mhfa16ok,,10,,,RT @SarahHuckabee: .@USAToday calls @GovMikeHuckabee debate closing a “show-stopping zinger” #ImWithHuck #GOPDebate,,2015-08-07 09:42:35 -0700,629694135994331137,Oklahoma,Eastern Time (US & Canada) -1339,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,cocopercoco,,653,,,"RT @fakedansavage: American Women: Scott Walker thinks your fetus should live, you should die. Rubio thinks you should bear your rapist's b…",,2015-08-07 09:42:34 -0700,629694131179270144,, -1340,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NemoExMachina,,0,,,Trump would put the POS in POTUS #GOPDebate #scary #ReallyAmerica,,2015-08-07 09:42:34 -0700,629694129572675584,, -1341,Scott Walker,0.4062,yes,0.6374,Positive,0.3187,,0.2311,,carol_holman,,2,,,"RT @StMarysAtLarge: Taking risks with his candidacy last night, #ScottWalker calls #Jesus by name. - -It was worth it. - -#Courage #GopDebate h…",,2015-08-07 09:42:33 -0700,629694127018504196, Clarkrange Tennessee, -1342,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Jobs and Economy,1.0,,CranorE,,87,,,"RT @ddiamond: Three stats you didn’t hear in #GOPdebate. - -Since 2009… - -· U.S. has gained 8.1 million jobs -· Unemployment rate ↓ 68% -· Unins…",,2015-08-07 09:42:33 -0700,629694124828962817,, -1343,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6354,,oceanshaman,,0,,,>@realDonaldTrump has now spent more time attacking @megynkelly on Twitter than he spent on any #GOPdebate subject. http://t.co/L9WWPiEHdI,,2015-08-07 09:42:32 -0700,629694120378826753, Tropical SE FLorida,Eastern Time (US & Canada) -1344,No candidate mentioned,1.0,yes,1.0,Neutral,0.6279,None of the above,1.0,,tomfitzpatrick,,31,,,RT @fuzzytypewriter: THE CHOICE IS CLEAR #GOPDebate #FiskOwlsley2016 http://t.co/UcGHGu2IPu,,2015-08-07 09:42:31 -0700,629694117442924544,Manchester,London -1345,Marco Rubio,1.0,yes,1.0,Negative,0.6828,Jobs and Economy,1.0,,TheBaxterBean,,15,,,"Rubio Budget Raises MiddleClass Taxes, Adds $4.5T Deficit, Cuts InvestmentTax To $0 http://t.co/9S9NuVSAf7 #GOPDebate http://t.co/z9v38Vhi03",,2015-08-07 09:42:30 -0700,629694113747763200,lux et veritas,Eastern Time (US & Canada) -1346,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,DarkerWillow,,21,,,"RT @bourgeoisalien: Can't wait until the end of the debate when they wrestle an angry, meth addicted bear to the death to see who the real …",,2015-08-07 09:42:30 -0700,629694113185554432,,Mountain Time (US & Canada) -1347,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6564,,lglmoss,,133,,,"RT @BRios82: Yes, @JebBush Obama's dividing the country by creating jobs, ending wars, achieving diplomacy w/ Iran & giving people Healthca…",,2015-08-07 09:42:30 -0700,629694112061591552,"VA, USA",Eastern Time (US & Canada) -1348,No candidate mentioned,1.0,yes,1.0,Negative,0.6970000000000001,None of the above,1.0,,carverbain,,0,,,"Based on tweets about the #GOPDebate, it doesn’t even sound like the candidates touched on topics that matter.",,2015-08-07 09:42:28 -0700,629694106583740416,,Pacific Time (US & Canada) -1349,Donald Trump,1.0,yes,1.0,Negative,0.6848,Healthcare (including Medicare),1.0,,RonNussbeck,,1,,,RT @luchadora41: Trump: ‘I Would’ Shut Down the Gov’t to Defund Planned Parenthood and Obamacare http://t.co/XiwhA8kjf7 Woot! #GOPDebate,,2015-08-07 09:42:27 -0700,629694102901133313,Scottsdale Az, -1350,Donald Trump,0.4406,yes,0.6638,Negative,0.6638,Women's Issues (not abortion though),0.4406,,TrumpIssues,,1,,,"It took the @POTUS 5 DAYS 2 lower the flag 2 honor soldiers killed in #Chattanooga, but Trump better not call a woman slob. #GOPDebate #PC",,2015-08-07 09:42:27 -0700,629694101764444160,United States Of America,Pacific Time (US & Canada) -1351,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,FOX News or Moderators,0.4396,,KwaakYola,,0,,,I think @megynkelly fancies herself a kingmaker. #GOPDebate,,2015-08-07 09:42:27 -0700,629694100212711425,USA,Central Time (US & Canada) -1352,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.637,,seanharshey,,0,,,Winners & Losers of the Calamity in Cleveland (1st GOP presidential debate) last night. #GOPDebate #FoxNews http://t.co/jbqNXIF1Me,,2015-08-07 09:42:26 -0700,629694097838575616,, -1353,Jeb Bush,0.4344,yes,0.6591,Negative,0.3636,None of the above,0.4344,,jim0331,,148,,,"RT @ThePatriot143: 😂 @AnnCoulter ""Jeb looks more like Caitlyn Jenner every day."" http://t.co/d41aAmLNBj #GOPDebate #GOPDebate2016 http://t.…",,2015-08-07 09:42:26 -0700,629694096425230336,"Bensalem,Pa", -1354,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,great_gold,,259,,,"RT @AmyMek: .@foxnews tried their best to destroy @realDonaldTrump tonight! However, it didn't work….it just exposed your network! #Fail #G…",,2015-08-07 09:42:26 -0700,629694095137603584,,Eastern Time (US & Canada) -1355,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IAmJohnAngus,,4,,,RT @YvetteCooper_MP: Here's Donald Trump channelling his inner c*nt at the #GOPDebate http://t.co/7atHCmpMuR,,2015-08-07 09:42:25 -0700,629694092717326337,Jockistan,Edinburgh -1356,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7159,,MSMisPropaganda,,2,,,RT @Brenkoski: 37% of the time during the #GOPDebate was the commentators questions & digs at @realDonaldTrump Terrible 1st debate hosted b…,,2015-08-07 09:42:25 -0700,629694091949772800,America,Alaska -1357,Marco Rubio,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,NeverYouMind,,0,,,I see Marco Rubio is still thirsty. #TrumpchoseCrist #GOPDebate #youmadbro http://t.co/TX5hLqiT2R,,2015-08-07 09:42:25 -0700,629694091761176576,The Fla,Eastern Time (US & Canada) -1358,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6489,,Shirleystopirs,,2,,,"RT @GovtsTheProblem: Did @FoxNews, which excluded the only woman in @GOP field from first debate, ask Trump if he was part of the ""war on w…",,2015-08-07 09:42:24 -0700,629694090142216192,,Atlantic Time (Canada) -1359,Ted Cruz,1.0,yes,1.0,Positive,0.6937,None of the above,1.0,,electricalbri,,188,,,RT @ChuckNellis: FINALLY a #TedCruz question! And he HAMMERS it over the center field wall & out of the park!! #CruzCrew #GOPDebate,,2015-08-07 09:42:24 -0700,629694087763865600,"Houston, Texas", -1360,Donald Trump,0.4584,yes,0.6771,Negative,0.6771,Women's Issues (not abortion though),0.4584,,3ChicsPolitico,,9,,,Donald Trump insulted @megynkelly and ALL women and not one man on stage confronted him. None of them are worthy to be President. #GOPDebate,,2015-08-07 09:42:23 -0700,629694084416835584,Best Place In America!,Hawaii -1361,Mike Huckabee,1.0,yes,1.0,Positive,0.6477,None of the above,0.6591,,MikeHuckabeeGOP,,6,,,"RT @GovMikeHuckabee: .@FrankLuntz #GOPDebate analysis, ""Who won? @GovMikeHuckabee"" --> http://t.co/fWGhqVZ9dG #ImWithHuck",,2015-08-07 09:42:22 -0700,629694079975211008,"PHILA, PA / AR / D.C. / U.S.A.", -1362,No candidate mentioned,0.4038,yes,0.6354,Negative,0.6354,FOX News or Moderators,0.4038,,libertyladyusa,,5,,,"Yes ma'am @ConservVoice @KerryPicket ~> @megynkelly Megyn you disappointed me! - -#GOPDebate 🇺🇸",,2015-08-07 09:42:22 -0700,629694078196674560,.... ranchin' in central #TX ,Mountain Time (US & Canada) -1363,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,JillMillerZimon,,0,,,Women were biggest losers last night @DWStweets #gopdebate #CityClub No mention of income inequality or even voters rights on 50th anniv,,2015-08-07 09:42:19 -0700,629694066473705472,Northeast Ohio,Eastern Time (US & Canada) -1364,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PonziRegulation,,2,,,"RT @FauxTimesNews1: #GOPDebate Democrats’ debate will be different. There Hillary Clinton will debate herself, changing her mask every 5 mi…",,2015-08-07 09:42:17 -0700,629694060366823424,United States,Eastern Time (US & Canada) -1365,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,JessicacaLG,,0,,,I've known Donald Trump was crazy ever since I saw my first bottle of Trump Ice. #DonaldTrump #GOPdebate http://t.co/vYjQt1fjYX,,2015-08-07 09:42:16 -0700,629694056730234880,,Pacific Time (US & Canada) -1366,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,0.6667,,theMerovingian,,2,,,RT @BenjaminJS: Getting more excited for the #GOPDebate http://t.co/EfGRo33pMO,,2015-08-07 09:42:16 -0700,629694056621174785,Los Angeles,Pacific Time (US & Canada) -1367,Jeb Bush,1.0,yes,1.0,Negative,0.6801,FOX News or Moderators,1.0,,SpaceMarine40,,0,,,More #GOPDebate s pleeeease. @FoxNews But no Jeb. Fewer peeps and LOTS of questions. Not about Rosie. #Trump #Fiorina #Jindal #Gilmore,,2015-08-07 09:42:15 -0700,629694050078228484,,Eastern Time (US & Canada) -1368,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,HOLY FUCK I think he did. #GOPDebate,,2015-08-07 09:42:14 -0700,629694045938388992,,Eastern Time (US & Canada) -1369,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6748,,RoseMarry002,,0,,,"WATCH #MegynKelly Burns #DonaldTrump 'You Called #Women Fat Pigs & Digusting Animals' #USA #GOPDEBATE -https://t.co/VViA1NUyLd via @YouTube",,2015-08-07 09:42:13 -0700,629694041958023169,Islamabad PAK,Islamabad -1370,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6893,,NGoshay,,262,,,"RT @rolandsmartin: SHAME ON Brett Baier, Chris Wallace, @MegynKelly. Today is the 50th anniversary of the Voting Rights Act and no question…",,2015-08-07 09:42:12 -0700,629694038745047040,, -1371,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6757,,leftnotright,,13,,,RT @ReadyForCruz: You're asking wealthy white men about entitlement reform? What? #GOPDebate,,2015-08-07 09:42:12 -0700,629694036375310336,Michigan,Atlantic Time (Canada) -1372,Rand Paul,1.0,yes,1.0,Negative,0.6383,None of the above,0.6596,,DavidJamesJnr,,0,,,#RandPaul Gets Less Than Half the Time of ‘#TheDonald’ During #GOPDebate: http://t.co/pQeDCJOVWw #RandPaul2016 http://t.co/FUwGuV5CQF,,2015-08-07 09:42:12 -0700,629694036287320064,Skype+Email dj2015@outlook.com,Dublin -1373,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,PatriarchBurden,,0,,,@Destinmurphy #JonVoyage yeah whatevs. Did you see that #GOPDebate tho? 😩,,2015-08-07 09:42:11 -0700,629694034387275780,#CummingGA,Eastern Time (US & Canada) -1374,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,None of the above,1.0,,IamLeoBitches,,0,,,"The accuracy of it is mind blowing... -#GOPDebate http://t.co/xSXTYuykwp",,2015-08-07 09:42:08 -0700,629694020080521217,Thundera ,Eastern Time (US & Canada) -1375,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Intelligence404,,0,,,"And for the record, the #GOPDebate was NOT a debate. It was Fox and the Koch bros interviewing each candidate. It was a FARCE. Vote Bernie",,2015-08-07 09:42:07 -0700,629694019216506880,,Pacific Time (US & Canada) -1376,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,whatwomenmeka,,210,,,RT @seanhannity: .@realDonaldTrump: Now some of the people you would least expect are calling me up and apologizing. #Hannity #GOPDebate,,2015-08-07 09:42:07 -0700,629694015865270272,California, -1377,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3441,None of the above,0.4444,,natt126,,52,,,RT @jarodzsz: i'm really disappointed that no one threw their prosthetic leg last night at the #GOPDebate,,2015-08-07 09:42:06 -0700,629694012182523904,"Provo, UT", -1378,Donald Trump,0.4782,yes,0.6915,Negative,0.3617,None of the above,0.4782,,AtheistGrace,,0,,,"#Trump lowered the bar for #Jeb, who smacked his head into it #GOPClownCar #GOPDebate",,2015-08-07 09:42:06 -0700,629694012052623360,NYC,Pacific Time (US & Canada) -1379,Donald Trump,1.0,yes,1.0,Negative,0.6437,None of the above,0.6552,,MilkyWayReport,,0,,,Trump shows his true colors at the GOP debate - http://t.co/BWIpvDCMQy #GOPDebate #Trump #Garybusey,,2015-08-07 09:42:05 -0700,629694009502339072,"San Diego, CA", -1380,Donald Trump,0.3974,yes,0.6304,Neutral,0.3152,Women's Issues (not abortion though),0.3974,,talkbackny,,0,,,#GOPDebate @FoxNews @realDonaldTrump in 2004 you called a woman a nickel&dime whore. Do you stand by that statement now running for POTUS?,,2015-08-07 09:42:05 -0700,629694007048847360,NYC,Quito -1381,Chris Christie,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,dhniels,,0,,,@ChrisChristie to @RandPaul: after all youre just on committees and more privy about secret information than i am #jealousmuch #GOPDebate,,2015-08-07 09:42:04 -0700,629694006646050816,"St George, UT",Mountain Time (US & Canada) -1382,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MadNietzsche,,2,,,RT @Raiden679: Good explanation as to why #Trump surges ahead of other #cuckservative candidates. #GOPDebate http://t.co/hagmnn1Tv7 http://…,,2015-08-07 09:42:03 -0700,629694001881481216,The Guard Tower, -1383,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6742,,MikeDrago,,1,,,.@Mark Davis says @CarlyFiorina earned a promotion to the #GOPDebate main stage next time. http://t.co/tynvMJc7dn http://t.co/hxBPQIowMH,,2015-08-07 09:42:03 -0700,629693998618161153,Dallas,Central Time (US & Canada) -1384,Jeb Bush,0.402,yes,0.6341,Negative,0.6341,None of the above,0.402,,KenNgo93,,104,,,RT @TheBardockObama: Someone ask Jeb Bush if jet fuel can melt steel beams please #GOPDebate,,2015-08-07 09:42:02 -0700,629693995636015104,,Alaska -1385,Rand Paul,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,great_gold,,30,,,"RT @AmyMek: Now is NOT a time to be wavering in ANY way towards #Israel, @RandPaul! We have done enough damage to them with #Obama. #GOPDeb…",,2015-08-07 09:42:02 -0700,629693994881142784,,Eastern Time (US & Canada) -1386,No candidate mentioned,0.6141,yes,1.0,Neutral,0.6141,None of the above,1.0,,mkhh09,,0,,,Best summary of the #GOPdebate that I've encountered @girlwithnojob https://t.co/Fufean0xkW,,2015-08-07 09:42:01 -0700,629693994025549826,"New York, NY",Eastern Time (US & Canada) -1387,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,austin_ho,,0,,,#GOPdebate was just a bunch of non-answers and one liners. How is the public supposed to be informed and vote responsibly with this crap?,,2015-08-07 09:42:01 -0700,629693992154742784,SW Michigan, -1388,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JoshuaHol,,0,,,"Really, Marco Rubio won last night's #GOPDebate? Which debate was I watching?",,2015-08-07 09:42:01 -0700,629693991315972097,New York,Pacific Time (US & Canada) -1389,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mmack237,,0,,,@realDonaldTrump #MakeAmericaGreatAgain #GOPDebate #TrumpForPresident I put this together for you. http://t.co/TZtK7BC1rm via @chirbit,,2015-08-07 09:42:00 -0700,629693987364950017,"Long Island, NY", -1390,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6596,,DaveSwindle,,4,,,RT @bethanyshondark: Listen brain surgery is impressive. But I don't understand how being able to do that landed Carson on this stage. #GOP…,,2015-08-07 09:41:59 -0700,629693982134513664,"Los Angeles, CA",Pacific Time (US & Canada) -1391,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JasonShepherd,,0,,,@Veribatim Agreed. I think Walker under performed at the #GOPDebate. Disappointing as he is who I'm leaning towards. #UnaffiliatedStill,,2015-08-07 09:41:58 -0700,629693980125626368,"Marietta, GA",Eastern Time (US & Canada) -1392,Donald Trump,0.4241,yes,0.6513,Positive,0.6513,None of the above,0.4241,,splendidsilks,,5,,,"RT @bobcesca_go: Trump won the debate. Christie, I think, was a strong second. #GOPDebate",,2015-08-07 09:41:58 -0700,629693978955415552,SILK BOUQUETS AND ROOM MOBILES, -1393,No candidate mentioned,1.0,yes,1.0,Neutral,0.6292,None of the above,1.0,,Aye_Jillian,,56,,,RT @gillistrill: What is your favorite meme? @GOP #GOPDebate #AskGOP,,2015-08-07 09:41:58 -0700,629693977495764992,, -1394,Donald Trump,0.6905,yes,1.0,Negative,0.6905,None of the above,1.0,,MaxxKowalski,,47,,,RT @andrewklavan: This is basically my take-away from tonight's #GOPDebate. http://t.co/qtYyoWKLNG,,2015-08-07 09:41:58 -0700,629693977449476096,, -1395,No candidate mentioned,0.4047,yes,0.6362,Negative,0.6362,Immigration,0.4047,,EusebiaAq,,0,,,@HumanityRead Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:41:57 -0700,629693976912629760,America,Eastern Time (US & Canada) -1396,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,0.6358,,StreetAlpaca,,0,,,"@optionmonster @bpeck @HalftimeReport yes the logos were all over the screen, but the actual #GOPDebate feed on Facebook was awful.",,2015-08-07 09:41:57 -0700,629693976778510337,,Central Time (US & Canada) -1397,No candidate mentioned,0.4187,yes,0.6471,Positive,0.6471,None of the above,0.4187,,GordonPress,,0,,,"I will support the eventual GOP candidate over Bernie the Socialist, Hillary the Habitual Liar or Biden the Buffoon. #GOPDebate",,2015-08-07 09:41:56 -0700,629693969195253760,Tampa,Eastern Time (US & Canada) -1398,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6882,,JuliaTrilby,,232,,,"RT @JessicaValenti: Sorry, if there's a God she's not in that building. #GOPDebate",,2015-08-07 09:41:55 -0700,629693968595460096,"Maryland, USA",Eastern Time (US & Canada) -1399,No candidate mentioned,0.3889,yes,0.6237,Negative,0.6237,,0.2347,,Themgrid,,0,,,That debate was a joke #GOPDebate,,2015-08-07 09:41:55 -0700,629693968574451712,North Carolina,Eastern Time (US & Canada) -1400,No candidate mentioned,0.4853,yes,0.6966,Negative,0.6966,FOX News or Moderators,0.4853,,youthgirlpower,,0,,,Because of @FoxNews the American People truly learned nothing from the #GOPDebate. Such irrelevant questions asked by the moderators.#Fail,,2015-08-07 09:41:55 -0700,629693967907459072,,Atlantic Time (Canada) -1401,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,Did Donald Trump just openly admit to buying candidates ....? #GOPDebate,,2015-08-07 09:41:53 -0700,629693959758069760,,Eastern Time (US & Canada) -1402,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,0.6813,,LaurieMettier,,9,,,RT @Mamadoxie: YES @rushlimbaugh. We're waiting on your take on the excellent performances by the #GOPDebate candidates and the HORRENDOUS …,,2015-08-07 09:41:52 -0700,629693955592974336,Texas, -1403,Jeb Bush,0.6493,yes,1.0,Neutral,0.6547,None of the above,1.0,,duerr_2,,256,,,"RT @michellemalkin: #gopdebate Everything about Jeb Bush, Common Core, Pearson, PARCC & money trail that you didn't learn from Fox ==> http…",,2015-08-07 09:41:52 -0700,629693953101692929,pa usa, -1404,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,leftnotright,,12,,,RT @jodiecongirl: I feel like whenever politicians are asked about the economy they respond with how they can make puppies and unicorns app…,,2015-08-07 09:41:51 -0700,629693950996058112,Michigan,Atlantic Time (Canada) -1405,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ScottWGraves,,1,,,"F**K @realDonaldTrump and those who would actually abandon their conservative values in support of his ridiculous candidacy. -#GOPDebate",,2015-08-07 09:41:51 -0700,629693949083385858,"Orange County, California",Pacific Time (US & Canada) -1406,No candidate mentioned,0.4398,yes,0.6632,Positive,0.3368,None of the above,0.4398,,bloodletting911,,0,,,bottom line is that i will vote for any of the candidates last night over @HillaryClinton #GOPDebate,,2015-08-07 09:41:50 -0700,629693944310444032,, -1407,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.6559,None of the above,0.2257,,Stankin_Rankin,,0,,,"http://t.co/a5Oe7jfBwx - -We're talking #GOPDebate, #JonVoyage & more on #LiveFromE now. Watch: http://t.co/Gs14WRCChI - -— E! News (ENews)…",,2015-08-07 09:41:50 -0700,629693943920336896,, -1408,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,jamesKARATEpolk,,0,,,All hail The Supreme Being Ronald Jesus Reagan #GOPDebate,,2015-08-07 09:41:49 -0700,629693943182176256,, -1409,Donald Trump,0.4497,yes,0.6706,Neutral,0.6706,FOX News or Moderators,0.4497,,WhineNot,,2,,,"Rush: ""Not one of the 9 other candidates on the stage joined Megan Kelly in going after Donald Trump"" #GOPDebate",,2015-08-07 09:41:48 -0700,629693936475312129,South,Eastern Time (US & Canada) -1410,Donald Trump,1.0,yes,1.0,Negative,0.6593,FOX News or Moderators,0.6703,,NtheNite2,,0,,,Trump should do like Obama and refuse to communicate with #PoxNews for saying anything he doesn't like. #GOPDebate,,2015-08-07 09:41:47 -0700,629693932587192320,, -1411,Donald Trump,1.0,yes,1.0,Negative,0.6593,FOX News or Moderators,1.0,,Jelena_s1,,0,,,That #GOPDebate last night was ridiculously biased against @realDonaldTrump the moderators were very unprofessional.,,2015-08-07 09:41:46 -0700,629693929072558081,, -1412,Donald Trump,0.7042,yes,1.0,Neutral,0.6523,None of the above,0.6523,,joehudsonsmall,,0,,,"""You once told a contestant on Celebrity Apprentice it would be a pretty picture to see her on her knees"" - -OMFG #GOPdebate",,2015-08-07 09:41:45 -0700,629693924085514240,"Worcester/Manchester, UK",London -1413,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.3404,None of the above,0.4492,,D_Giffin,,0,,,5 Major Takeaways from the #GOPDebate: http://t.co/WUxoZh5TiK #TCCUS,,2015-08-07 09:41:44 -0700,629693921753477120,Not really sure anymore,Eastern Time (US & Canada) -1414,No candidate mentioned,0.4153,yes,0.6444,Neutral,0.6444,None of the above,0.4153,,joystudioz,,0,,,OMG what a movie https://t.co/j2pAkc9u9y … #PUSO2019 #SilopidePolisTeroerueVar #SMINC #GOPDebate #JonVoyage #MyMotherAlwaysToldMe 1087,,2015-08-07 09:41:44 -0700,629693919635349504,Nigeria, -1415,Donald Trump,0.6848,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JC_Ice007,,0,,,@megynkelly Trump simply can't be harmed by his own impolitik statements. It's like trying to drown Aquaman. #GOPDebate #DonaldTrump,,2015-08-07 09:41:43 -0700,629693917051666432,New Jersey,Eastern Time (US & Canada) -1416,Ted Cruz,1.0,yes,1.0,Negative,0.6771,Immigration,0.3438,,KarenCrow6,,2,,,"RT @FreedomJames7: Never Forget: Ted Cruz Never Supported Amnesty. -#GOPDebate",,2015-08-07 09:41:43 -0700,629693916393005056,, -1417,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,HarleanHarlow,,0,,,17 candidates + #Trump makes the #GOPDebate interesting for a change! Top 10 moments from Thursday's debate http://t.co/1069hw6pbl,,2015-08-07 09:41:42 -0700,629693914249830400,"Hagerstown, MD ", -1418,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Stephanie_NC9,,0,,,#GOPDebate - live report from Jefferson's. http://t.co/FlowHTLihO http://t.co/fKFYtS8F23,,2015-08-07 09:41:42 -0700,629693912588910597,"Chattanooga, TN",Pacific Time (US & Canada) -1419,No candidate mentioned,0.4553,yes,0.6748,Positive,0.3462,Jobs and Economy,0.2336,,PopCultureHolic,,0,,,This #GOPDebate is keeping the spray tan industry alive and thriving! #bringingjobs,,2015-08-07 09:41:42 -0700,629693910818820096,LA,Pacific Time (US & Canada) -1420,Rand Paul,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,KcollinsLb,,6,,,RT @FierceFemtivist: Rand Paul went to #Ferguson...and #Baltimore?? Which Riot shield were you holding bruh?! #GOPDebate,,2015-08-07 09:41:41 -0700,629693909770371072,,Quito -1421,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,1.0,,JuliaTrilby,,202,,,RT @JoeMyGod: There is nothing better than watching these clowns out-Jeebus each other. NOTHING. #GOPDebate,,2015-08-07 09:41:40 -0700,629693904615550977,"Maryland, USA",Eastern Time (US & Canada) -1422,Donald Trump,1.0,yes,1.0,Negative,0.6979,None of the above,0.6562,,CelestialProLLC,,155,,,RT @megynkelly: .@FrankLuntz focus group gives low marks to @realDonaldTrump saying he’d consider third party candidacy. #GOPDebate,,2015-08-07 09:41:40 -0700,629693904174972928,Phoenix AZ,Pacific Time (US & Canada) -1423,No candidate mentioned,1.0,yes,1.0,Positive,0.7045,None of the above,1.0,,dmkillgore,,0,,,I want to RT all of @Refinery29 #GOPDebate tweets. There is nothing better on this Friday.,,2015-08-07 09:41:40 -0700,629693903193669632,New York City,Eastern Time (US & Canada) -1424,No candidate mentioned,0.6629,yes,1.0,Neutral,0.6629,None of the above,1.0,,samugranados,,1,,,Robert Costa / David Weigel breaking down the #GOPdebate in this neat presentation by @Tan_Shelly @SethBlanchard http://t.co/hGTwHlqIDL,,2015-08-07 09:41:39 -0700,629693901016801280,D.C., -1425,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KibblesMcGee,,15,,,RT @Nickcalves: Tell me this isn't @realDonaldTrump?? #GOPDebate http://t.co/tj5UEuQ8jM,,2015-08-07 09:41:37 -0700,629693892560957440,, -1426,Ted Cruz,1.0,yes,1.0,Neutral,0.6809,FOX News or Moderators,0.6596,,TC_Watkins,,1,,,@DomenicoNPR @MediaEqualizer crazy that Cruz only got 3 mins at debate #gopdebate,,2015-08-07 09:41:37 -0700,629693889818046464,Missouri, -1427,Mike Huckabee,1.0,yes,1.0,Negative,0.6509,None of the above,0.664,,TheDonkeyHotey,,20,,,RT @adammshankman: Wait! Did Huckabee just say something about the B-52s?!? Yaaaayyy! #loveshack #gopdebate,,2015-08-07 09:41:36 -0700,629693888035442689,,Eastern Time (US & Canada) -1428,Donald Trump,0.6809999999999999,yes,1.0,Negative,0.6809999999999999,Abortion,0.6574,,AntarianRani,,0,,,“@bennydiego: The unplanned parenthood. #foxnews #gopdebate http://t.co/C1fFLfYReu”,,2015-08-07 09:41:35 -0700,629693884361125888,Antar,Mountain Time (US & Canada) -1429,Ted Cruz,1.0,yes,1.0,Negative,0.6329,Foreign Policy,1.0,,arrowsmithwoman,,2,,,RT @matthewherper: Cruz: We need a commander in chief who makes clear that if you join ISIS you are signing your death warrant. #GOPDebate,,2015-08-07 09:41:35 -0700,629693882591154176,Florida,Eastern Time (US & Canada) -1430,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,maggielou_42,,1243,,,"RT @zachbraff: Anyone wanna watch the #GOPDebate ? I have weed, chips and guac.",,2015-08-07 09:41:35 -0700,629693881542684672,"Chicago, IL",Central Time (US & Canada) -1431,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6437,,DrLecter11,,2,,,"RT @KathrynBruscoBk: The ignorance, stupidity, bigotry & misogyny on the Fox hosted #GOPDebate last night was laughable,disgusting & fright…",,2015-08-07 09:41:33 -0700,629693875658096640,, -1432,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IrelandTina,,12,,,RT @iloanya1: Boy I'm not a #Hillary fan but damn we can't let any of these BOZOS become #POTUS...she can't be worse than these guys #GOPDe…,,2015-08-07 09:41:33 -0700,629693875238535168,Bend OR,Pacific Time (US & Canada) -1433,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,0.6552,,G_Humbertson,,1,,,"Trump claimed last night that he's given most of his opponents money. Actually, just one. #GOPDebate http://t.co/xztTCvMPlI",,2015-08-07 09:41:32 -0700,629693871417593856,Ameritopia,Eastern Time (US & Canada) -1434,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6526,,lilithjaay,,1,,,RT @ShabanaMir1: What scares me most about #GOPDebate : the people who break into storms of applause at misogyny & crazy talk.,,2015-08-07 09:41:31 -0700,629693867210596352,,Mountain Time (US & Canada) -1435,No candidate mentioned,1.0,yes,1.0,Neutral,0.6829,None of the above,1.0,,josukebestjojo,,63,,,RT @Totalbiscuit: So the #GOPDebate made David Cameron look practically sane by comparison. Being a British leftie in the US is a bizarre e…,,2015-08-07 09:41:31 -0700,629693866933923841,England,Dublin -1436,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,JoelleTomkins,,0,,,"Wouldn't debates be interesting if the questions were just asked, and whoever wanted to answer did. True personalities would show #GOPDebate",,2015-08-07 09:41:31 -0700,629693864110981120,,Eastern Time (US & Canada) -1437,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6444,,mldeforest,,1,,,RT @Raddmom: Did you know that @CarlyFiorina graduated from #Stanford #UofMaryland AND #MIT? I didn't -but know now! #Impressive #2ndLook #…,,2015-08-07 09:41:30 -0700,629693861846216704,, -1438,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3571,,jazzicattt,,276,,,RT @amaraconda: ISIS is not islam jfc republicans talk all this shit about a terrorist group while dehumanizing every1 who follows islam fu…,,2015-08-07 09:41:29 -0700,629693857391771648,ftx,Pacific Time (US & Canada) -1439,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,None of the above,1.0,,Brian_manfred,,115,,,RT @CocaineSoWhlte: Cocaine so white it's watching the #GOPDebate,,2015-08-07 09:41:28 -0700,629693855496032256,, -1440,No candidate mentioned,0.4159,yes,0.6449,Neutral,0.6449,None of the above,0.4159,,BenjaminBirdsey,,32,,,"RT @DarthPutinKGB: A Russian political debate is 10 candidates debating why they will vote for me. -#GOPDebate",,2015-08-07 09:41:27 -0700,629693848470433792,,Central Time (US & Canada) -1441,Marco Rubio,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,toby_dorena,,56,,,"RT @ThePatriot143: Rubio Says He Wants Border Fence, Visa Tracking System, But Voted Against Both to Pass Gang of Eight Bill http://t.co/Qt…",,2015-08-07 09:41:27 -0700,629693848302661632,Richardson Tx, -1442,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FreedomJames7,,0,,,"Trump Supporters ❤️ To Attack Other Conservative Followers 😳 -#GOPDebate",,2015-08-07 09:41:26 -0700,629693844360183809,, -1443,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,JustinDGriner,,0,,,Republicans are turning on Fox News and it is AWESOME!!!! #GOPDebate,,2015-08-07 09:41:26 -0700,629693844293054464,, -1444,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3483,,magtell,,10,,,RT @GrnEyedMandy: There are grown ass adult women on the Right who seem to enjoy being treated like incompetent children. #PlannedParenthoo…,,2015-08-07 09:41:25 -0700,629693842531356672,Still Above Ground ,Pacific Time (US & Canada) -1445,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,Brand0nRichards,,0,,,@schmitte @RunningQuack93 @kendallclb it was indeed a good source of laughter and concern. #GOPDebate #OMGOP,,2015-08-07 09:41:23 -0700,629693834553892865,SEA - SLM - DC - HBG,Eastern Time (US & Canada) -1446,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,RayJayPerreault,,1,,,"RT @AverageChirps: In 3pm #GOPDebate, Fox ""News"" asked a REAL softball of a question: 2 words to describe Hillary. ALL SEVEN answered with …",,2015-08-07 09:41:23 -0700,629693833824051200,California, -1447,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,not2hotnot2cold,,2,,,RT @Maliheh_: @GrnEyedMandy Conservatives drag their knocked up daughters for an abortion &go right back to protesting against pp the next …,,2015-08-07 09:41:23 -0700,629693831013863424,#UniteBlue ,Eastern Time (US & Canada) -1448,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6752,,AixZani,,395,,,"RT @shhhhhionn: Trump calls everybody ""clowns"" and ""puppets"" because he believes, correctly, that he is at a children's birthday party. #GO…",,2015-08-07 09:41:23 -0700,629693830913224709,, -1449,Donald Trump,1.0,yes,1.0,Negative,0.6477,FOX News or Moderators,1.0,,palmaceiahome1,,6,,,The goal of #FoxNews last night was to take out Trump and pave the way for a RINO like Bush or Kasich. #GOPDebate,,2015-08-07 09:41:21 -0700,629693825141862400,,Quito -1450,Ted Cruz,1.0,yes,1.0,Positive,0.3412,Foreign Policy,1.0,,marklellis,,21,,,"RT @ChadPergram: Cruz: We need a commander in chief who makes clear if you join ISIS, then you are signing your death warrant. #GOPDebate",,2015-08-07 09:41:21 -0700,629693825133342720,"Edmond, OK",Central Time (US & Canada) -1451,No candidate mentioned,1.0,yes,1.0,Negative,0.682,None of the above,0.682,,mslongjr,,34,,,RT @kt_money: Newsflash: God is not real. Plan your government accordingly. #GOPDebate,,2015-08-07 09:41:21 -0700,629693824449671168,"Austin, TX",Central Time (US & Canada) -1452,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KingNASCARFan,,0,,,"New game! 1 person CAN'T win. Players close eyes & try to find them by saying ""Marco"", & waiting for the loser to reply, ""Rubio"". #GOPDebate",,2015-08-07 09:41:21 -0700,629693822277005312,California,Pacific Time (US & Canada) -1453,Rand Paul,0.39399999999999996,yes,0.6277,Negative,0.3404,None of the above,0.39399999999999996,,nickbabs,,0,,,Unreleased footage of #RandPaul at the #GOPdebate last night. https://t.co/GEgoIrIeai,,2015-08-07 09:41:20 -0700,629693818326097921,Los Angeles / Chicago,Central Time (US & Canada) -1454,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,None of the above,0.449,,AllisonTruj,,1,,,RT @ellenduffer: Hillary Clinton won the #GOPDebate,,2015-08-07 09:41:19 -0700,629693815562063873,"Boston, Massachusetts", -1455,Marco Rubio,1.0,yes,1.0,Positive,0.6725,None of the above,1.0,,geeeeenaa,,0,,,Marco Rubio debating like a champ. #partyofthefuture #GOPDebate,,2015-08-07 09:41:18 -0700,629693811392798720,"El Monte, CA",Pacific Time (US & Canada) -1456,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,gyrl_trickster,,23,,,RT @GetUpStandUp2: #BATSAsk which #GOPdebate candidate is willing to put the humanity back into education? @berniesanders http://t.co/6dTpe…,,2015-08-07 09:41:16 -0700,629693802148532224,,Pacific Time (US & Canada) -1457,Donald Trump,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,carolinecrourke,,15,,,RT @RviydoGUTV: Donald Trump is like Sanjaya from American Idol. You know he won't win but you're curious to see how far he will go #GOPDeb…,,2015-08-07 09:41:15 -0700,629693800999301120,"Spokane, WA ",Pacific Time (US & Canada) -1458,Mike Huckabee,0.4277,yes,0.654,Neutral,0.3296,Abortion,0.4277,,Ash_Pask,,53,,,RT @Refinery29: Mike Huckabee thinks fetuses have more rights than pregnant women: http://t.co/aIMFf13KTM #GOPDebate http://t.co/2nFKmpCPu9,,2015-08-07 09:41:15 -0700,629693797161680896,NYC,Eastern Time (US & Canada) -1459,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.2222,,chpnjoe,,0,,,"Carly Fiorina is really impressive, I hope she can get more press and gain some steam. #GOPDebate",,2015-08-07 09:41:14 -0700,629693793063862272,, -1460,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,0.6703,,nickgillespie,,1,,,"RT @TheAbridgedZach: The 3 Most and Least Libertarian Moments from Last Night's #GOPDebate. (Spoiler: ""Most"" was slim pickin'): https://t.c…",,2015-08-07 09:41:13 -0700,629693790220120065,"DC/Oxford, OH",Eastern Time (US & Canada) -1461,Donald Trump,0.6475,yes,1.0,Neutral,0.6475,FOX News or Moderators,1.0,,kaceykaceykc,,135,,,RT @MolonLabe1776us: How much did Hillary/ CNN/ and MSNBC pay you to moderate tonight? @megynkelly #GOPDebate @realDonaldTrump #TCOT http:/…,,2015-08-07 09:41:11 -0700,629693783496630272,"Florida, USA",Indiana (East) -1462,No candidate mentioned,1.0,yes,1.0,Positive,0.3361,None of the above,1.0,,Baaslish,,0,,,Why did I have to be at a campground on the day of the first #GOPDebate?,,2015-08-07 09:41:11 -0700,629693781101670400,,Eastern Time (US & Canada) -1463,No candidate mentioned,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,michellerichmon,,0,,,"Use ""fewer"" when you can count it, ""less"" when you can't. Freshman Comp 1. Just saying… #GOPDebate #WhenPoliticiansSpeak",,2015-08-07 09:41:10 -0700,629693780157857793,http://bookdoctor.org,Pacific Time (US & Canada) -1464,Donald Trump,0.4545,yes,0.6742,Negative,0.6742,FOX News or Moderators,0.2348,,SkyNebulaWmn,,0,,,Only person @realDonaldTrump had a problem with is @megynkelly -Trump has issues with women He doesn't respect women #GOPDebate #msnbc #cnn,,2015-08-07 09:41:09 -0700,629693773375778816,Michigan,Quito -1465,Donald Trump,1.0,yes,1.0,Negative,0.6629999999999999,FOX News or Moderators,1.0,,theyshootactors,,1,,,"RT @MrIanMacIntyre: On the FB post of last night's #GOPdebate, all the comments seem to be attacking Fox News for ""attacking Trump"". 😀😀😀 ht…",,2015-08-07 09:41:08 -0700,629693771626713088,toronto,Quito -1466,Marco Rubio,1.0,yes,1.0,Negative,0.6531,Jobs and Economy,1.0,,MisteProgram,,0,,,"#gopdebate Marco Rubio was asked after the debate, Q: how would you create jobs? A: Tax cuts 4 rich & modify social security & Medicare. : /",,2015-08-07 09:41:08 -0700,629693770238435328,,Eastern Time (US & Canada) -1467,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,lglmoss,,202,,,"RT @CecileRichards: Hope & the American Dream: For women, this means building the future they choose. The #GOPDebate was all about taking a…",,2015-08-07 09:41:08 -0700,629693769177243648,"VA, USA",Eastern Time (US & Canada) -1468,Donald Trump,0.4495,yes,0.6705,Negative,0.6705,Women's Issues (not abortion though),0.2362,,Bearyonce,,337,,,"RT @aurabogado: Half an hour into it, Donald Trump has made it clear he hates: women, immigrants, reporters, and leaders. #GOPDebate",,2015-08-07 09:41:08 -0700,629693767709274112,Arizona ☀,Arizona -1469,Donald Trump,0.6703,yes,1.0,Positive,0.6813,None of the above,1.0,,greenspaceguy,,0,,,@joshtpm #GOPDebate Mission Statement: Tell more people that U love them U never know how much they might need it -C Brogan,,2015-08-07 09:41:05 -0700,629693759089954816,Michigan,Central Time (US & Canada) -1470,No candidate mentioned,0.4253,yes,0.6522,Negative,0.3587,FOX News or Moderators,0.2339,,BigBadHarv,,8,,,"RT @ChristiAnne67: #GOPDebate fact check http://t.co/o3Q8r8dxN4 the lies, misinformation, & spin. - -#UniteBlue -Enough gop hypocrisy! http:/…",,2015-08-07 09:41:05 -0700,629693758305492993,"La Verne, CA",Pacific Time (US & Canada) -1471,No candidate mentioned,0.4355,yes,0.6599,Neutral,0.3514,None of the above,0.4355,,steventeaster,,2,,,RT @CBSLAElsa: One of our producers spied me in the newsroom indulging in tonight's #GOPDebate. He said I was his #newsnerd 👓 http://t.co/r…,,2015-08-07 09:41:04 -0700,629693751334584320,"LOS ANGELES,CA",Pacific Time (US & Canada) -1472,Rand Paul,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Moonspinner55,,12,,,"RT @JMPoff: #RandPaul and the Church Lady are literally THE SAME PERSON - -#GOPDebate - -😏😏😏😏😏 http://t.co/YkdaIWpHrO",,2015-08-07 09:41:03 -0700,629693749262548992,"Las Vegas, Nevada",Pacific Time (US & Canada) -1473,No candidate mentioned,1.0,yes,1.0,Positive,0.6574,None of the above,1.0,,heycori,,0,,,"Boffo early ratings for #GOPDebate: 16% of US households tuned in, 2x the old record. More: http://t.co/FEFIOelxnL http://t.co/4AQNYhWC64",,2015-08-07 09:41:03 -0700,629693747928829952,Indianapolis,Eastern Time (US & Canada) -1474,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RunAmokAmok,,3,,,"RT @BailofRights: I'm officially calling pro-choicers ""science deniers."" #prolife #GOPDebate",,2015-08-07 09:41:00 -0700,629693735677394944,North Carolina,Eastern Time (US & Canada) -1475,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,LisaBloom,,19,,,Not a single question in last night's #GOPDebate about the most urgent issue of our time: climate change.,,2015-08-07 09:40:59 -0700,629693733961740289,Los Angeles,Pacific Time (US & Canada) -1476,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RobboLaw,,28,,,RT @Rebeksy: .@ChrisChristie have you USED the families of the 9/11 victims enough times for your own benefit? #ComeOn #tcot #GOPdebate #Fo…,,2015-08-07 09:40:58 -0700,629693729822113792,"Istanbul, Turkey",Athens -1477,No candidate mentioned,1.0,yes,1.0,Positive,0.6845,Foreign Policy,0.3493,,ThatConservativ,,4,,,"RT @sarafeed: Don’t care who your candidate is or what party you vote for, this answer from @CarlyFiorina is on point: -https://t.co/DH4iFzb…",,2015-08-07 09:40:58 -0700,629693729612279808,"Florida, USA", -1478,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6522,,TSFearadaigh,,14,,,RT @renomarky: #GOPDebate questions biggest problem was they were filled with OPINION! Last night was not suppose to be about #MegynKelly …,,2015-08-07 09:40:58 -0700,629693728379248640,USA, -1479,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,KeepItRealist,,0,,,Do you really think it's a coincidence that so many Fox News employees are defending Megyn Kelly right now? Orders. #tcot #GOPDebate,,2015-08-07 09:40:57 -0700,629693724767952896,"Morgantown, WV",Atlantic Time (Canada) -1480,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheDonkeyHotey,,176,,,RT @JessicaValenti: Huckabee: Two drinks shy of a hate crime #GOPDebate,,2015-08-07 09:40:56 -0700,629693720842117120,,Eastern Time (US & Canada) -1481,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,Ritmoyclase2,,155,,,RT @MattyIceAZ: Somewhere Hillary is laughing. #GOPDebate,,2015-08-07 09:40:55 -0700,629693717201461248,, -1482,Rand Paul,1.0,yes,1.0,Negative,0.6667,Foreign Policy,0.6667,,CarswellWilliam,,0,,,"@randpaul says he won't be ""bought and sold,"" but he will surrender to terrorists. #GOPDebate #tcot #paulforterror",,2015-08-07 09:40:55 -0700,629693715771211776,USA, -1483,Donald Trump,0.4317,yes,0.657,Negative,0.657,Women's Issues (not abortion though),0.2281,,BakerProperties,,3,,,"RT @TrumpIssues: This prick can call the death of #KateSteinle a ""little thing,"" but Trump can't call someone a dog. #GOPDebate #PC https:/…",,2015-08-07 09:40:54 -0700,629693711530725376,New Hampshire,Eastern Time (US & Canada) -1484,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Immigration,1.0,,EusebiaAq,,0,,,@jdelreal Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:40:53 -0700,629693706975580160,America,Eastern Time (US & Canada) -1485,Donald Trump,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,kimmikelly_,,0,,,Preview of Donald Trump tonight at the #GOPDebate (Vine by @CaseyBake16) https://t.co/CRAEVHInKb,,2015-08-07 09:40:53 -0700,629693704811507713,capitalist hell,Eastern Time (US & Canada) -1486,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LBY3,,17,,,RT @SarahBatcha: Did you watch tonight's #GOPDebate? Here's what it looked like through the eyes of Twitter: http://t.co/ubW2aOImxh http://…,,2015-08-07 09:40:52 -0700,629693702605115393,Between Disneyland and Vegas,Pacific Time (US & Canada) -1487,No candidate mentioned,0.2373,yes,0.6889,Neutral,0.3444,None of the above,0.4746,,TheAbridgedZach,,1,,,"The 3 Most and Least Libertarian Moments from Last Night's #GOPDebate. (Spoiler: ""Most"" was slim pickin'): https://t.co/2brzKNmloJ",,2015-08-07 09:40:52 -0700,629693700730322944,Los Angeles,Pacific Time (US & Canada) -1488,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,None of the above,1.0,,Tdeck14,,391,,,RT @justin_fenton: I'm expecting this guy to walk out any moment #GOPDebate http://t.co/LgL8l8LMgt,,2015-08-07 09:40:51 -0700,629693697827958784,"Baltimore, Md",Eastern Time (US & Canada) -1489,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,un_boeing,,0,,,http://t.co/u7jxx1awyq via @youtube Very accurate and very much the root of our problems. And the #GOPDebate showed us just that. #Serfdom,,2015-08-07 09:40:50 -0700,629693692601720832,, -1490,Donald Trump,0.4247,yes,0.6517,Negative,0.6517,None of the above,0.4247,,Sleevetalkshow,,0,,,"@Krauthammer: ""The real story is the collapse of (@realDonaldTrump) in this (#GOPDebate)."" http://t.co/Csm0a7ddpz",,2015-08-07 09:40:50 -0700,629693692488585216,Anywhere & Everywhere!,Eastern Time (US & Canada) -1491,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,VikkyRozay,,0,,,#GOPDebate all the candidates be like ' i did this that etc etc',,2015-08-07 09:40:49 -0700,629693689275637760,Wall St BBM 762740CF,Hawaii -1492,,0.2289,yes,0.6452,Negative,0.6452,None of the above,0.4162,,AdventGamer210,,427,,,RT @Bipartisanism: Republicans watching the #GOPDebate be like: http://t.co/gJY4Kx4Tyj,,2015-08-07 09:40:48 -0700,629693685370744832,"Saskatoon, Saskatchewan",Mountain Time (US & Canada) -1493,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,jessica_genova,,391,,,RT @samswey: Police violence has been a major issue this past year in America. They intentionally ignored black lives this #GOPDebate and w…,,2015-08-07 09:40:48 -0700,629693684016119808,, -1494,No candidate mentioned,1.0,yes,1.0,Negative,0.6679999999999999,Jobs and Economy,0.7005,,Ritmoyclase2,,269,,,RT @Politics_PR: Our defense budget #GOPdebate http://t.co/V5rtVJrBq1,,2015-08-07 09:40:44 -0700,629693669260533761,, -1495,No candidate mentioned,1.0,yes,1.0,Negative,0.6631,FOX News or Moderators,1.0,,fc7822,,0,,,"Nothing wrong with tough Q's if applied to all candidates, something not done by @FoxNews @megynkelly @BretBaier #ChrisWallace #GOPDebate",,2015-08-07 09:40:43 -0700,629693666768990208,"Riverside, CA - USA",Pacific Time (US & Canada) -1496,No candidate mentioned,0.3948,yes,0.6284,Positive,0.3153,None of the above,0.3948,,moneyries,,2,,,The second most-retweeted presidential candidate Tweet of the #GOPDebate https://t.co/rybdNPfypW,,2015-08-07 09:40:43 -0700,629693664990765056,"Brooklyn, NY",Eastern Time (US & Canada) -1497,Rand Paul,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,rcChurchill,,28,,,RT @BenSwann_: GOP Debate: @RandPaul Notes U.S. Involvement In Arming #ISIS http://t.co/jzDPNtWB1E #standwithrand #gopdebate,,2015-08-07 09:40:42 -0700,629693661517901824,,Quito -1498,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,ArcaneSkin,,0,,,when #GOPDebate reached the extreme peak! https://t.co/4B6REn7Jd7,,2015-08-07 09:40:42 -0700,629693660762894337,,Eastern Time (US & Canada) -1499,No candidate mentioned,0.3951,yes,0.6285,Negative,0.6285,,0.2335,,whatalicesaw,,231,,,RT @BougieBlackGurl: How are y'all going to use the 5th & 14th amendments to defend fetuses when y'all refuse to use it to defend living Bl…,,2015-08-07 09:40:41 -0700,629693658254606336,"Atlanta, Ga",Eastern Time (US & Canada) -1500,Donald Trump,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,SeaBassThePhish,,0,,,Like honestly why does any one on that stage validate trump by talking about him or to him #GOPDebate,,2015-08-07 09:40:40 -0700,629693653297008641,,Eastern Time (US & Canada) -1501,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,1.0,,pronuws,,57,,,"RT @cliffschecter: Every time I see FoxNews focus group, I think, maybe dinosaurs deserve another chance #GOPDebate",,2015-08-07 09:40:40 -0700,629693652617576452,New York City, -1502,Jeb Bush,1.0,yes,1.0,Positive,0.6829,None of the above,1.0,,MichaelCraig96,,0,,,I'd say Bush and Kasich came out of last nights debate quite well. They seem more moderate compared to others? #GOPDebate,,2015-08-07 09:40:40 -0700,629693651938082816,"Dundee, Scotland",Edinburgh -1503,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheTellurian,,0,,,"Disappointed in my result, but certain I did better than @GovMikeHuckabee http://t.co/IHN6yAaEet #GOPDebate http://t.co/t1k4z0VuDr",,2015-08-07 09:40:38 -0700,629693645310930944,Milky Way,Central Time (US & Canada) -1504,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EscapeVelo,,2,,,RT @BiasedGirl: This douchebag doesn't know how to talk to decent people. Bill Clinton get Your Boy on a Leash #DumpTrump #GOPDebate https:…,,2015-08-07 09:40:37 -0700,629693640932114432,Twitter, -1505,No candidate mentioned,0.4203,yes,0.6483,Negative,0.3405,None of the above,0.4203,,FiredUp247,,1,,,It's fitting that today is #InternationalBeerDay after how the #GOPDebate went last night,,2015-08-07 09:40:37 -0700,629693639644549120,,Central Time (US & Canada) -1506,No candidate mentioned,1.0,yes,1.0,Negative,0.6841,None of the above,1.0,,samanthafranck1,,3,,,"RT @MissAmericaMN: ""Defeating teachers?"" We are better than this. My dream is to see educators & doctors honored & respected more than spor…",,2015-08-07 09:40:36 -0700,629693633533472768,, -1507,No candidate mentioned,1.0,yes,1.0,Negative,0.6453,FOX News or Moderators,1.0,,aamaro79,,11,,,RT @GrnEyedMandy: Fox's lady viewers are pissed at Megyn Kelly. Doesn't Megyn know that a good RW woman takes men's sexism with a smile & s…,,2015-08-07 09:40:35 -0700,629693631306182656,"Tucson, AZ",Pacific Time (US & Canada) -1508,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kelseyjf,,0,,,Most retweeted for #GOPDebate #wakeupeveryone https://t.co/R4JUZdFQ52,,2015-08-07 09:40:34 -0700,629693627485261824,"New York, NY",Pacific Time (US & Canada) -1509,Scott Walker,1.0,yes,1.0,Neutral,1.0,Immigration,0.6699,,arrowsmithwoman,,5,,,RT @ChronicleMike: Walker on why changed postn on immig: Need to secure border. Met with TxGovAbbott. Know more #GOPdebate #txlege #txpolit…,,2015-08-07 09:40:34 -0700,629693627309002752,Florida,Eastern Time (US & Canada) -1510,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,ahalltoo,,17,,,RT @shannonrwatts: The #NRA gives millions to lawmakers - their annual budget is $350M. We must prevent them from making U.S. gun laws. #GO…,,2015-08-07 09:40:34 -0700,629693626990333952,USA,Central Time (US & Canada) -1511,No candidate mentioned,1.0,yes,1.0,Negative,0.7139,None of the above,1.0,,DickScuttlebutt,,0,,,"#GOPDebate @DuffelBlog @TYFYS84 Okay, I just woke up. When does the debate start? Guys?",,2015-08-07 09:40:34 -0700,629693626763718656,"Vancouver, British Columbia", -1512,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DobryJoe,,1,,,"RT @FreedomJames7: Montel Williams Just Endorsed John Kasich For President. -#GOPDebate http://t.co/eZ9yL3UXXs",,2015-08-07 09:40:34 -0700,629693625308422144,, -1513,No candidate mentioned,1.0,yes,1.0,Neutral,0.653,None of the above,1.0,,Makxxy,,158,,,RT @kvxrdashian: when you leave the Republican Party and become a Democrat. #GOPDebate http://t.co/XrmlHwo1NV,,2015-08-07 09:40:34 -0700,629693625178439680,,Quito -1514,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KayakSandy,,78,,,RT @ChuckNellis: When @TedCruz talks we are such similar souls; this is the 1980 election all over & a REAL Conservative is the ANSWER! #GO…,,2015-08-07 09:40:31 -0700,629693616462499840,In the Wilderness,Arizona -1515,Ben Carson,1.0,yes,1.0,Negative,0.6145,None of the above,1.0,,manlycatholics,,1,,,RT @DaTechGuyblog: Advice to #GOP candidates in order of how I think they finished 3rd place Ben Carson you'rve been noticed flesh it out …,,2015-08-07 09:40:30 -0700,629693611861516288,Memphis, -1516,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,steveatmguy,,0,,,I love hearing all the #Trump Chumps whining about the #GOPDebate moderators. Maybe they should worry more about his lack of cogent ideas.,,2015-08-07 09:40:29 -0700,629693605616177153,Stuck in the 70's,Eastern Time (US & Canada) -1517,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,ArthurCSchaper,,0,,,Why is everyone giving @megynkelly a hard time on #GOPDebate? She did a great job asking tough questions. We need that now more thanever!,,2015-08-07 09:40:29 -0700,629693604160671744,"Torrance, CA",Pacific Time (US & Canada) -1518,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,Telemaven,,4,,,RT @EllenRSullivan: This should be the last time @CarlyFiorina is referred to as a bottom tier candidate along with @BobbyJindal #Carly2016…,,2015-08-07 09:40:28 -0700,629693602881499137,Northern Virginia, -1519,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,notcharchar,,0,,,"When a candidate comes out and says the winner of the #GOPDebate was a member of the other party, that's not good. It just happened.",,2015-08-07 09:40:27 -0700,629693599412801536,"Atlanta, GA",Central Time (US & Canada) -1520,Donald Trump,1.0,yes,1.0,Negative,0.6705,Immigration,0.7045,,dmichaelpage,,349,,,"RT @pattonoswalt: Immigration. Save Trump for the end. No one can follow GG Allin shitting onto the stage, guys. #GOPDebate",,2015-08-07 09:40:27 -0700,629693599136002048,,Eastern Time (US & Canada) -1521,No candidate mentioned,0.4316,yes,0.6569,Positive,0.3494,None of the above,0.4316,,Ritmoyclase2,,6,,,"RT @JbthomJohn: Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/tQXw14qzZB",,2015-08-07 09:40:27 -0700,629693597072420865,, -1522,Donald Trump,1.0,yes,1.0,Negative,0.6915,None of the above,0.6364,,Coreen_Trost,,18,,,RT @nickmartin: Donald Trump's most outrageous lines from the #GOPDebate tonight: http://t.co/tbdk1gtxND by @KT_thomps http://t.co/v3TltVJ0…,,2015-08-07 09:40:26 -0700,629693592630460416,Midwest - United States,Central Time (US & Canada) -1523,Donald Trump,1.0,yes,1.0,Negative,0.6564,None of the above,0.6844,,TheRandallPink,,0,,,@realDonaldTrump didn't like @megynkelly pressing question. Resorts to calling her a 'bimbo'. #GOPDebate #noclass https://t.co/Z6nQmfUxHg,,2015-08-07 09:40:26 -0700,629693592001314816,Los Angeles, -1524,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mcogdill,,0,,,I actually exclaimed out loud. Megyn Kelly your extensions are not fooling anyone and they don't look natural. #GOPDebate #Fashion,,2015-08-07 09:40:25 -0700,629693590453788672,The South---The Queen City,Eastern Time (US & Canada) -1525,No candidate mentioned,0.2451,yes,0.7002,Positive,0.4902,None of the above,0.2451,,pjamesjp1,,1,,,"http://t.co/ys2n1uflHT -#GOPDebate wrapup. @tgradous @marylene58 @LLMajer @larryvance47 -@JVER1 @LVNancy @qnoftherealm @usvetram @FreeLion7",,2015-08-07 09:40:25 -0700,629693588109176832,"Jacksonville, FL", -1526,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,EvelynGarone,,0,,,"Now I know I was right about #GOPDebate. If Sally Kohn agrees with her, she was definitely out of line! https://t.co/JudMM4iT3j",,2015-08-07 09:40:24 -0700,629693587077267456,"Phoenix, AZ", -1527,No candidate mentioned,1.0,yes,1.0,Positive,0.6353,None of the above,0.7059,,Telemaven,,12,,,"RT @RickCanton: From what I've seen so far from this top ten debate, #CarlyFiorina is winning this thing. #Carly2016 #GOPDebate #WakeUpAmer…",,2015-08-07 09:40:24 -0700,629693583608705024,Northern Virginia, -1528,Donald Trump,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,_JRobison,,0,,,"From @GlennCook_NV: #GOPdebate marks beginning of the end for #Trump: https://t.co/VDBYGTLZGO, via @reviewjournal",,2015-08-07 09:40:23 -0700,629693582253797376,Las Vegas,Pacific Time (US & Canada) -1529,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,Webb_MeredithJ,,0,,,Most depressing thing about #GOPDebate is that there will be no Jon Stewart on @TheDailyShow to make us laugh through the tears #JonVoyage,,2015-08-07 09:40:23 -0700,629693581423308800,Chicago, -1530,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6905,,ericspratling,,168,,,RT @the_ironsheik: WHY YOU DONT YOU ASK ME MODERATE BUBBA??? #GOPDebate,,2015-08-07 09:40:22 -0700,629693577178820608,"Sterling, VA",Eastern Time (US & Canada) -1531,No candidate mentioned,0.4756,yes,0.6897,Neutral,0.6897,None of the above,0.2378,,dejideremi,,0,,,@FelizRobertson The #GOPDebate . Still reviewing. Guyana next elections on my mind.,,2015-08-07 09:40:19 -0700,629693565342511104,Georgetown,Georgetown -1532,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Michele_Wyatt66,,1,,,RT @ZeitgeistGhost: #GOP w/ #GOPDebate proved once again they ARE #TheStupidParty... and hateful bigots @JenLLM @bimmerella @jared812 @stph…,,2015-08-07 09:40:18 -0700,629693559357112321,Wherever I want to be,Arizona -1533,Donald Trump,0.4006,yes,0.6329,Negative,0.6329,None of the above,0.4006,,BoysBuzz,,0,,,"@lyndonjackmon Dearheart #BoyAboutTown is never upset about ppls views,no matter how misguided. After #GOPDebate #DonaldTrump is a non issue",,2015-08-07 09:40:18 -0700,629693559352918016,USA,Pacific Time (US & Canada) -1534,Donald Trump,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,calvinj27560,,30,,,"RT @RickCanton: Am I the only one who noticed @realDonaldTrump admitting to not being a Republican? - -It was a #GOPDebate, not an #IDontKnow…",,2015-08-07 09:40:18 -0700,629693559088791552,"Cary, NC",Eastern Time (US & Canada) -1535,Ben Carson,1.0,yes,1.0,Positive,0.6517,None of the above,1.0,,ceci00z,,34,,,"RT @KeltieKnight: @RealBenCarson great job tonight, you seemed like the only one up there with a soul. #GOPDebate",,2015-08-07 09:40:18 -0700,629693558576975872,SD,Tijuana -1536,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gwmalone,,0,,,@megynkelly was a fan of yours until the #MSNBC i mean @FoxNews sponsored #GOPDebate,,2015-08-07 09:40:17 -0700,629693557398372352,, -1537,Donald Trump,0.24100000000000002,yes,0.6778,Negative,0.6778,Abortion,0.24100000000000002,,TrumpIssues,,0,,,"Leaders make tax-payers fund @Ppact even when it's against their beliefs, but Trump can't call a person a disgusting animal. #GOPDebate #PC",,2015-08-07 09:40:16 -0700,629693552893669377,United States Of America,Pacific Time (US & Canada) -1538,No candidate mentioned,1.0,yes,1.0,Negative,0.6512,Gun Control,1.0,,TheStatus_Joe,,0,,,"Problem: We need to stop gun crime. -Solution: Use guns as a deterrent. #GOPDebate",,2015-08-07 09:40:16 -0700,629693550414987264,"Hull, England",London -1539,No candidate mentioned,1.0,yes,1.0,Negative,0.6719,Immigration,1.0,,EusebiaAq,,0,,,@Sojourners Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:40:16 -0700,629693549806620672,America,Eastern Time (US & Canada) -1540,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6629,,Dicky3966,,178,,,"RT @P0TUS: Oh, this'll be good. Watch ten grown men channel God on live TV before they offer closing statements on screwing the poor. -#GOP…",,2015-08-07 09:40:15 -0700,629693549416718336,Amsterdam, -1541,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6685,,mickko13,,28,,,"RT @BRios82: Not one word by @GOP Candidates about Income Inequality, Climate Change, Citizens United or Student Debt. #GOPDebate http://t.…",,2015-08-07 09:40:15 -0700,629693546703028224,VA-11 | Pvd | Bmore | Philly,Eastern Time (US & Canada) -1542,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,Abortion,0.6742,,mimimiles,,1,,,"RT @MGA_MKII: 1 of the most important issues of our time, #climatechange, not a single word from R candidates, blathering abortion #GOPDeba…",,2015-08-07 09:40:14 -0700,629693544081563649, #mimimiles ▪ michigan, -1543,Donald Trump,1.0,yes,1.0,Neutral,0.6354,FOX News or Moderators,1.0,,hjaussie,,24,,,"RT @larryelder: How DARE FOX ask #DonaldTrump for proof that ""Mexico is sending criminals."" Who do they think they are? (sarcasm) -#GOPDebate",,2015-08-07 09:40:13 -0700,629693540981936128,"Yanceyville,NC", -1544,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,0.6444,,BBCJonSopel,,21,,,"In midst of #GOPDebate came big blow to @BarackObama with announcement that leading Jewish Democrat, Sen. Schumer, won't back #IranDeal",,2015-08-07 09:40:13 -0700,629693540310847488,UK, -1545,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3666,,gir908922,,709,,,"RT @pattonoswalt: ""...and...and...God."" Holy shit. @megynkelly just summed up the entire Republican Party. #GOPDebate",,2015-08-07 09:40:12 -0700,629693536611516416,"Warwick, RI, USA",Eastern Time (US & Canada) -1546,No candidate mentioned,1.0,yes,1.0,Negative,0.6773,Religion,0.6669,,CindyTreadway,,4,,,RT @kimprussell: #GOPDebate My mother's mother's cousin's brother was God.,,2015-08-07 09:40:11 -0700,629693532639367168,,Eastern Time (US & Canada) -1547,No candidate mentioned,1.0,yes,1.0,Neutral,0.6889,None of the above,0.6798,,ktpresley2012,,0,,,Fiorina for the People #proud American #GOPDebate #2016 #WakeUpAmerica,,2015-08-07 09:40:11 -0700,629693528583507968,"Memphis, TN", -1548,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.6264,None of the above,0.3923,,AlexHouseThomas,,1,,,"RT @EmperorSean: Who won #GOPDebate? Why, the candidate I liked already. Can't you see? It's so obvious!",,2015-08-07 09:40:10 -0700,629693527925071872,Straight Outta Weddington,Eastern Time (US & Canada) -1549,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6701,,CThompsonGeorge,,1,,,RT @tnyCloseRead: How do you earn a Jeb? http://t.co/JKGx2Ojrwi #GOPDebate,,2015-08-07 09:40:10 -0700,629693524913598465,"Baltimore, Maryland, USA",Eastern Time (US & Canada) -1550,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6632,,Pixie_Pebbles,,2,,,RT @JustenCharters: Carly Fiorina wrote an op-ed for us at IJReview after her performance last night. http://t.co/LdQE8KG2ZW #GOPDebate,,2015-08-07 09:40:09 -0700,629693524045340673,Wandering in Wonderland..,Atlantic Time (Canada) -1551,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NerdyPodcast,,0,,,"Liberals: LoL @ showing Straight Outta Compton trailer during #GOPdebate -Radical Liberals: Straight Outta Compton is rape culture!!",,2015-08-07 09:40:09 -0700,629693523198124032,"Philadelphia, PA",Eastern Time (US & Canada) -1552,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,startingupBSTN,,0,,,Did Trump Implode in #FOXdebate? Special new @hlcpodcast #GOPdebate edition http://t.co/HEYhWpWUWx #mapoli #nhpolitics #mepolitics #trump,,2015-08-07 09:40:07 -0700,629693514469801984,Boston, -1553,No candidate mentioned,0.4539,yes,0.6737,Positive,0.3474,None of the above,0.4539,,alexandraheuser,,0,,,Support 1 U like #TCOT This is STILL America but PLS VET so U KNOW what ur getting! https://t.co/hrLWhET2x8 #GOPDebate #FoxNews #iapolitics,,2015-08-07 09:40:07 -0700,629693514331389952,America, -1554,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,KateMcElheney,,0,,,"#InternationalBeerDay…because the whole world needs a drink after that oh-so-American #GOPDebate -🍺🇺🇸🍺😜🇺🇸🍺",,2015-08-07 09:40:06 -0700,629693508790521856,Flyover Country,Central Time (US & Canada) -1555,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,None of the above,1.0,,moneyries,,3,,,The most-retweeted presidential candidate Tweet of the #GOPDebate. https://t.co/hdKdiZIym2,,2015-08-07 09:40:06 -0700,629693508123774976,"Brooklyn, NY",Eastern Time (US & Canada) -1556,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jsmithhowe,,8,,,RT @grindingdude: Biggest elephants in the room at last night #GOPDebate were #FOX panelists. Shoddy performance at best! http://t.co/vhIqq…,,2015-08-07 09:40:06 -0700,629693508065067008,, -1557,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,Gun Control,0.6702,,asheeka1,,29,,,"RT @shannonrwatts: In states that closed background check loophole, #DV and police shooting deaths and gun suicides cut almost in half #GOP…",,2015-08-07 09:40:06 -0700,629693507645472769,& a couple of Fa-la-la's ,Melbourne -1558,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,thezedwards,,38,,,"RT @senatorshoshana: ""Ronald Raven"" #GOPDebate http://t.co/bymorRA7Bc",,2015-08-07 09:40:05 -0700,629693505003130880,"Austin, TX",Central Time (US & Canada) -1559,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,zhynaryll,,5,,,RT @SarahHuckabee: .@FrankLuntz analysis says @GovMikeHuckabee won the debate —> http://t.co/QUwoCLfs8q #ImWithHuck #GOPDebate,,2015-08-07 09:40:05 -0700,629693504831275008,"Eufaula, AL", -1560,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,M_Commentary,,15,,,"RT @TexanCat: I am 50 & have never been more proud of a political candidate. TY, @tedcruz. Hope more Americans will soon feel same. #CruzCr…",,2015-08-07 09:40:04 -0700,629693499575668736,Oregon,Pacific Time (US & Canada) -1561,Donald Trump,0.6701,yes,1.0,Negative,0.6737,FOX News or Moderators,0.6737,,McLonergan,,2,,,"RT @el_nuko: @Stonewall_77 @megynkelly @BretBaier @FrankLuntz @FoxNews @realDonaldTrump did #Jeb get 5, no 6 softball q's last night? #GOPD…",,2015-08-07 09:40:04 -0700,629693499466649600,, -1562,No candidate mentioned,0.45299999999999996,yes,0.6731,Negative,0.6731,None of the above,0.45299999999999996,,freestyldesign,,0,,,Conservatives CANT POSSIBLY Support a Candidate that DONATED TO HILLARY- EVER-this is ASININE #tcot #ccot #GOPDebate #RedNationRising #PJNET,,2015-08-07 09:40:03 -0700,629693497579188224,Seattle WA USA,Pacific Time (US & Canada) -1563,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,0.6768,,dawnmarie1204,,0,,,I Strongly Suggest Everyone To Listen To Dennis Prager Today. #GOPDebate,,2015-08-07 09:40:01 -0700,629693487965937664,New Jersey,Eastern Time (US & Canada) -1564,Rand Paul,0.4495,yes,0.6705,Positive,0.3523,Foreign Policy,0.2362,,mattlevin,,2,,,"RT @brianmrosenthal: ICYMI: At #GOPDebate, @RandPaul calls out Houston Mayor Annise Parker over #HERO controversy: http://t.co/qxB1edQOzN",,2015-08-07 09:40:00 -0700,629693485017247744,,Central Time (US & Canada) -1565,No candidate mentioned,0.4594,yes,0.6778,Positive,0.3437,Immigration,0.4594,,RyanMachara,,138,,,RT @FWD_us: #Immigration fact: Undocumented immigrants paid $10.6 billion in taxes in 2010. #GOPdebate #economy http://t.co/z1v2FVruBR,,2015-08-07 09:39:59 -0700,629693480277639168,Orlando Florida,Atlantic Time (Canada) -1566,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,LGBT issues,0.6889,,taelornagle,,21,,,"RT @emily_hohman: Yes, please, let's hear more about what women should do with their bodies from people WHO ARE NOT WOMEN. #GOPDebate",,2015-08-07 09:39:59 -0700,629693479807926272,"LI, NY ♐️",Central Time (US & Canada) -1567,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,CrazyClarine,,5,,,lol! RT @The3o5FlyGuy: Watching the #GOPDebate like... http://t.co/zOwJcU2baZ,,2015-08-07 09:39:59 -0700,629693479162118144,Miami, -1568,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LinFlies,,9,,,RT @prettyplusmore: What a shocker. #megynKelly can't stop giggling at herself EVEN AT A DAMN PRESIDENTIAL DEBATE!!!!!! #GOPDebate,,2015-08-07 09:39:58 -0700,629693475877883905,"San Diego, CA USA",Pacific Time (US & Canada) -1569,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Maliheh_,,2,,,@GrnEyedMandy Conservatives drag their knocked up daughters for an abortion &go right back to protesting against pp the next day #GOPDebate,,2015-08-07 09:39:58 -0700,629693475173236736,California,Pacific Time (US & Canada) -1570,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kmtwanderlust,,0,,,WHAT IS LOVE? Presenting D Trump at the Roxbury! https://t.co/SERwdl1yfc #DonaldTrump #GOPDebate http://t.co/k5kvYbeij8,,2015-08-07 09:39:57 -0700,629693469976453120,Los Angeles ☀️,Quito -1571,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,meganspecia,,1,,,RT @moneyries: The 2 most-retweeted presidential candidate Tweets of the #GOPDebate came from Democrats @BernieSanders & @HillaryClinton - …,,2015-08-07 09:39:55 -0700,629693464100405250,New York City,Eastern Time (US & Canada) -1572,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,gadawgs05,,52,,,"RT @LoganMBooker: I wish to god one of the moderators would ask these dudes about the #UGA quarterback battle. -#GOPDebate",,2015-08-07 09:39:53 -0700,629693455946641408,, -1573,John Kasich,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,SidneyPowell1,,9,,,RT @holly_harris: On @TODAYshow @chucktodd says @JohnKasich helped himself the most in the #GOPDebate. Kasich's 1st answer of night include…,,2015-08-07 09:39:53 -0700,629693453346172928,USA ,Atlantic Time (Canada) -1574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GalFreakyFriday,,0,,,DUMBMASSES #IDIOCRACY #GOPDebate https://t.co/C7fFOOErmn,,2015-08-07 09:39:51 -0700,629693447394492416,, -1575,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,2ward4ward,,1,,,RT @RhondaWatkGwyn: It sure was. #Huckabee delivered his message well. #ImWithHuck #GOPDebate #th2016 #ccot #tcot #teaparty #pjnet https:/…,,2015-08-07 09:39:51 -0700,629693445221675008,"California, USA",Pacific Time (US & Canada) -1576,Donald Trump,1.0,yes,1.0,Negative,0.6478,None of the above,1.0,,KollinHoltz,,0,,,"Donald Trump would be a bad President, but an excellent Pro Wrestler. Finishing move: The Trump Card! #GOPDebate",,2015-08-07 09:39:50 -0700,629693441765584896,San Francisco,Alaska -1577,John Kasich,1.0,yes,1.0,Neutral,1.0,LGBT issues,0.6809,,OnTheFitz,,0,,,Follow up question to @JohnKasich: Will you nominate supreme court justices that will uphold marriage equality cases? #GOPDebate,,2015-08-07 09:39:50 -0700,629693441233035264,DC/IN,Eastern Time (US & Canada) -1578,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EricHiel1,,642,,,RT @ShooterMcGavin_: Donald Trump is the Shooter McGavin of Politicians #GOPDebate,,2015-08-07 09:39:49 -0700,629693438577934336,Coon Rapids MN, -1579,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6882,,auntoona,,0,,,"The media seem to be leaving out the most disturbing comments Trump made to Megan Kelly where he made a veiled threat to her. -#gopdebate",,2015-08-07 09:39:48 -0700,629693436254388224,Small town S.Il. , -1580,Marco Rubio,1.0,yes,1.0,Negative,0.6744,None of the above,1.0,,CheryeDavis,,3,,,RT @VerifiedDrunk: I'd love to do a body shot out of Marco Rubio's ears. #GOPDebate,,2015-08-07 09:39:47 -0700,629693431611174913,,Central Time (US & Canada) -1581,Donald Trump,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,1.0,,palmaceiahome1,,12,,,"Rush Limbaugh to Megyn Kelly ""I know no Democrat Candidate would be treated the way Megyn Kelly treated Trump."" #FoxNews #GOPDebate",,2015-08-07 09:39:47 -0700,629693428029370373,,Quito -1582,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,0.6422,,squeek1971,,0,,,"Frank Luntz: #GOPDebate ""Great News for Ted Cruz"" https://t.co/lZWVLuBgNq via @YouTube",,2015-08-07 09:39:45 -0700,629693423533039616,"La Vergne, TN",Central Time (US & Canada) -1583,Ted Cruz,1.0,yes,1.0,Neutral,0.6632,FOX News or Moderators,0.6632,,OhOneMoreThing,,3,,,"RT @pondlizard: Ted Cruz reacts to Fox News GOP debate on ""Hannity"" http://t.co/B4LzAIhOk3 via @YouTube #GOPdebate",,2015-08-07 09:39:45 -0700,629693422866202624,"Levy, South Carolina",Eastern Time (US & Canada) -1584,Donald Trump,0.4046,yes,0.6361,Neutral,0.6361,None of the above,0.4046,,ShaunaDeNada,,2,,,"RT @LauraSanthanam: Top 3 #GOPDebate times -Trump 11:06 -Bush 8:40 -Huck 6:39 -MORE RESULTS HERE: http://t.co/o06uCZXFF8",,2015-08-07 09:39:44 -0700,629693417325379584,"Washington, DC",Central Time (US & Canada) -1585,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,great_gold,,52,,,RT @kyleraccio: Fox News must be taking marching orders from RNC by their treatment of Cruz and Trump and Carson. #gopdebate,,2015-08-07 09:39:43 -0700,629693413307326465,,Eastern Time (US & Canada) -1586,No candidate mentioned,0.6896,yes,1.0,Neutral,0.6609999999999999,None of the above,1.0,,Dave_Nemetz,,1,,,The human embodiment of ¯\_(ツ)_/¯ #GOPDebate http://t.co/rUkXAyZMbu,,2015-08-07 09:39:43 -0700,629693412871151616,,Pacific Time (US & Canada) -1587,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,dnauerbach13,,1,,,"RT @Sanders4Potus: RT @ABCPolitics: According to @gov, the most-retweeted candidate tweet of the #GOPDebate didn't come from a Republ… http…",,2015-08-07 09:39:42 -0700,629693410945859584,, -1588,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,livecut,,0,,,Hope #tcot&#tgdn enjoyed the pander-fest at the #GOPDebate debate last night. How does spoon-fed pap taste? @GOP @BuhByeGOP @LOLGOP,,2015-08-07 09:39:42 -0700,629693410702569472,"San Francisco, CA, USA",Pacific Time (US & Canada) -1589,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,moneyries,,1,,,The 2 most-retweeted presidential candidate Tweets of the #GOPDebate came from Democrats @BernieSanders & @HillaryClinton - Twitter data,,2015-08-07 09:39:41 -0700,629693404742553600,"Brooklyn, NY",Eastern Time (US & Canada) -1590,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MrIanMacIntyre,,1,,,"On the FB post of last night's #GOPdebate, all the comments seem to be attacking Fox News for ""attacking Trump"". 😀😀😀 http://t.co/YuLgjreYvU",,2015-08-07 09:39:41 -0700,629693403039727616,"Toronto, Ontario", -1591,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6705,,jparker521,,79,,,"RT @BrianZahnd: My Native American friends get a kick out of white folks complaining about ""illegals."" #GOPDebate",,2015-08-07 09:39:40 -0700,629693399730253824,"Yukon, OK", -1592,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,wbalradio,,1,,,RT @derekahunter: Up next we get #GOPDebate reaction from @dbongino. @WBALRadio and http://t.co/wTDQ8gmvEl,,2015-08-07 09:39:39 -0700,629693395573821440,"Baltimore, MD",Eastern Time (US & Canada) -1593,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,0.6538,,theunwanaumana,,1,,,RT @amandagutterman: Trump wants to treat Mexicans like the white walkers #GOPDebate,,2015-08-07 09:39:39 -0700,629693395317997568,, -1594,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sunnydaejones,,37,,,RT @vohandas: They can argue about Hillary for 1hr but can’t even talk about police brutality for a full minute? #GOPDebate,,2015-08-07 09:39:38 -0700,629693393614954496,GA ~ Paine College ~ KU , -1595,Ben Carson,0.7097,yes,1.0,Negative,0.7097,None of the above,0.6452,,BeforeDarkness,,167,,,"RT @andreagrimes: Carson: I don’t see color, I just see brains - -#gopdebate http://t.co/cyuQBKB3XD",,2015-08-07 09:39:37 -0700,629693388502097921,Beyond the Horizon, -1596,No candidate mentioned,0.423,yes,0.6504,Neutral,0.3278,Immigration,0.423,,EusebiaAq,,0,,,@LatinaLista Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:39:36 -0700,629693383049506817,America,Eastern Time (US & Canada) -1597,No candidate mentioned,1.0,yes,1.0,Neutral,0.6724,None of the above,1.0,,graceweller7,,2,,,RT @jordanbartel: Rodney the Ocean City Lifeguard for president! #GOPDebate,,2015-08-07 09:39:36 -0700,629693382894465025,MobsterAF, -1598,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sixty_bus,,0,,,.@Bipartisanism This was not at all talked about at the #GOPDebate http://t.co/4Wj0ZBZMqe,,2015-08-07 09:39:35 -0700,629693379954118656,the end of the east bay,Pacific Time (US & Canada) -1599,No candidate mentioned,0.45,yes,0.6708,Neutral,0.6708,None of the above,0.2279,,gaydaysLA,,2,,,Instagram: gaydayslosangeles #gopdebate 😂😂😂 gurrlll!! http://t.co/5xsVTuyimP http://t.co/2IrXUpIXKe,,2015-08-07 09:39:33 -0700,629693373016883200,Los Angeles,Tijuana -1600,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,FOX News or Moderators,1.0,,england498,,94,,,"RT @RWSurferGirl: Bottom Line: - -Fox News lost the debate. - -All the candidates have more integrity. - -#GOPDebate 🇺🇸",,2015-08-07 09:39:32 -0700,629693368197472257,,Central Time (US & Canada) -1601,Mike Huckabee,1.0,yes,1.0,Positive,0.6842,None of the above,0.6316,,georgehenryw,,3,,,RT @SarahHuckabee: .@BretBaier named @GovMikeHuckabee has one of his “winners” of #GOPDebate —-> https://t.co/OBSveWvo41 #ImWithHuck,,2015-08-07 09:39:32 -0700,629693367643836416,Texas,Central Time (US & Canada) -1602,No candidate mentioned,0.49,yes,0.7,Negative,0.3889,None of the above,0.49,,SKRDad,,1,,,"RT @MacandGaydos: Mac-#GOPDebate: kinda like prom night. Lots of anticipation, some fun moments, but nothing lasting. Glad I watched but un…",,2015-08-07 09:39:30 -0700,629693359418773504,"Scottsdale, Az",Arizona -1603,Ben Carson,0.4594,yes,0.6778,Neutral,0.3778,FOX News or Moderators,0.256,,R5Glenn,,48,,,"RT @KennedyNation: ""Megyn I could crack your head open and eat your brain."" - Dr Ben Carson #GOPDebate",,2015-08-07 09:39:30 -0700,629693358718349312,, -1604,Donald Trump,0.6818,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WitchyWoman722,,34,,,"RT @renomarky: #GOPDebate #FoxDebate #DonaldTrump #MegynKelly -To start debate with a loaded sexist question was unfair & disgusting http:/…",,2015-08-07 09:39:29 -0700,629693355614670849,DE., -1605,No candidate mentioned,1.0,yes,1.0,Negative,0.6602,None of the above,1.0,,ChileBean15,,0,,,Watching everyone complain about the #GOPDebate last night makes me glad I watched #CriticalRole instead. #Critters #NoContest,,2015-08-07 09:39:29 -0700,629693353160904704,,Pacific Time (US & Canada) -1606,Donald Trump,0.6556,yes,1.0,Negative,0.6778,FOX News or Moderators,1.0,,TSFearadaigh,,18,,,RT @Raddmom: @megynkelly you mean before you crash and burned- you're despicable- never watch your show again- EVER! #GOPDebate @realDonald…,,2015-08-07 09:39:28 -0700,629693350598287361,USA, -1607,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,brad_dupee,,0,,,Have a #GOPDebate 'hangover' today. So much consumed...brain fried.,,2015-08-07 09:39:28 -0700,629693350254264321,www.freeconferencecall.com,Mountain Time (US & Canada) -1608,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.6111,Religion,0.3735,,rosaorosco74,,27,,,"RT @geridynomite: Psalm 33:12 - -#GOPDebate http://t.co/6hW465gTEn",,2015-08-07 09:39:28 -0700,629693349339860992,, -1609,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,McLonergan,,2,,,RT @_HankRearden: .@megynkelly so would you consider Trump part of the 'patriarchy?' Serious question. #GOPDebate,,2015-08-07 09:39:27 -0700,629693346248691712,, -1610,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,Religion,0.6552,,CindyTreadway,,22,,,"RT @stitchkingdom: so quick question.. if God is personally advising all the #GOPDebate candidates, shouldn't they all agree with each othe…",,2015-08-07 09:39:23 -0700,629693330310328320,,Eastern Time (US & Canada) -1611,No candidate mentioned,0.4401,yes,0.6634,Negative,0.6634,Abortion,0.4401,,Ruzbu,,5,,,RT @ItsShoBoy: #GOPDebate Reveals @GOP Candidates’s Terrifying Fantasies About #Abortion http://t.co/GYjq13nW35 #TNTVote #AINF #tlot #p2 #t…,,2015-08-07 09:39:22 -0700,629693326221012993,"Cincinnati, OH",Arizona -1612,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ricoleako,,9,,,RT @aubreysitterson: My favorite moment from last night's #GOPDebate http://t.co/Vnc4IslI7q,,2015-08-07 09:39:21 -0700,629693319967285248,,Atlantic Time (Canada) -1613,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6934,,jellen805,,814,,,RT @KatiePavlich: Fiorina didn't make a single mistake and made strong arguments with details to back them up. Excellent job. #GOPDebate,,2015-08-07 09:39:19 -0700,629693313059151872,Main St SW via 5th Ave , -1614,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6903,,talk2jorgelopez,,0,,,"@keder they missed an ""h"" in that. It's supposed to read ""Whiner: Donald Trump"" #GOPDebate",,2015-08-07 09:39:19 -0700,629693312992088064,"Chicago, IL",Central Time (US & Canada) -1615,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3587,,PersianPolitik,,1,,,@woodruffbets @thedailybeast And you just proved @realDonaldTrump point on bad journalists from the #GOPDebate can't even describe it right,,2015-08-07 09:39:19 -0700,629693310840504320,, -1616,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,66BookMom,,0,,,"I would say that Trump appeared incompetent in the #GOPDebate, but that wouldn't be very nice.",,2015-08-07 09:39:19 -0700,629693310437879808,,Eastern Time (US & Canada) -1617,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,Abortion,0.696,,taelornagle,,39,,,"RT @NTagouri: Some politicians are so obsessed w protecting rights of fetuses but care nothing about rights of ppl who are alive, strugglin…",,2015-08-07 09:39:15 -0700,629693295212539904,"LI, NY ♐️",Central Time (US & Canada) -1618,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ParisBurned,,5,,,"RT @Russian_Starr: If you're in NYC, turn in to @NY1at 7 p.m. You'll see me discussing NYC politics and the #GOPDebate.",,2015-08-07 09:39:15 -0700,629693293945876480,(Pre-Gentrified) Brooklyn,Eastern Time (US & Canada) -1619,Donald Trump,0.4328,yes,0.6578,Neutral,0.3499,None of the above,0.4328,,greenspaceguy,,0,,,@HuntsmanAbby @SIRIUSXM @PeteDominick @krystalball #GOPDebate @JonHuntsman https://t.co/AyxbtXwsKR Money Can't Buy Me Love? It Can -D Trump,,2015-08-07 09:39:14 -0700,629693292654018560,Michigan,Central Time (US & Canada) -1620,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Gritty_Greg,,0,,,I for one am shocked that the party whose audience booed an American soldier applauded a rallying cry to be meaner to people. #GOPDebate,,2015-08-07 09:39:14 -0700,629693292310044673,"Ottawa, Canada",Atlantic Time (Canada) -1621,Donald Trump,0.4659,yes,0.6825,Neutral,0.3452,None of the above,0.4659,,Pony_Prof,,0,,,Donald Trump & Hillary Clinton deserve each other. I guess if the parties nominate these 2 phonies then America deserves them too #GOPDebate,,2015-08-07 09:39:14 -0700,629693290699431936,, -1622,No candidate mentioned,1.0,yes,1.0,Neutral,0.701,None of the above,1.0,,stevelu021153,,16,,,"RT @geoffcaldwell: After prime time mess-fest last night, here's a visual thought from the real debate 3 hrs earlier. #GOPDebate #tcot http…",,2015-08-07 09:39:14 -0700,629693289738842112,KNOXVILLE TN USA,Eastern Time (US & Canada) -1623,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3563,FOX News or Moderators,0.4444,,EscapeVelo,,10,,,"RT @scrowder: Talking all things #GOPDebate. Specifically, the complete massacre that happened at the hands of Carly Fiorina. #LwC",,2015-08-07 09:39:13 -0700,629693288522485760,Twitter, -1624,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,libertyladyusa,,1,,,"RT @jaxonsl: It was not a debate, it was just a heavily biased Q&A. RT @libertyladyusa: Done! That's it folks! I'm confused LOL - -#GOPDebate",,2015-08-07 09:39:13 -0700,629693287130005504,.... ranchin' in central #TX ,Mountain Time (US & Canada) -1625,Scott Walker,0.3997,yes,0.6322,Positive,0.6322,None of the above,0.3997,,TxDestination,,0,,,Retrospect. I liked way @ScottWalker was respectfully #listening to other candidates in #gopdebate pictures. Very revealing.,,2015-08-07 09:39:13 -0700,629693286697971713,,Central Time (US & Canada) -1626,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,hjaussie,,44,,,"RT @KLSouth: Ted #Cruz was the smartest, most articulate man on stage at #GOPDebate - Most Presidential. https://t.co/Umk17vuktJ",,2015-08-07 09:39:13 -0700,629693285947318272,"Yanceyville,NC", -1627,Donald Trump,0.4385,yes,0.6622,Negative,0.6622,None of the above,0.4385,,airwolf1967,,0,,,@stephenmengland @realDonaldTrump Donald Trump is starting to Implode but I doubt that his supporters even notice. #GOPDebate,,2015-08-07 09:39:13 -0700,629693285338976260,"Spring Branch,Texas",Central Time (US & Canada) -1628,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6771,,ELDUDEIRENO,,2,,,RT @princessomuch: Yes! And true of most religions: women are unclean sexual distracters & men are hapless victims #religion #GOPDebate htt…,,2015-08-07 09:39:12 -0700,629693281773838336,WWDD (WhatWouldDudeDo),Central Time (US & Canada) -1629,Donald Trump,0.4067,yes,0.6377,Neutral,0.6377,FOX News or Moderators,0.4067,,BAlfadio,,19,,,RT @CNNMoney: #GOPDebate recap: @realDonaldTrump vs. @megynkelly. Who won the night? http://t.co/YwdF7hJgdB By @brianstelter http://t.co/Lz…,,2015-08-07 09:39:11 -0700,629693277583843328,"Bronx, NY", -1630,Mike Huckabee,0.6602,yes,1.0,Negative,0.6602,None of the above,1.0,,NYMediaCritic,,0,,,.@GovMikeHuckabee @FrankLuntz Haha. Dream on. #GOPDebate,,2015-08-07 09:39:08 -0700,629693267957952512,, -1631,No candidate mentioned,1.0,yes,1.0,Neutral,0.6638,None of the above,1.0,,noillusions,,0,,,"So…the #BestandBrightest did not show up on #Cleveland stage but they did show up on #Twitter ? -#GOPClownCar #GOPDebate",,2015-08-07 09:39:07 -0700,629693263549575168,ann arbor mi,Eastern Time (US & Canada) -1632,Donald Trump,0.4025,yes,0.6344,Negative,0.6344,Abortion,0.4025,,Zionistchuck,,17,,,RT @LilaGraceRose: .@megynkelly asks good question on track record of #pro-abortion position @realDonaldTrump. Answer: obfuscation from #Tr…,,2015-08-07 09:39:06 -0700,629693258088603648,"Phoenix, AZ",Pacific Time (US & Canada) -1633,No candidate mentioned,0.4393,yes,0.6628,Negative,0.3488,None of the above,0.2312,,MAYONNAISEB0Y,,84,,,RT @PunkHistory: Congratulations to anyone who watched tonight's #GOPDebate and will respond tomorrow by starting a punk rock band.,,2015-08-07 09:39:04 -0700,629693248773222402,,Pacific Time (US & Canada) -1634,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Entalpical,,103,,,RT @JonyIveParody: I haven’t seen a room this white since I filmed my last Apple product video. #GOPDebate,,2015-08-07 09:39:04 -0700,629693247850475520,哈尔滨—青岛(✓)—魔都—帝都,Beijing -1635,Ted Cruz,0.4211,yes,0.6489,Negative,0.6489,None of the above,0.4211,,EthanRinaldo,,57,,,"RT @Writeintrump: Ted Cruz really looks like a ventriloquist dummy. I'm not going to lie, it's freaking me out. #GOPDebate",,2015-08-07 09:39:03 -0700,629693247355506688,,Eastern Time (US & Canada) -1636,John Kasich,1.0,yes,1.0,Neutral,0.6404,None of the above,0.6404,,WSJThinkTank,,1,,,"RT @rentamob: In #GOPDebate, John Kasich showed himself to be an alternative to Jeb Bush, says @LindaJKillian: http://t.co/qnNSctIzO7 via …",,2015-08-07 09:39:03 -0700,629693245971369984,"Washington, D.C.",Eastern Time (US & Canada) -1637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,revjaydub,,1,,,Clown show. #GOPDebate http://t.co/uyWu9jQcEx,,2015-08-07 09:39:02 -0700,629693243219906560,"South Portland, Maine",Eastern Time (US & Canada) -1638,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,JoMaHoose,,2,,,RT @AJC4others: #GOPDebate practiced answers R not impressive when u look at what they practice. Ignore what they say it's what they've DO…,,2015-08-07 09:39:02 -0700,629693242662105088,"Pittsburgh, PA",EDT -1639,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,JeremyLHeath,,1,,,I'm... is she saying she is regretting having the baby? That's kind of how this reads. #GOPDebate #tcot #prolife https://t.co/cjy6PQrlS9,,2015-08-07 09:39:02 -0700,629693240409767936,"Evansville, IN", -1640,Scott Walker,0.6667,yes,1.0,Neutral,1.0,None of the above,1.0,,SwagDaddy_McGee,,259,,,RT @ScottWalker: Russia & China know more about @HillaryClinton’s email server than Congress #GOPdebate #Walker16 http://t.co/Sd0cpKGhw1,,2015-08-07 09:39:02 -0700,629693239432359936,Chicago,Central Time (US & Canada) -1641,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dan_alphabet,,2,,,RT @elanazak: Here's why Fox News wasn't streaming #GOPDebate last night: http://t.co/7soOwGIuno http://t.co/wX5gO1thNu,,2015-08-07 09:39:00 -0700,629693231362498560,"Lutefisk Land, MN",Eastern Time (US & Canada) -1642,No candidate mentioned,0.3989,yes,0.6316,Negative,0.6316,None of the above,0.3989,,PiperDewn,,0,,,the #GOPDebate : for whatever Ailes you..,,2015-08-07 09:39:00 -0700,629693231249231874,under the stairs..i mean stars,Pacific Time (US & Canada) -1643,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jhthm,,50,,,"RT @dccommonsense: ""Our leaders are stupid! Our politicians are stupid! Well, it's a popular message. Even I liked it. #GOPDebate",,2015-08-07 09:38:59 -0700,629693228938170368,Alberta,Central Time (US & Canada) -1644,No candidate mentioned,1.0,yes,1.0,Neutral,0.6674,None of the above,1.0,,KF_BP,,0,,,Check out http://t.co/k1hbpWGv6w for a fresh political perspective! #blog #blogger #finchley1959 We update constantly! #GOPDebate,,2015-08-07 09:38:58 -0700,629693225398333445,"London, United Kingdom", -1645,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PunmasterP,,0,,,The first GOP deuschbait day ends with no winners... anywhere. #GOPDebate,,2015-08-07 09:38:57 -0700,629693222323888128,,Eastern Time (US & Canada) -1646,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EndiveG,,0,,,#TheWorstPartOfDepressionIs not even the #GOPDebate results or watching the #GOPClownCar crash will make me smile...,,2015-08-07 09:38:57 -0700,629693220025335808,Pacific NW , -1647,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6859999999999999,,afroricanpoet,,18,,,RT @somethingwithin: And to think this is the party of Abraham Lincoln. Slavery would be alive and well if left to these folks. #GOP2015 #G…,,2015-08-07 09:38:56 -0700,629693214606254080,"Citrus Heights, CA", -1648,No candidate mentioned,0.4541,yes,0.6739,Negative,0.6739,FOX News or Moderators,0.4541,,AAmerican4USA,,0,,,#FOXNEWS focus groups are just as biased as the 3 Stooges who moderated the #GOPDebate. #FOXNEWS will lose viewers. #CNN #MSNBC #CBS #ABC,,2015-08-07 09:38:56 -0700,629693214086275072,ALABAMA, -1649,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6947,,KatieFrasher,,0,,,The #GOPDebate PROVED why @RealBenCarson is here for good.... @rfrasher90 #Neurosurgery #Deserving #POTUS #Genius http://t.co/2fF3OmzjSM,,2015-08-07 09:38:55 -0700,629693213511675904,OHIO, -1650,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DustyRusty81,,0,,,"Ted Cruz won that debate ""Imo"" -#GOPDebate ""early numbers suggest record audience"" yea! people are watching",,2015-08-07 09:38:55 -0700,629693210986708992,*Tornado Land* aka Oklahoma,Eastern Time (US & Canada) -1651,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PatHensley14,,6,,,RT @ryanbeckwith: TRANSCRIPT: Here is the full and final text of the #GOPDebate http://t.co/Wp0C9V3utf http://t.co/WFyL0lwpoL,,2015-08-07 09:38:54 -0700,629693209485033472,"Dallas, Tx. ", -1652,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,feralCode,,0,,,Basically #GOPDebate http://t.co/znxkpFq6y7,,2015-08-07 09:38:54 -0700,629693207907991552,Atlanta GA,Atlantic Time (Canada) -1653,,0.2308,yes,0.3614,Neutral,0.3614,,0.2308,,McLonergan,,1,,,"RT @Tea_Party_Chris: Debate fireworks! Fox News vs. Donald Trump http://t.co/Cc4UxDyuRO -#TrumpForPresident -#Trump2016 -#GOPDebate -#RedNat…",,2015-08-07 09:38:53 -0700,629693204347027456,, -1654,No candidate mentioned,0.4204,yes,0.6484,Negative,0.3516,FOX News or Moderators,0.228,,JustenCharters,,2,,,Carly Fiorina wrote an op-ed for us at IJReview after her performance last night. http://t.co/LdQE8KG2ZW #GOPDebate,,2015-08-07 09:38:53 -0700,629693202627321856,"Salt Lake City, UT",Pacific Time (US & Canada) -1655,No candidate mentioned,1.0,yes,1.0,Positive,0.6739,None of the above,0.6413,,Intelligence404,,0,,,"Even the media doesn't get it, No one won last night's #GOPDebate. ALL the men further alienated their base. Carly was the only star.",,2015-08-07 09:38:52 -0700,629693198026317824,,Pacific Time (US & Canada) -1656,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,Abortion,0.2306,,MehtaTag,,0,,,"@ESQPolitics ""Zygote Americans"" - the winingest takeaway of the winner of the #GOPDebate Thank you, Sir.",,2015-08-07 09:38:51 -0700,629693195987718144,Global (Phoenix for now), -1657,Ted Cruz,1.0,yes,1.0,Negative,0.3569,None of the above,1.0,,GriffDurant,,0,,,"#GOPDebate: Did Cruz Trump Trump? -https://t.co/zMrfI7BoUc via @CR",,2015-08-07 09:38:51 -0700,629693193471291392,"Mechanicsville, VA07", -1658,Donald Trump,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,TC_Watkins,,0,,,FOX made an all out effort to take #DonaldTrump out. I hope his poll numbers catapult!! #GOPDebate,,2015-08-07 09:38:49 -0700,629693186533912578,Missouri, -1659,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thevelvetsun,,15,,,RT @AmberJPhillips: “And people rose up!” #KKKorGOP #GOPDebate http://t.co/V0qxraXbq0,,2015-08-07 09:38:48 -0700,629693182842789888,"Ellensburg, WA",Pacific Time (US & Canada) -1660,Ted Cruz,0.4444,yes,0.6667,Negative,0.6667,Abortion,0.4444,,jtkirklin,,31,,,RT @feministabulous: Ted Cruz thinks your birth control is an “abortion-inducing drug” http://t.co/8O8FbzAfka #GOPDebate,,2015-08-07 09:38:48 -0700,629693182289281024,Reality ,Eastern Time (US & Canada) -1661,Donald Trump,1.0,yes,1.0,Negative,0.6782,FOX News or Moderators,1.0,,DWHignite,,0,,,@realDonaldTrump should purchase @FoxNews and relieve @megynkelly of her duties! #GOPDebate #tcot #Trump2016 https://t.co/TTp2x2gRRC,,2015-08-07 09:38:48 -0700,629693180447956992,, -1662,No candidate mentioned,1.0,yes,1.0,Negative,0.6791,FOX News or Moderators,0.6994,,JLAMonitorDuty,,8,,,"RT @LuthorCEO: #GOPDebate Winner: Me, because I didn't make an ass of myself by showing up to questioned by dumbasses. #LUTHOR2016",,2015-08-07 09:38:47 -0700,629693179734925312,JLA Watchtower, -1663,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,thefullmonte,,0,,,Highlight video from #Iowa debate parties last night. Part 1. Full vid here. https://t.co/ZAQ07p8qY6 #GOPDebate http://t.co/wV0ivyqUdh,,2015-08-07 09:38:47 -0700,629693177876721664,As Many Places As Possible,Central Time (US & Canada) -1664,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,Deb_Libby,,1,,,RT @andreafed: God's on deck. #GOPDebate,,2015-08-07 09:38:46 -0700,629693173896343552,East coast,Eastern Time (US & Canada) -1665,Donald Trump,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,ArcaneSkin,,4,,,RT @speechboy71: Also losers and dummies RT @PeterBeinart: .@realDonaldTrump: only abort non-superstars #GOPDebate,,2015-08-07 09:38:45 -0700,629693169425379333,,Eastern Time (US & Canada) -1666,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,joehudsonsmall,,0,,,I like what Marco Rubio had to say at the beginning actually. #GOPdebate,,2015-08-07 09:38:44 -0700,629693165558214656,"Worcester/Manchester, UK",London -1667,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,CindyTreadway,,293,,,"RT @JesseCox: Even God is rolling his eyes at these responses. We get it, you are super into Jesus. Just not what he does or says... #GOPDe…",,2015-08-07 09:38:44 -0700,629693164064911360,,Eastern Time (US & Canada) -1668,No candidate mentioned,0.4768,yes,0.6905,Neutral,0.381,None of the above,0.4768,,JackieWilson17,,20,,,RT @jjauthor: “@thehill: Hillary spent the #GOPDebate with Kim and Kanye: http://t.co/VbfNUAiAqo http://t.co/umgxs9lXnL” The Three Stooges!,,2015-08-07 09:38:42 -0700,629693158264295424,Everywhere,Alaska -1669,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Jobs and Economy,0.6525,,LoraRae,,0,,,I am hearing about the Fair tax again. #GOPDebate,,2015-08-07 09:38:42 -0700,629693155928088576,The Big Apple,Eastern Time (US & Canada) -1670,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MikeJonesSez,,0,,,Where do I find a YouTube compilation of all the ridiculous things said last night? #GOPDebate,,2015-08-07 09:38:41 -0700,629693154074103808,UVU -- USU,Central Time (US & Canada) -1671,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,BillyBuckner8,,0,,,"I still don't know what a 'tsunami of drugs' is exactly, but it sounds like a great time to me. #DrugsMan #GOPDebate",,2015-08-07 09:38:41 -0700,629693151477760001,"Washington, D.C.", -1672,Mike Huckabee,0.4241,yes,0.6513,Positive,0.6513,None of the above,0.4241,,Steve_Girschle,,0,,,@GovMikeHuckabee Was fantastic in the debate. On to the White House! #imwithhuck #GOPDebate #th16 https://t.co/MyElASNpnb,,2015-08-07 09:38:40 -0700,629693150206910464,,Eastern Time (US & Canada) -1673,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NathanCSN,,0,,,Just caught highlights of the #GOPDebate and it's super depressing because only 1 of them can be president in 2016 :/,,2015-08-07 09:38:40 -0700,629693150194339840,"Portland, Oregon",Pacific Time (US & Canada) -1674,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Religion,0.2294,,afroricanpoet,,7,,,"RT @somethingwithin: ""Thou shall not take the name of the Lord in vain."" In other words, leave Me out of this debate. I'm cruising in Fergu…",,2015-08-07 09:38:39 -0700,629693146708905984,"Citrus Heights, CA", -1675,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,jackmann11,,0,,,"@megynkelly I WAS a big fan, watched your show nightly , until your LIB attack on @realDonaldTrump #GOPDebate #NoKellyFiles #Trump2016",,2015-08-07 09:38:39 -0700,629693144502681600,USA ,Pacific Time (US & Canada) -1676,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.3263,None of the above,0.4123,,adamlongoCBS5,,0,,,Who won? Are more people talking about this picture w/ @HillaryClinton or the #GOPDebate #Kardashian #Politics #Kanye http://t.co/z6B8vwv9VC,,2015-08-07 09:38:38 -0700,629693140144762880,"Phoenix, Arizona",Eastern Time (US & Canada) -1677,Rand Paul,1.0,yes,1.0,Negative,0.6603,None of the above,1.0,,timoteohines,,7,,,RT @frankthorpNBC: So this Vine of @RandPaul's eye roll to Chris Christie at the #GOPDebate last night has 4 MILLION loops: https://t.co/hf…,,2015-08-07 09:38:37 -0700,629693137095684096,"Asheville, NC",Eastern Time (US & Canada) -1678,No candidate mentioned,0.4492,yes,0.6702,Negative,0.3617,None of the above,0.4492,,pauline326,,92,,,RT @SouthernHomo: The candidates to each other once the #GOPDebate is over https://t.co/hb86fXzb2A,,2015-08-07 09:38:37 -0700,629693136147738626,The fandom world,Eastern Time (US & Canada) -1679,Donald Trump,0.6742,yes,1.0,Negative,0.6742,None of the above,1.0,,ctblogger,,2,,,This image best sums up my thoughts regarding last night's #GOPDebate http://t.co/ko0eOisFJw,,2015-08-07 09:38:36 -0700,629693131194245120,Danbury CT,Eastern Time (US & Canada) -1680,Donald Trump,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,Brandon92Lewis,,0,,,@PamelaGeller @AnnCoulter I think you on accidentally uploaded a pic of Hillary instead of @realDonaldTrump. #GOPdebate,,2015-08-07 09:38:35 -0700,629693129038413824,,Eastern Time (US & Canada) -1681,No candidate mentioned,1.0,yes,1.0,Negative,0.7034,None of the above,0.6748,,taelornagle,,0,,,"""@AlyssaLardi: I can't remember any of their names esp since they're 90% white men with orange foundation #GOPDebate"" dying",,2015-08-07 09:38:35 -0700,629693128069509120,"LI, NY ♐️",Central Time (US & Canada) -1682,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Racial issues,1.0,,bronzebella_,,126,,,"RT @AlexSamuelsx5: So, there's 45 minutes left in the debate and I haven't heard anything about police brutality, mass incarceration, or ra…",,2015-08-07 09:38:35 -0700,629693127511642112,"Jacksonville, AL", -1683,Donald Trump,1.0,yes,1.0,Negative,0.6562,None of the above,0.6875,,EscapeVelo,,3,,,RT @BiasedGirl: He admitted to paying Hillary to attend his wedding. Jesus. Fangirl much? I'd have gone with The Rock. That's just me. #Dum…,,2015-08-07 09:38:35 -0700,629693126513287169,Twitter, -1684,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,shanelle_kaul,,0,,,Here's who really won the #GOPDebate: https://t.co/3SRDYFEH7J,,2015-08-07 09:38:34 -0700,629693124760047616,Regina,Central Time (US & Canada) -1685,No candidate mentioned,1.0,yes,1.0,Neutral,0.645,None of the above,0.645,,hjaussie,,47,,,RT @WayneDupreeShow: I knew Chris Wallace was going to be a hack because he played his hand a couple days before the #GOPDebate,,2015-08-07 09:38:33 -0700,629693120490401792,"Yanceyville,NC", -1686,No candidate mentioned,0.6333,yes,1.0,Negative,1.0,None of the above,0.6333,,thevelvetsun,,23,,,"RT @AmberJPhillips: “If you think it’s bad now, you should have seen it when I got there.” #KKKorGOP #GOPDebate http://t.co/xURvNY2Ufe",,2015-08-07 09:38:31 -0700,629693112630185986,"Ellensburg, WA",Pacific Time (US & Canada) -1687,Donald Trump,0.4536,yes,0.6735,Negative,0.3578,None of the above,0.4536,,dillonthesimeon,,22,,,"RT @P0TUS: .@realDonaldTrump <--- ""Pay no attention to those pesky facts behind the curtain"" - -#GOPDebate http://t.co/hxCUBSvTGL",,2015-08-07 09:38:31 -0700,629693112571572226,grandmas house, -1688,No candidate mentioned,1.0,yes,1.0,Positive,0.6663,None of the above,1.0,,Shgamha,,1,,,"RT @96Suns: @sallykohn Substantive, vigorous, revealing....it was probably just over your head. #GOPDebate",,2015-08-07 09:38:31 -0700,629693109841080321,in my cave, -1689,Donald Trump,1.0,yes,1.0,Positive,0.6425,Women's Issues (not abortion though),1.0,,austinnevitt71,,1,,,"RT @TrumpIssues: Feminists can complain about the temperature in a room being a form of patriarchy, but Trump can't call one of them a slob…",,2015-08-07 09:38:30 -0700,629693108138168320,NAHS '14 ,Pacific Time (US & Canada) -1690,Marco Rubio,1.0,yes,1.0,Negative,0.664,None of the above,0.664,,lamourpourlavie,,176,,,RT @michellemalkin: #gopdebate fact check via Julia Hahn==> Marco Rubio: Still a fraud on border security/national security ==> http://t.co…,,2015-08-07 09:38:29 -0700,629693104635949056,New England,Eastern Time (US & Canada) -1691,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,MeganLorraineG,,0,,,"Not everyone is a fucking LGBT student struggling to pay bills Debs. -#GOPDebate https://t.co/qIrhkT79h2",,2015-08-07 09:38:28 -0700,629693098612932608,"Your back yard, FL", -1692,No candidate mentioned,0.4049,yes,0.6363,Neutral,0.6363,None of the above,0.4049,,MikeHuckabeeGOP,,11,,,RT @thehill: #GOPdebate winners and losers: http://t.co/s7s6XDovF7 http://t.co/MXbq7LBLgZ,,2015-08-07 09:38:22 -0700,629693074483101696,"PHILA, PA / AR / D.C. / U.S.A.", -1693,Donald Trump,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,MisteProgram,,0,,,"#gopdebate Trump hates fat people? He should look in the mirror. Poor Chris Christe won't challenge him. Well, you know why. : (",,2015-08-07 09:38:22 -0700,629693073518366720,,Eastern Time (US & Canada) -1694,Donald Trump,1.0,yes,1.0,Negative,0.7079,None of the above,1.0,,freestyldesign,,0,,,Trump Wouldn't take a pledge NOT to run 3rd Party- He couldn't to answer when he became Conservative CUZ HES NOT #TCOT #ccot #GOPDebate,,2015-08-07 09:38:21 -0700,629693069185585152,Seattle WA USA,Pacific Time (US & Canada) -1695,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6471,,MyGoditzDanny,,11,,,RT @Rob_guillory: My favorite part of the #GOPDebate was when Sting repelled from the ceiling and delivered a crushing Scorpion Death Drop …,,2015-08-07 09:38:20 -0700,629693065125601282,,Eastern Time (US & Canada) -1696,Donald Trump,0.4398,yes,0.6632,Negative,0.3368,None of the above,0.4398,,gir908922,,818,,,"RT @pattonoswalt: Goddamit, Donald. Your soul is on fumes and your heart orbits a dying sun. but you're making this thing interesting. Fuck…",,2015-08-07 09:38:19 -0700,629693061178748928,"Warwick, RI, USA",Eastern Time (US & Canada) -1697,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,FOX News or Moderators,1.0,,LinFlies,,5,,,"RT @prettyplusmore: Looks good #megynKelly, very natural!!! - -#GOPDebate http://t.co/WvZUw29m7d",,2015-08-07 09:38:18 -0700,629693058003550208,"San Diego, CA USA",Pacific Time (US & Canada) -1698,Ted Cruz,0.4328,yes,0.6579,Positive,0.6579,None of the above,0.4328,,susanpinkard,,1,,,"RT @mkdclsn: 29 RTs for truth, doing what you say. https://t.co/0RiaOiPYkQ Join @tedcruz's fight: http://t.co/qUSaXyQqVn #GOPDebate #RSR15",,2015-08-07 09:38:18 -0700,629693057269673984,, -1699,Donald Trump,0.6871,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,88Palouseriver,,0,,,The zone has warned folks about Fox News commentators like #MegynKelly for months...http://t.co/IZ6Z3APgBH in relation to #GOPDebate & Trump,,2015-08-07 09:38:18 -0700,629693056791539712,, -1700,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,FOX News or Moderators,0.6374,,CarltonRossdale,,2,,,RT @KelliSerio: . @megynkelly 'What are we going to do for our #veterans #GOPDebate #GOPdebtate,,2015-08-07 09:38:17 -0700,629693054497075200,USA, -1701,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.6742,None of the above,0.4545,,Hollywoodheat,,1,,,"RT @evanmcmurry According to @gov, the most-retweeted candidate tweet of #GOPDebate didn't come from a Republican: https://t.co/zoBxeX5Kza",,2015-08-07 09:38:17 -0700,629693054216081408,muse-n-mash.blogspot.com,Pacific Time (US & Canada) -1702,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,corinne_fal,,0,,,Donald Trump just gave a master class on how to get away with #sexism http://t.co/lIwTJlzZfd via @voxdotcom #GOPDebate #GOPClownShow,,2015-08-07 09:38:16 -0700,629693050374238208,"Washington, DC",Eastern Time (US & Canada) -1703,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,timoteohines,,0,,,@JuddLegum @modernjam he also suddenly became a resident of NY even he is from Jersey... #GOPDebate,,2015-08-07 09:38:16 -0700,629693050130964480,"Asheville, NC",Eastern Time (US & Canada) -1704,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.7002,,Schmowens,,0,,,"@MikeHuckabeeGOP I think my dad, a career naval officer (& progressive) would disagree that the mil. exists to ""break things' #GOPDebate",,2015-08-07 09:38:15 -0700,629693043109687296,,Central Time (US & Canada) -1705,No candidate mentioned,1.0,yes,1.0,Neutral,0.6997,None of the above,1.0,,CHRIStafariRI,,11,,,RT @AndyRichter: Lincoln Chaffee should photobomb them just for snicks #GOPDebate,,2015-08-07 09:38:14 -0700,629693041515884544,The only surviving town in RI,Eastern Time (US & Canada) -1706,No candidate mentioned,1.0,yes,1.0,Negative,0.6502,FOX News or Moderators,1.0,,LWilsonDarlene,,0,,,.@FoxNews #GOPDebate I'd like to see FOX host a #Democrat debate so these cands. aren't getting all soft-ball questions.,,2015-08-07 09:38:14 -0700,629693038177202180,Chicago,Central Time (US & Canada) -1707,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StaceyMerrick,,0,,,Oh… I understand now. The movie “Idiocracy” is actually a documentary. #GOPDebate,,2015-08-07 09:38:13 -0700,629693035194880000,"Oakland, CA",Pacific Time (US & Canada) -1708,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rcadyn,,11,,,RT @freedomtex: The real story was the collapse of Trump in this debate. -@krauthammer #GOPDebate,,2015-08-07 09:38:12 -0700,629693033487974400,, -1709,John Kasich,1.0,yes,1.0,Negative,0.619,None of the above,1.0,,dillonthesimeon,,26,,,RT @linnyitssn: Kasich said yesterday that he wants to love and respect everybody which pretty much means his career in the GOP is over. #G…,,2015-08-07 09:38:11 -0700,629693028018573312,grandmas house, -1710,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,missb62,,2,,,"RT @danpfeiffer: Here's my late night not so hot take on the #GOPdebate. Short version, it's all abt Trump; Rubio good, Bush bad http://t.…",,2015-08-07 09:38:10 -0700,629693023236980736,Colorado,Mountain Time (US & Canada) -1711,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mortalcassie,,0,,,Trump is overrated and angry. @megynkelly was surprisingly good. #FuckTrump #GOPDebate https://t.co/ghFpF8MOvF,,2015-08-07 09:38:09 -0700,629693020481421312,724,Eastern Time (US & Canada) -1712,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fight4right,,4,,,RT @DesignerDeb3: @FoxNews Guess The Bush FIX WAS IN #GOPDebate ‼️ He Gets The Most Questions‼️ http://t.co/7Eyg5Ib8uK”,,2015-08-07 09:38:09 -0700,629693019671896064,USA,Central Time (US & Canada) -1713,Donald Trump,1.0,yes,1.0,Positive,0.6387,Abortion,0.6586,,luchadora41,,1,,,Trump: ‘I Would’ Shut Down the Gov’t to Defund Planned Parenthood and Obamacare http://t.co/XiwhA8kjf7 Woot! #GOPDebate,,2015-08-07 09:38:08 -0700,629693013304827904,"San Diego, California",Pacific Time (US & Canada) -1714,Donald Trump,1.0,yes,1.0,Neutral,0.6404,FOX News or Moderators,0.6629,,smkatko1,,17,,,RT @edwrather: Last night at the debate we had an opportunity to hear the moderators debate Trump...the moderators lost #GOPDebate #Tcot #c…,,2015-08-07 09:38:06 -0700,629693007550267392,Fly Over Country,Eastern Time (US & Canada) -1715,No candidate mentioned,1.0,yes,1.0,Neutral,0.6383,None of the above,1.0,,AllSeasonsNahs,,33,,,"RT @JeetendrSehdev: Authenticity and transparency is a cost to entry today, especially among Millennials and teens. #GOPDebate @OrlandoDish…",,2015-08-07 09:38:05 -0700,629693002546593792,"Los Angeles, California", -1716,No candidate mentioned,1.0,yes,1.0,Neutral,0.6548,None of the above,1.0,,LynnLonbeck,,0,,,Time for Conservative women to get loud and proud/stop letting the hags have sole narrative for women.#GOPDebate ...Carly Fiorina nailed it!,,2015-08-07 09:38:05 -0700,629693002085076992,The Last Best Place,Mountain Time (US & Canada) -1717,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6489,,ShabanaMir1,,1,,,What scares me most about #GOPDebate : the people who break into storms of applause at misogyny & crazy talk.,,2015-08-07 09:38:05 -0700,629693001783222273,"Champaign, IL", -1718,Mike Huckabee,1.0,yes,1.0,Neutral,0.6588,None of the above,1.0,,FrankLuntz,,8,,,"Last night's @Politico focus group picked Mike Huckabee and Ted Cruz as the winners of the #GOPDebate. - -https://t.co/tEIkAyJZT1",,2015-08-07 09:38:04 -0700,629692999773978624,All over,Pacific Time (US & Canada) -1719,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,Schism_Schasm,,5,,,"RT @lizadonnelly: I just published “Fake fights, Fetuses and Funny Hair” My #GOPDebate cartoon roundup. https://t.co/26v9hrAHK2",,2015-08-07 09:38:04 -0700,629692999275028480,Glasgow,Edinburgh -1720,No candidate mentioned,0.4253,yes,0.6522,Negative,0.3587,Abortion,0.4253,,MarlonArias33,,32,,,RT @operationrescue: Proaborts are afraid of Fiorina because she is articulate and smart and pro-life. A woman like that threatens them. #G…,,2015-08-07 09:38:04 -0700,629692998645882880,, -1721,,0.2307,yes,0.639,Neutral,0.3272,None of the above,0.4083,,drginareghetti,,46,,,"RT @RealBenCarson: Supporter Question: ""What's your most overused word?"" My Answer: ""Oh my..."" A great day here at #GOPDebate. #BC2DC16 htt…",,2015-08-07 09:38:04 -0700,629692997592989697,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -1722,No candidate mentioned,0.4464,yes,0.6681,Negative,0.6681,None of the above,0.4464,,StreetAlpaca,,0,,,@xjeremymx @IvanTheK completely agree. The #GOPDebate feed on Facebook was a joke.,,2015-08-07 09:38:03 -0700,629692995336597504,,Central Time (US & Canada) -1723,No candidate mentioned,1.0,yes,1.0,Neutral,0.354,FOX News or Moderators,0.6796,,pixelneer,,0,,,Well played @DIRECTV wasn't sure where FauxNews was to watch the clown show last night #GOPDebate chuckled at V. http://t.co/K2uaFCce5w,,2015-08-07 09:38:03 -0700,629692993792901123,"Sugar Land, Tx.",Eastern Time (US & Canada) -1724,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6854,,jojo21,,12,,,"RT @RadioFreeTom: Trump's answer on his businesses so far is the certifiable disaster of the night, right after his ""I buy influence"" comme…",,2015-08-07 09:38:02 -0700,629692991029035008,"Ellicott City, Maryland",Eastern Time (US & Canada) -1725,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,emilyyrosemarie,,0,,,@realDonaldTrump where are your manners? #GOPDebate,,2015-08-07 09:38:02 -0700,629692990357938176,, -1726,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6517,,dolan712,,6,,,RT @JacobEngels: .@realDonaldTrump is winning. Key takeaways from the #FoxDebate. http://t.co/DYLhHIHpDT #GOPDebate #sayfie #tcot #gop2016 …,,2015-08-07 09:38:02 -0700,629692990190006273,"New York, NY/ Hollywood FL",Eastern Time (US & Canada) -1727,No candidate mentioned,1.0,yes,1.0,Neutral,0.6492,None of the above,1.0,,zellieimani,,24,,,Twitter Users Takeover #GOPDebate Hashtag to Drag GOP Candidates https://t.co/lMzNoMpFMW #KKKorGOP http://t.co/EWEz899A0c,,2015-08-07 09:38:02 -0700,629692989372301312,NJ,Eastern Time (US & Canada) -1728,No candidate mentioned,0.4597,yes,0.6779999999999999,Neutral,0.6779999999999999,None of the above,0.4597,,thevelvetsun,,20,,,"RT @GetEQUAL: Who said it, #KKKorGOP? “We need a hundred more like Jesse Helms in the U.S. Senate.” #GOPdebate",,2015-08-07 09:38:01 -0700,629692987442724864,"Ellensburg, WA",Pacific Time (US & Canada) -1729,Donald Trump,0.4444,yes,0.6667,Neutral,0.3333,FOX News or Moderators,0.4444,,ChadHastyRadio,,7,,,"Really, the only people who seem upset with @BretBaier & @megynkelly & FOX are the people who backed Trump. #GOPDebate",,2015-08-07 09:38:01 -0700,629692987405135872,"Lubbock, TX",Central Time (US & Canada) -1730,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,caussynr,,13,,,"RT @hemdash: if you were actually having a life last night, GOOD NEWS! we live blogged the whole #GOPDebate for you —> http://t.co/PR1BUdBH…",,2015-08-07 09:38:01 -0700,629692986574655488,"Tallahassee, FL", -1731,Scott Walker,0.4204,yes,0.6484,Negative,0.6484,None of the above,0.4204,,rcadyn,,11,,,RT @freedomtex: I would add Walker to the losers category because I can't remember anything he said. #GOPDebate https://t.co/RP0OeAc5WG,,2015-08-07 09:38:01 -0700,629692984687243265,, -1732,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,raceaford,,20,,,RT @Tombx7M: The big winner from the #GOPdebate #wakeupAmerica http://t.co/5xgYM6ywvH,,2015-08-07 09:38:01 -0700,629692983961464833,"Leesburg, FL",Eastern Time (US & Canada) -1733,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ThompsonGoble,,0,,,What about @BenCarson2016 . The American people should hear more from this guy. Amazed me at the #GOPDebate #OutnumberedFNC,,2015-08-07 09:38:00 -0700,629692979167526912,, -1734,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,FOX News or Moderators,1.0,,sheilahschneidr,,0,,,@FoxNewsLive #GOPDebate Seriously? Are you being tone deaf deliberately? Are you not clueing in on the blow back @megynkelly & I'm a fan!,,2015-08-07 09:37:59 -0700,629692977569345536,, -1735,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Cpedd97,,0,,,"""@RubinReport: Finally got it. Trump looks like Boss Nass from #StarWars. #GOPDebate http://t.co/e8GzqNhK9r"" @rockstarfudge",,2015-08-07 09:37:57 -0700,629692968040054784,, -1736,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,Healthcare (including Medicare),0.6932,,SharNeal,,1,,,"RT @ScottTrace: My only #GOPdebate comment: They're unanimous re: defunding women's health care, & killing Iran nuclear deal - prefer a mi…",,2015-08-07 09:37:57 -0700,629692967037460480,Arizona USA,Pacific Time (US & Canada) -1737,No candidate mentioned,1.0,yes,1.0,Positive,0.6774,None of the above,0.6613,,AndyMihm,,0,,,What should you do the day after last night's #GOPDebate? Google @CarlyFiorina,,2015-08-07 09:37:57 -0700,629692966949421056,"Kearney, Nebraska",Central Time (US & Canada) -1738,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.3263,,0.2298,,intrntwrlrd,,0,,,Officials warn you could die playing the #GOPdebate Drinking Game...but if any of them are elected you'll die... http://t.co/VfO2Diau0y,,2015-08-07 09:37:56 -0700,629692965510860800,Massachusetts,Eastern Time (US & Canada) -1739,Marco Rubio,0.6763,yes,1.0,Negative,0.6763,Abortion,1.0,,MarlonArias33,,157,,,"RT @LilaGraceRose: ""Generations will look back at us and call us barbarians."" @marcorubio talking about America's killing of preborn childr…",,2015-08-07 09:37:56 -0700,629692965351518208,, -1740,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,Immigration,1.0,,EusebiaAq,,0,,,@vlanda Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:37:55 -0700,629692960582451200,America,Eastern Time (US & Canada) -1741,Ted Cruz,0.6499,yes,1.0,Neutral,0.6519,None of the above,1.0,,paigesullivan_,,0,,,"This: -#GOPDebate http://t.co/x8V9vBUlc6",,2015-08-07 09:37:55 -0700,629692959751954432,"San Antonio, TX",Central Time (US & Canada) -1742,John Kasich,0.4436,yes,0.6659999999999999,Neutral,0.3607,None of the above,0.4436,,glennhduncan50,,2,,,"RT @Dagny_Galt: Shorter @JohnKasich: ""I am proud to embrace the Obama agenda & expand government in Ohio."" #RINO #GOPDebate #tcot #teapart…",,2015-08-07 09:37:54 -0700,629692954425323521,, -1743,No candidate mentioned,1.0,yes,1.0,Positive,0.7024,None of the above,0.7024,,Raddmom,,1,,,Did you know that @CarlyFiorina graduated from #Stanford #UofMaryland AND #MIT? I didn't -but know now! #Impressive #2ndLook #GOPDebate,,2015-08-07 09:37:53 -0700,629692953531813889,"California, USA",Pacific Time (US & Canada) -1744,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,libneocon,,0,,,"How about next time, the big debate has 8 guaranteed slots with 2 wildcards based on the perf. at the small debate? #GOPDebate",,2015-08-07 09:37:52 -0700,629692947701874688,New Jersey,Eastern Time (US & Canada) -1745,No candidate mentioned,0.6813,yes,1.0,Negative,1.0,None of the above,1.0,,arthauex,,1,,,RT @raddicool: the mock presidential election closing statements on @RuPaulsDragRace were 10000x better than these train wrecks #GOPDebate,,2015-08-07 09:37:52 -0700,629692947244650496,, -1746,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,dawgsindabatub,,0,,,The photos of Rafael Cruz eating bacon off a semiautomatic is gayer than any same sex wedding. #gop #GOPDebate #tcot,,2015-08-07 09:37:52 -0700,629692946967826432,Fantasia,Central Time (US & Canada) -1747,Mike Huckabee,1.0,yes,1.0,Neutral,0.6432,None of the above,0.7027,,2ward4ward,,205,,,"RT @GovMikeHuckabee: I pledge to kill #CommonCore & restore common sense. Education is a family function, not a fed function. #GOPdebate ht…",,2015-08-07 09:37:52 -0700,629692946707689472,"California, USA",Pacific Time (US & Canada) -1748,No candidate mentioned,1.0,yes,1.0,Negative,0.3617,LGBT issues,0.6915,,coolada66_ann,,1,,,"RT @Guzman: Top 3 #Republican priorities: -1: Gays -2: Whitehouse white again -3: Jesus - -#GOPDebate",,2015-08-07 09:37:51 -0700,629692945323716608,,Eastern Time (US & Canada) -1749,No candidate mentioned,1.0,yes,1.0,Positive,0.6628,None of the above,1.0,,DrThinkBot,,1,,,RT @mynor: This is Men's Warehouse's biggest night. #GOPDebate #ClownCarDumpsterFire,,2015-08-07 09:37:51 -0700,629692945231388672,, -1750,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,jordin_leanne,,13,,,RT @lucyamorris: If GOP is so against all abortion (even in case of rape/incest) where is the support after the birth? Pro-birth =/= pro-li…,,2015-08-07 09:37:50 -0700,629692940957278208,,Mountain Time (US & Canada) -1751,Donald Trump,0.43200000000000005,yes,0.6572,Negative,0.6572,Women's Issues (not abortion though),0.228,,Pabooblette,,0,,,"@thedailybeast: WATCH: Trump's disgusting ""drop to your knees"" comment (mentioned @ #GOPdebate http://t.co/yyz21reoOD #trumpisapig #fb",,2015-08-07 09:37:48 -0700,629692932442865664,high desert,Arizona -1752,Ben Carson,1.0,yes,1.0,Neutral,0.6452,None of the above,1.0,,SeaBassThePhish,,0,,,I honestly really want to hear what Ben Carson has to say #GOPDebate,,2015-08-07 09:37:48 -0700,629692931272777728,,Eastern Time (US & Canada) -1753,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,LGBT issues,0.3556,,4ndr333w,,0,,,Uhm #Fiorina has me questioning my sexuality. Only #GOPDebate candidate to mention cyber security with regard to China and Russia 😍,,2015-08-07 09:37:48 -0700,629692928802324480,"Glens Falls, NY", -1754,Donald Trump,0.4599,yes,0.6782,Negative,0.6782,None of the above,0.2338,,bobby990r_1,,0,,,@washingtonpost @AaronBlakeWP What @megynkelly did to @realDonaldTrump was mean-spirited. Everyone should boycott her show! #GOPDebate,,2015-08-07 09:37:47 -0700,629692925115527168,, -1755,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aaronpswain,,0,,,Watching @ChrisChristie advocating for domestic spying via the NSA and abandoning the 4th amendment in the #GOPDebate. #seriously,,2015-08-07 09:37:46 -0700,629692924012290048,"Oklahoma City, OK",Eastern Time (US & Canada) -1756,Marco Rubio,1.0,yes,1.0,Neutral,0.3518,Abortion,0.3518,,KimberleyMonari,,2,,,"RT @JillStanek: ""I’m not sure that’s a correct assessment of my record. I have never advocated that."" @marcorubio on rape/incest exception …",,2015-08-07 09:37:45 -0700,629692920061296641,"San Diego, CA",Pacific Time (US & Canada) -1757,No candidate mentioned,0.6593,yes,1.0,Positive,0.6593,None of the above,1.0,,drginareghetti,,299,,,RT @RealBenCarson: Just wanted to say good luck to all the #GOPDebate candidates taking the stage shortly for the First Debate at 5:00PM.,,2015-08-07 09:37:45 -0700,629692917058113536,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -1758,Donald Trump,0.4204,yes,0.6484,Negative,0.6484,,0.228,,MKelly37,,20,,,RT @PayAttnLibs: This #GOPDebate would be over by now if @megynkelly could just pull out a gun and shoot Trump. Clear it's what she wants,,2015-08-07 09:37:45 -0700,629692916777254912,United States, -1759,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3333,None of the above,0.4444,,WastedLight89,,0,,,I didn't watch the #GOPDebate I need some highlights of the dumb shit they said. Like #RonaldRaven lmao,,2015-08-07 09:37:44 -0700,629692912360538112,"Wonderlust, Texas",Central Time (US & Canada) -1760,Donald Trump,0.3964,yes,0.6296,Negative,0.6296,None of the above,0.3964,,SharNeal,,1,,,"RT @steviecoolest: #GOPDebate -Cands/Mods: Trump, you can't run independent! We'll lose! -Me: Your last pick said http://t.co/c2r0qZdexv was …",,2015-08-07 09:37:43 -0700,629692911752380416,Arizona USA,Pacific Time (US & Canada) -1761,Donald Trump,0.4233,yes,0.6506,Neutral,0.6506,None of the above,0.4233,,YakaMeeya,,2,,,RT @bkurbs: What are you saying? @realDonaldTrump #GOPDebate http://t.co/mSq6cN6B3s,,2015-08-07 09:37:43 -0700,629692911257452544,Sri lanka ,Sri Jayawardenepura -1762,No candidate mentioned,0.4038,yes,0.6354,Negative,0.6354,FOX News or Moderators,0.4038,,youthgirlpower,,0,,,"@megynkelly this wasn't a debate. U all ""Moderators"" were pathetic. U attempted to do interviews instead of conduct the #GOPDebate. #FAIL",,2015-08-07 09:37:43 -0700,629692909789392897,,Atlantic Time (Canada) -1763,Donald Trump,1.0,yes,1.0,Negative,0.6372,None of the above,1.0,,passioncat44,,20,,,RT @SoccerMum11: Is it me or was #GOPDebate asking more personal attack type questions to @realDonaldTrump? Not cool.,,2015-08-07 09:37:43 -0700,629692909202178048,"Cheyenne, Wyoming", -1764,Ben Carson,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,zolly_b,,9,,,RT @pittgriffin: Ben Carson says the most important thing is a brain. Half the GOP field disqualified. #GOPDebate,,2015-08-07 09:37:43 -0700,629692908086669312,,Eastern Time (US & Canada) -1765,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,adambodily,,0,,,The liberal media isn't reporting this debate in a neutral way; I see so much bias that is sadly transparent #GOPDebate,,2015-08-07 09:37:42 -0700,629692906320883712,"Charlotte, NC", -1766,No candidate mentioned,0.4498,yes,0.6707,Negative,0.3382,Women's Issues (not abortion though),0.4498,,MyChemicalSeal,,122,,,"RT @mydaughtersarmy: 4 different pictures. 4 different subjects. -1 very obvious similarity. - -#GOPDebate -http://t.co/N2yIXEoKoW",,2015-08-07 09:37:42 -0700,629692905989513216,✨ the grumpiest dragon ✨,London -1767,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,Women's Issues (not abortion though),0.465,,richardcircle,,5,,,RT @GrnEyedMandy: Gawd forbid any of the GOP candidates win in 2016. As a woman I fear for women if any of those men take power. #GOPDebate,,2015-08-07 09:37:42 -0700,629692904643018752,Sherman Oaks,Pacific Time (US & Canada) -1768,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,MikeHuckabeeGOP,,41,,,RT @Reince: Follow @GOP & #GOPDebate to engage & share your opinion on the #GOPDebate! http://t.co/pN4D3ERnnm http://t.co/I0Igfv9nHj,,2015-08-07 09:37:41 -0700,629692902436769792,"PHILA, PA / AR / D.C. / U.S.A.", -1769,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SandraSandlc52,,46,,,RT @DanSpeaksTruth: I hoped that @FoxNews would have had a productive #GOPdebate to weed out candidates and not a blood bath for entertainm…,,2015-08-07 09:37:41 -0700,629692902319484928,, -1770,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,StanleyPain,,85,,,RT @DougStanhope: One hour 43 minutes of #GOPDebate without a drink. Is there a special AA chip for that?,,2015-08-07 09:37:41 -0700,629692899584835585,UK, -1771,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mayapilbrow,,0,,,#GOPDebate @JohnKasich your country doesn't make your top 3? #unpatriotic,,2015-08-07 09:37:39 -0700,629692894790619136,your actual anus,Hawaii -1772,No candidate mentioned,1.0,yes,1.0,Negative,0.6833,None of the above,1.0,,MightyBrunstad,,0,,,"#VelvetUnderground is Friday's soundtrack. Because #JonStewart is gone, and the #GOPDebate was ... well, it existed. #nostalgic and #sad.",,2015-08-07 09:37:38 -0700,629692889572974593,"Brooklyn, NY", -1773,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,FOX News or Moderators,1.0,,LinFlies,,19,,,RT @catie__warren: I'm pretty sure that even #MegynKelly's weave is embarrassed about what's happening on stage right now. #GOPDebate,,2015-08-07 09:37:37 -0700,629692886666252288,"San Diego, CA USA",Pacific Time (US & Canada) -1774,No candidate mentioned,0.4818,yes,0.6941,Negative,0.6941,FOX News or Moderators,0.4818,,StupidCompanies,,0,,,"#FNC honored #MegynKelly w/ appointment to be unbiased moderator for #GOPDebate. BUT, she played her `Attack-Dog Interviewer` role instead.",,2015-08-07 09:37:37 -0700,629692885353504768,US National Network,Quito -1775,Donald Trump,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,rashid7053,,0,,,Did anybody see Trump's face when Rubio mentioned #ElChapo last night? The horror. #GOPDebate,,2015-08-07 09:37:37 -0700,629692884875259905,San Diego,Atlantic Time (Canada) -1776,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,Gun Control,1.0,,asheeka1,,13,,,RT @shannonrwatts: The #NRA blacklists individuals and companies that buck their orthodoxy or offer any measures to reduce gun violence #GO…,,2015-08-07 09:37:37 -0700,629692883730198528,& a couple of Fa-la-la's ,Melbourne -1777,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MelisaAnnis,,0,,,Chris Christie seems pretty chill. #GOPDebate,,2015-08-07 09:37:36 -0700,629692879623983104,"Brooklyn, NY",Quito -1778,No candidate mentioned,1.0,yes,1.0,Negative,0.6413,None of the above,1.0,,LarryHirsch2,,0,,,Who won #GOPDebate? The real question is who's #TheBiggestLoser. #CNN #FoxDebate #Hillary2016,,2015-08-07 09:37:36 -0700,629692879015923712,, -1779,Donald Trump,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,jojo21,,17,,,"RT @BiasedGirl: ""Donald Trump is not a Conservative"" ~ @AndrewBreitbart #GOPDebate #DumpTrump",,2015-08-07 09:37:34 -0700,629692873882079233,"Ellicott City, Maryland",Eastern Time (US & Canada) -1780,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6903,,Yamil_Sued,,0,,,‘ONLY ROSIE': Donald Trump Takes a Dig at Rosie O’Donnell During #GOPDebate… the Crowd Roars..... http://t.co/39sqc4VTVc via @regisgiles,,2015-08-07 09:37:34 -0700,629692873458356224,"Peoria, AZ",Arizona -1781,No candidate mentioned,0.4805,yes,0.6932,Neutral,0.6932,None of the above,0.4805,,JaredAlex,,0,,,Something something #GOPDebate,,2015-08-07 09:37:34 -0700,629692871839346688,Chattanooga,Eastern Time (US & Canada) -1782,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,FOX News or Moderators,1.0,,JohnGGalt,,3,,,"Fox News keeps hammering, according to plan, how great Carly Fiorina was last night—but I don't remember a word she said. #GOPDebate",,2015-08-07 09:37:33 -0700,629692866676154368,"5,208—14,203 feet, Colorado",Mountain Time (US & Canada) -1783,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Mayte_LP,,0,,,"#Repost @thelmurrieta with repostapp. -・・・ -After last night's #GOPDebate. https://t.co/SOtTPh4UtY",,2015-08-07 09:37:32 -0700,629692864864325632,,Pacific Time (US & Canada) -1784,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6517,,jojo21,,38,,,RT @Ryan_N_Wiggins: Trump short: Casinos fail. I'm proud I ran a casino into the ground. Trust me to make equally smart decisions for the c…,,2015-08-07 09:37:32 -0700,629692863245385728,"Ellicott City, Maryland",Eastern Time (US & Canada) -1785,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Loriisright,,3,,,"RT @nannacassie: I'm actually disappointed w/#MegynKellys #GOPDebate performance.As a journalist & attorney, I expected better.That bs woul…",,2015-08-07 09:37:32 -0700,629692862620266496,"CA, USA",Pacific Time (US & Canada) -1786,Marco Rubio,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,LeeAmirCohen,,0,,,"If you close your eyes, Marco Rubio and Matt Damon are actually the same person @marcorubio #mattdamon #GOPDebate",,2015-08-07 09:37:30 -0700,629692855821299712,Los Angeles , -1787,No candidate mentioned,1.0,yes,1.0,Neutral,0.6429,None of the above,1.0,,SharNeal,,1,,,RT @JaysWorldLive: Why should he? It's already been said. Would apology be believable? #GOPDebate https://t.co/1mUbzwAMWu,,2015-08-07 09:37:30 -0700,629692854814666752,Arizona USA,Pacific Time (US & Canada) -1788,Rand Paul,1.0,yes,1.0,Positive,0.6721,None of the above,1.0,,G_Humbertson,,0,,,"On substance, Rand Paul bested Christie Kreme. http://t.co/GCsszPjtHT #NSA #GOPDebate #StandwithRand",,2015-08-07 09:37:28 -0700,629692845650247680,Ameritopia,Eastern Time (US & Canada) -1789,No candidate mentioned,0.4111,yes,0.6412,Negative,0.6412,Immigration,0.4111,,EusebiaAq,,0,,,@WomenRadio Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:37:27 -0700,629692843804655616,America,Eastern Time (US & Canada) -1790,No candidate mentioned,0.6664,yes,1.0,Neutral,1.0,None of the above,0.6664,,EnduringBeta,,0,,,"#GOPDebate #JonVoyage - Thoughts on the events of last night on TV, including the Republican debate and Jon... http://t.co/pz4tiAOnBL",,2015-08-07 09:37:27 -0700,629692843066556416,"Atlanta, GA",Eastern Time (US & Canada) -1791,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LukeKoetje,,0,,,"I'm going to have a stroke if I read, see or hear the word ""rhetoric"" one more time. Barf. #GOPDebate",,2015-08-07 09:37:26 -0700,629692840637894656,, -1792,No candidate mentioned,1.0,yes,1.0,Positive,0.6628,None of the above,1.0,,mattacular5769,,0,,,What a great #GOPDebate ! I think the Republican Party won the whole thing. They have some great candidates!,,2015-08-07 09:37:26 -0700,629692840528908288,Texas,Central Time (US & Canada) -1793,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,snowlady09,,1,,,@megynkelly #GOPDebate You should have been objective your bias got in the way I can only wonder who's agenda you were carrying out #MSM,,2015-08-07 09:37:26 -0700,629692840377856000,"Wilmington, NC",Atlantic Time (Canada) -1794,Rand Paul,0.4413,yes,0.6643,Neutral,0.3517,None of the above,0.4413,,Clever_Otter,,0,,,The big twist of the #GOPDebate is that @RandPaul swapped bodies with his teenage son after a Chinese earthquake yesterday morning.,,2015-08-07 09:37:26 -0700,629692838834384896,Earth,Mountain Time (US & Canada) -1795,Scott Walker,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,blk_bk,,1,,,RT @naheitzeg: Beware #scottwalker #Koch extremist. Scott Walker Gets Schooled by His Neighbor @GovMarkDayton http://t.co/frkBjl5k1h #GOPDe…,,2015-08-07 09:37:25 -0700,629692835181170688,,Arizona -1796,No candidate mentioned,0.405,yes,0.6364,Positive,0.3182,None of the above,0.405,,DJUMC,,0,,,#BenedictCumberbatch showed #US #Instagram #Luv #Lazers #StraightOutta #Brooklyn on fleek like the #GOPDebate http://t.co/eaDMd4rhMs,,2015-08-07 09:37:25 -0700,629692834585702400,"#Lazers, Brooklyn", -1797,No candidate mentioned,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,Lessismorre,,0,,,Today's GOP is a crazy white dude in a darkened theater. They are out to destroy us. #GOPDebate,,2015-08-07 09:37:24 -0700,629692831775326208,, -1798,Ben Carson,1.0,yes,1.0,Negative,0.6809,None of the above,1.0,,SeaBassThePhish,,0,,,Oh yeah that's right Ben Carson is still here #GOPDebate,,2015-08-07 09:37:24 -0700,629692831389626368,,Eastern Time (US & Canada) -1799,Donald Trump,1.0,yes,1.0,Neutral,0.7,None of the above,1.0,,ShareeNowlen,,200,,,RT @4BillLewis: .@Rosie O'Donnell Responds to @realDonaldTrump Mid-Debate Insult http://t.co/hvN3G3c9Kq http://t.co/jPpgQi9TBN #GOPDebate #…,,2015-08-07 09:37:24 -0700,629692830710038528,,Pacific Time (US & Canada) -1800,No candidate mentioned,1.0,yes,1.0,Neutral,0.6885,None of the above,1.0,,WAPratt,,0,,,"via @PFTCommenter, my biggest laugh from #gopdebate: http://t.co/SZ8xU8ebk1 cc: @thevenaltimes",,2015-08-07 09:37:24 -0700,629692830642892800,"(614) via (716), (585) & (513)",Eastern Time (US & Canada) -1801,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,palmaceiahome1,,2,,,Rush Limbaugh seems to think #FoxNews did a hit job on Trump. #GOPDebate,,2015-08-07 09:37:23 -0700,629692828063518724,,Quito -1802,Ben Carson,0.4955,yes,0.7039,Positive,0.7039,None of the above,0.2555,,PreacherMc888,,0,,,Well yeah...#GOPDebate @GOP @RealBenCarson @megynkelly #CarsonWins #BC2DC16 #ImWithBen #WinBenWin #InItToWinIt https://t.co/YrhbygJeMv,,2015-08-07 09:37:23 -0700,629692826566139904,"North Carolina, USA", -1803,Donald Trump,0.4298,yes,0.6556,Negative,0.6556,None of the above,0.4298,,NYMediaCritic,,0,,,"If @realDonaldTrump were the Titanic, the iceberg would sink. #GOPDebate",,2015-08-07 09:37:23 -0700,629692826503282688,, -1804,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,0.6703,,AmandaJoGomez,,2,,,"Me: *watches the #GOPDebate * -Me: *looks directly into the camera like I'm on The Office*",,2015-08-07 09:37:23 -0700,629692825777508354,TX, -1805,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,andyexmachina,,139,,,RT @revsusanrussell: Favorite picture of #GOPDebate Night http://t.co/gGvr7FoB6w,,2015-08-07 09:37:23 -0700,629692825387552769,San Francisco,Pacific Time (US & Canada) -1806,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,earthbuzz1,,13,,,RT @rebleber: This was the only time climate change came up in either #GOPdebate. http://t.co/MzPVNRFmzL,,2015-08-07 09:37:23 -0700,629692825320468484,,Atlantic Time (Canada) -1807,No candidate mentioned,1.0,yes,1.0,Neutral,0.6344,Religion,0.6989,,Betty_X,,0,,,#GOPDebate Each candidate claims they speak directly with God...,,2015-08-07 09:37:23 -0700,629692825303519232,,Pacific Time (US & Canada) -1808,No candidate mentioned,1.0,yes,1.0,Neutral,0.6857,Religion,1.0,,eajonesgal,,188,,,"RT @maggieserota: ""Any word from God?"" is an actual question being posed to a group of grownups. #GOPDebate",,2015-08-07 09:37:22 -0700,629692822837403648,, -1809,No candidate mentioned,0.4594,yes,0.6778,Positive,0.3444,None of the above,0.4594,,HSchacter,,0,,,Great article about the craziness that was last night's #GOPDebate https://t.co/6rwQandCFu,,2015-08-07 09:37:21 -0700,629692819666534400,New York City,Eastern Time (US & Canada) -1810,No candidate mentioned,0.4139,yes,0.6434,Negative,0.6434,LGBT issues,0.4139,,kelsi_bree,,71,,,"RT @TimFederle: Three questions I'd ask at the #GOPDebate: -1. Are you nice to waiters? -2. Do you have gay friends? -2a. Ok, name them -3. No …",,2015-08-07 09:37:21 -0700,629692818651361282,,Mountain Time (US & Canada) -1811,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6522,,laprofe63,,1,,,#WishfulThinking! #GOPDebate showed quite plainly how NOT prepared any of those men (+1 woman) are 2 lead nation. https://t.co/VemeQVlmvI,,2015-08-07 09:37:20 -0700,629692814977150976,Chicagoland #USA via #NYC ,Central Time (US & Canada) -1812,No candidate mentioned,1.0,yes,1.0,Positive,0.3668,FOX News or Moderators,0.711,,3ChicsPolitico,,3,,,I don't like @megynkelly but I will defend her from any obnoxious buffoon calling her a bimbo and insulting women. #GOPDebate,,2015-08-07 09:37:20 -0700,629692814851358720,Best Place In America!,Hawaii -1813,Jeb Bush,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,tnyCloseRead,,1,,,How do you earn a Jeb? http://t.co/JKGx2Ojrwi #GOPDebate,,2015-08-07 09:37:19 -0700,629692810799792128,New York City,Quito -1814,Donald Trump,0.4356,yes,0.66,Negative,0.66,None of the above,0.2244,,Fritz1204,,0,,,"@guypbenson No Guy. Trump shoots the messenger, as he did with Meagan Kelly last night. Must be a habitual response of his. #GOPDebate",,2015-08-07 09:37:19 -0700,629692809214201856,"Irvine, CA",Pacific Time (US & Canada) -1815,Rand Paul,1.0,yes,1.0,Neutral,0.6742,Gun Control,0.382,,JShipwrecked,,562,,,RT @FoxNews: .@RandPaul at the #GOPDebate: http://t.co/7L6XapqamU,,2015-08-07 09:37:19 -0700,629692808375373824,Arizona,Arizona -1816,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,queenofattolia,,111,,,"RT @Shakestweetz: JEB BUSH, OBAMA DID NOT ABANDON IRAQ, BUT LEFT ON A TIMELINE ESTABLISHED BY YOUR BROTHER. JESUS CHRIST. #GOPDebate",,2015-08-07 09:37:18 -0700,629692805841969153,"Los Angeles, CA",Pacific Time (US & Canada) -1817,Donald Trump,0.4162,yes,0.6452,Neutral,0.3226,,0.2289,,inglamwetrust,,1,,,"RT @PruneJuiceMedia: Fox to Trump: Your financial practices are a shitty mess. How will you differ as POTUS? - -Trump: I won’t. Other people …",,2015-08-07 09:37:17 -0700,629692798917214208,left of centerstage,Eastern Time (US & Canada) -1818,No candidate mentioned,1.0,yes,1.0,Neutral,0.6292,Women's Issues (not abortion though),0.3708,,Alisonnj,,2,,,"RT @EricTTung: ""There was no winner in #GOPDebate, there was a clear loser, women and families."" @BarbaraBoxer",,2015-08-07 09:37:16 -0700,629692798627921920,Northeast USA,Eastern Time (US & Canada) -1819,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,None of the above,1.0,,EmperorSean,,1,,,"Who won #GOPDebate? Why, the candidate I liked already. Can't you see? It's so obvious!",,2015-08-07 09:37:16 -0700,629692798208446464,Durham NC,Pacific Time (US & Canada) -1820,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6595,,noduhasif,,0,,,My first executive order? Defund planned parenthood! Because that's the most important issue. Wtf. #GOPDebate,,2015-08-07 09:37:16 -0700,629692796509618176,,Arizona -1821,Ben Carson,1.0,yes,1.0,Negative,0.6591,Racial issues,1.0,,ercahn,,27,,,RT @rantoddj: Of course they ask Ben Carson the signature 'race relations' question. His response? #GOPDebate http://t.co/pQkLCTmqKQ,,2015-08-07 09:37:15 -0700,629692794404274177,"Washington, DC", -1822,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.3068,None of the above,0.3765,,noahhamstra,,9,,,RT @prophiphop: Last night was like oh #GOPDebate on let's see what these boys is takin abou....... WHAT #Compton IS STREAMMING?!,,2015-08-07 09:37:15 -0700,629692793695268864,,Arizona -1823,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TowersFern,,1,,,"RT @JoeTalkShow: I'll bet you have some strong opinions on the most-watched debate in history. So do I.. http://t.co/3KrWyxTqaJ -#GOPDebate",,2015-08-07 09:37:15 -0700,629692791111745536,, -1824,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,taylorlove858,,87,,,"RT @Jocklaflair: ""What about Black liv-...... Let's cut to commercial."" #GOPDebate",,2015-08-07 09:37:14 -0700,629692790285406208,, -1825,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,PrincessMillery,,0,,,now we'll move to talk about racial issues in ame..WAIT BREAKING NEWS SCARY RUSSIANS TELL US HOW YOU WOULD SCARE THE PEOPLE BEST #GOPDebate,,2015-08-07 09:37:14 -0700,629692786221162496,,Atlantic Time (Canada) -1826,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,greenspaceguy,,0,,,@HuntsmanAbby @PeteDominick #GOPDebate Mission Statement: Tell morepeople that U love them U neverknow how much they might need it -C Brogan,,2015-08-07 09:37:14 -0700,629692786212761600,Michigan,Central Time (US & Canada) -1827,No candidate mentioned,0.4649,yes,0.6818,Neutral,0.6818,None of the above,0.4649,,brookeproietto,,1144,,,RT @AlexAllTimeLow: Facebook logo for president. #GOPDebate,,2015-08-07 09:37:11 -0700,629692777555755008,nj, -1828,Mike Huckabee,1.0,yes,1.0,Negative,0.6701,LGBT issues,0.6701,,FinnCubbins,,30,,,"RT @TheLadyValor: @GovMikeHuckabee I was the best of the best #NavySEAL .... I am twice the man that you could ever be! -#GOPDebate http://t…",,2015-08-07 09:37:10 -0700,629692773520683009,"Nashville, TN & Phoenix, AZ",Mountain Time (US & Canada) -1829,No candidate mentioned,0.4076,yes,0.6384,Negative,0.3277,None of the above,0.4076,,montannaleigh,,157,,,RT @OnlyInBOS: My closing statement. #GOPDebate http://t.co/OiJj85PC35,,2015-08-07 09:37:10 -0700,629692773244006400,Boston,Eastern Time (US & Canada) -1830,Jeb Bush,0.4599,yes,0.6782,Positive,0.3448,Women's Issues (not abortion though),0.4599,,jm_nieves,,237,,,"RT @FoxNews: .@JebBush: As governor of Florida, I defunded #PlannedParenthood. I created a culture of life in our state #GOPDebate http://t…",,2015-08-07 09:37:10 -0700,629692772287516672,Bogotá, -1831,Ben Carson,0.4444,yes,0.6667,Negative,0.3542,None of the above,0.4444,,zolly_b,,55,,,RT @MrGeorgeWallace: Ben Carson's a doctor. Maybe he can check the audience for a pulse. #GOPDebate,,2015-08-07 09:37:10 -0700,629692770731618304,,Eastern Time (US & Canada) -1832,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,InsideSourcesDC,,1,,,"RT @GrahamVyse: Writing for @InsideSourcesDC, @ErinMcPike argues last night was a good night for @marcorubio: http://t.co/8TE0NZqhRv #GOPDe…",,2015-08-07 09:37:08 -0700,629692762909212672,"Washington, D.C.",Atlantic Time (Canada) -1833,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LadyRebel69,,864,,,RT @megynkelly: .@brithume: Best closing statement was @RealBenCarson #GOPDebate,,2015-08-07 09:37:08 -0700,629692762426773505,, -1834,No candidate mentioned,1.0,yes,1.0,Neutral,0.354,None of the above,1.0,,96Suns,,1,,,"@sallykohn Substantive, vigorous, revealing....it was probably just over your head. #GOPDebate",,2015-08-07 09:37:07 -0700,629692759729803264,Mid-America,Central Time (US & Canada) -1835,Donald Trump,1.0,yes,1.0,Negative,0.6667,Jobs and Economy,1.0,,ilirprogri_pb,,0,,,Why the national debt is increasing instead of decreasing? @realDonaldTrump and I will solve this problem! #GOPDebate #Inconsistent,,2015-08-07 09:37:07 -0700,629692759620890624,@GiftetInc, -1836,No candidate mentioned,0.4442,yes,0.6664,Negative,0.6664,FOX News or Moderators,0.2441,,joycee_NH,,21,,,RT @EyeOnPolitics: Megan Kelly's voicemail is going to be full of angry messages tomorrow. She's not making any friends on that stage tonig…,,2015-08-07 09:37:07 -0700,629692757603258368,USA,Central Time (US & Canada) -1837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Spark_to_Write,,0,,,I who have carefully avoided the #GOPDebate have finally heard comments in the lunchroom at work. #sadFace,,2015-08-07 09:37:04 -0700,629692746756935680,Where the Sidewalk Ends, -1838,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6633,,2sense2,,4,,,"RT @pppatticake: . @jojokejohn @milesjreed @MikeLoBurgio @Astorix23 ""@HaroldItz: #GOPDebate Jr: New Graham slogan: ""I Can't Wait to Kill Yo…",,2015-08-07 09:37:04 -0700,629692744433176576,USA ,Atlantic Time (Canada) -1839,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3478,,ChrisJZullo,,16,,,"Last night they could have have raised their hands. I'm a spoiled billionaire, I'm an oligarch, I'm a racist, I'm a religious nut #GOPDebate",,2015-08-07 09:37:03 -0700,629692743611248640,The United States of America,Eastern Time (US & Canada) -1840,No candidate mentioned,0.4688,yes,0.6847,Negative,0.6847,None of the above,0.4688,,MeritNotParty,,0,,,@steelhamster Here's a clip from #GOPDebate https://t.co/x2Vae3WR3M,,2015-08-07 09:37:03 -0700,629692743477035008,In Sane,Eastern Time (US & Canada) -1841,No candidate mentioned,1.0,yes,1.0,Negative,0.7128,None of the above,0.6596,,djromeo,,0,,,Yup. This happened....#GOP #GOPDebate #Republican #teaparty #Conservative http://t.co/lSgAIGj6kR,,2015-08-07 09:37:03 -0700,629692743355215872,, -1842,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,slopokejohn,,162,,,"RT @JohnGGalt: This is a manufactured hit job on Donald Trump, Fox News has no class and it's transparent and pathetic, makes me sick. #GOP…",,2015-08-07 09:37:02 -0700,629692739756535813,All 48 states, -1843,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AllThingsFlynn,,1,,,This Trump vs. Fox News conflict is quite the conundrum. It’s like the personification of Greed vs. Hate. Who do I root for!?! #GOPDebate,,2015-08-07 09:37:02 -0700,629692736984190976,"Smithtown, NY ", -1844,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,Religion,1.0,,frelling_cute,,99,,,RT @MattyIceAZ: This is the part of the debate when candidates pander to God for his endorsement. #GOPDebate,,2015-08-07 09:36:58 -0700,629692721934893056,"S.F Bay Area, CA.",Pacific Time (US & Canada) -1845,No candidate mentioned,0.6235,yes,1.0,Negative,1.0,None of the above,0.6235,,alabamafan2,,0,,,Dems are terrified b/c they know a conservative will b next president & they won't be able to dismember babies & sell body parts. #GOPDebate,,2015-08-07 09:36:58 -0700,629692721154912258,Georgia,Eastern Time (US & Canada) -1846,Donald Trump,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,cuprado,,0,,,Public policy and the #gopdebate or why #donaldtrump is winning. http://t.co/2Tv5M6onVo,,2015-08-07 09:36:58 -0700,629692719057776640,"Central, SC",Eastern Time (US & Canada) -1847,No candidate mentioned,1.0,yes,1.0,Negative,0.6769,None of the above,1.0,,emwilks20,,0,,,I'm still a little sick to my stomach from watching the GOP debate. Not enough booze in the world to handle that monstrosity. #GOPDebate,,2015-08-07 09:36:57 -0700,629692717644271616,"MN by birth, Rockies by heart",Central Time (US & Canada) -1848,Donald Trump,1.0,yes,1.0,Neutral,0.6413,None of the above,1.0,,jojo21,,8,,,RT @mVespa1: Donald Trump Refuses to Rule Out Third Party Run on GOP Debate Stage http://t.co/i4YywfLSy2 #tcot #GOPdebate,,2015-08-07 09:36:57 -0700,629692717392625664,"Ellicott City, Maryland",Eastern Time (US & Canada) -1849,No candidate mentioned,1.0,yes,1.0,Negative,0.6689,None of the above,1.0,,lbidd54,,2,,,RT @leiboaz: Each #GOPdebate should be staged with one chair too few. Loser left standing banished to the fighting pits of Mereen.,,2015-08-07 09:36:57 -0700,629692716910292992,, -1850,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LarryPDonnelly,,0,,,This is that rare instance when I have to agree with @IAMMGraham. @realDonaldTrump's performance in the #GOPDebate will hurt him. @ghook,,2015-08-07 09:36:56 -0700,629692714213330944,, -1851,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,HeyThereWoWo,,19,,,RT @LgnCtn: .@instagram and @facebook need to free the @Dreamdefenders acct. #KKKorGOP is a legitimate convo highlighting real concerns. #G…,,2015-08-07 09:36:56 -0700,629692712304775168,,Hawaii -1852,Donald Trump,0.6949,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6413,,mortalcassie,,0,,,"Yeah, how dare that birch stand up for women's issues? So much respect for @megynkelly now. #GOPDebate https://t.co/k7E0ttVsKO",,2015-08-07 09:36:55 -0700,629692708794314752,724,Eastern Time (US & Canada) -1853,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6593,,blippitybloop,,222,,,"RT @runolgarun: I made a #GOPdebate bingo card if anyone wants to play me, I've already got four squares so u better watch out http://t.co/…",,2015-08-07 09:36:54 -0700,629692706227421185,, -1854,No candidate mentioned,1.0,yes,1.0,Positive,0.6791,FOX News or Moderators,1.0,,UNCCH71,,40,,,"RT @bensherwood: Across the TV news aisle, a salute to Chris Wallace, @BretBaier and @megynkelly @FoxNews for smart, sharp, unflinching que…",,2015-08-07 09:36:53 -0700,629692700858707968,"Greenville, NC",Eastern Time (US & Canada) -1855,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,FinnCubbins,,8,,,RT @Elb3001: #GOPDebate screw you @GovMikeHuckabee look up @TheLadyValor and see how transgender ppl serve this country in our military!,,2015-08-07 09:36:53 -0700,629692698480369664,"Nashville, TN & Phoenix, AZ",Mountain Time (US & Canada) -1856,No candidate mentioned,1.0,yes,1.0,Positive,0.3549,None of the above,1.0,,rosyliciousxx,,7,,,RT @rmuench22: This. Is. EVERYTHING. #GOPDebate #HillaryForPresident http://t.co/WrDBMfApbm,,2015-08-07 09:36:52 -0700,629692696836182016,Miami,Eastern Time (US & Canada) -1857,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,BrianBHorne,,0,,,"I didn't watch the #GOPDebate last night. Is this accurate? - -http://t.co/pY3rhCMCBH",,2015-08-07 09:36:52 -0700,629692695150219264,, -1858,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,peglegmorris,,2,,,RT @sydneyvl24: Cautiously optimistic is how I feel the morning after. #GOPDebate,,2015-08-07 09:36:49 -0700,629692682420494336,, -1859,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sheila14all,,97,,,"RT @sallykohn: Well that was a giant, depressing hot mess. - -#GOPDebate",,2015-08-07 09:36:48 -0700,629692681023676416,The Great State of Texas. :), -1860,No candidate mentioned,0.4395,yes,0.6629,Positive,0.6629,FOX News or Moderators,0.2235,,zendga_steve,,191,,,"RT @peddoc63: Go Carly📢 -Go Carly📢 -Go Carly📢 -@CarlyFiorina #Carly2016 #GOPDebate -@steph93065 @MaydnUSA @LessGovMoreFun http://t.co/oheKLwZARc",,2015-08-07 09:36:48 -0700,629692679031422977,, -1861,No candidate mentioned,1.0,yes,1.0,Negative,0.6608,None of the above,1.0,,anedaigle18,,10,,,"RT @IanSams: On #VRA50, the Voting Rights Act wasn't mentioned in the #GOPDebate. - -Sadly not shocking. That's why HRC took 'em on. http://t…",,2015-08-07 09:36:47 -0700,629692675168600065,florida usa, -1862,No candidate mentioned,1.0,yes,1.0,Negative,0.6747,None of the above,1.0,,JaysWorldLive,,1,,,Why should he? It's already been said. Would apology be believable? #GOPDebate https://t.co/1mUbzwAMWu,,2015-08-07 09:36:46 -0700,629692671188148224,"Tamap, FL",Eastern Time (US & Canada) -1863,Marco Rubio,1.0,yes,1.0,Negative,0.6848,Foreign Policy,1.0,,TheBaxterBean,,13,,,Yes Marco Rubio Actually Said The Iraq Invasion 'Was Not A Mistake' http://t.co/xRowKHyMm1 #GOPDebate http://t.co/vjMjdMByHV,,2015-08-07 09:36:46 -0700,629692671142006785,lux et veritas,Eastern Time (US & Canada) -1864,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6462,,Arizonadog1,,1,,,RT @DNchef: @jjauthor @yewkalaylee @learjetter @megynkelly @realDonaldTrump ...whether you support him or not. it was shameful. #GOPDebate,,2015-08-07 09:36:46 -0700,629692670932185088,Phoenix AZ, -1865,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,Webermore,,1050,,,RT @richardroeper: Hillary Clinton right now. #GOPDebate http://t.co/RFqoPQbzGk,,2015-08-07 09:36:46 -0700,629692670861025280,,Eastern Time (US & Canada) -1866,Mike Huckabee,1.0,yes,1.0,Negative,0.6701,None of the above,0.6907,,hazelbroom,,1,,,RT @Saille: My takeaway is that Mike Huckabee's going to privatize the military and hire the Vogons. #GOPDebate,,2015-08-07 09:36:45 -0700,629692668289748993,SFO,Pacific Time (US & Canada) -1867,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AldoMito,,165,,,"RT @MikeDrucker: ""If you elect me, I'll be the best comic book villain president you've ever seen!"" - Donald Trump #GOPDebate",,2015-08-07 09:36:45 -0700,629692667232792576,,Eastern Time (US & Canada) -1868,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,steviecoolest,,1,,,"#GOPDebate -Cands/Mods: Trump, you can't run independent! We'll lose! -Me: Your last pick said http://t.co/c2r0qZdexv was a real live person.",,2015-08-07 09:36:45 -0700,629692666167586816,On the web & in your hearts,Central Time (US & Canada) -1869,No candidate mentioned,1.0,yes,1.0,Neutral,0.6668,None of the above,1.0,,P_S_H_C,,9,,,"RT @polly: First #GOPDebate of 2016 race: 16% of U.S. homes with TVs watched -First GOP debate of 2012 race: 5% -http://t.co/spqlTqG2Fw",,2015-08-07 09:36:45 -0700,629692665651687428,,Pacific Time (US & Canada) -1870,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6395,,teresa_blythe,,2,,,"RT @iRreverin: Thought I was watching a political function, but I feel like I've just been to church. And not in a good way. #GOPDebate #in…",,2015-08-07 09:36:45 -0700,629692665328594945,"Phoenix, AZ", -1871,No candidate mentioned,0.4302,yes,0.6559,Negative,0.3441,None of the above,0.4302,,socceris_life,,19,,,RT @afroCHuBBZ: For more information visit http://t.co/8aUPR2VS6Z #KKKorGOP #GOPDebate #GOP http://t.co/OpEDgSKHGp,,2015-08-07 09:36:44 -0700,629692663302881281,,Quito -1872,Rand Paul,0.6932,yes,1.0,Negative,1.0,Foreign Policy,0.6932,,HirschPolitics,,244,,,"RT @MattyIceAZ: Rand Paul claims ""We didn't create ISIS."" -Jeb Bush interrupts, ""We didn't, but my brother did."" -#GOPDebate",,2015-08-07 09:36:43 -0700,629692658907279360,Md/Va/Dc, -1873,No candidate mentioned,0.6559,yes,1.0,Positive,0.3441,FOX News or Moderators,1.0,,drginareghetti,,233,,,"RT @DeenaZaruCNN: .@RealBenCarson: Thank you Megyn, I wasn't sure I was going to to get to talk again #GOPDebate http://t.co/GNnn9idoNs",,2015-08-07 09:36:43 -0700,629692658189885440,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -1874,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,Immigration,0.6702,,EusebiaAq,,0,,,Who's the real illegal alien #GOPDebate - Farrakhan on #Election2016 Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:36:43 -0700,629692656575090688,America,Eastern Time (US & Canada) -1875,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,Foreign Policy,0.6667,,ScottTrace,,1,,,"My only #GOPdebate comment: They're unanimous re: defunding women's health care, & killing Iran nuclear deal - prefer a military solution.",,2015-08-07 09:36:41 -0700,629692651017613313,"Desert Cities ( So Cal,USA)",Pacific Time (US & Canada) -1876,Donald Trump,1.0,yes,1.0,Negative,0.3596,None of the above,1.0,,wordsofaweasley,,1,,,RT @MakinH15TORY: Lol @ Trump #GOPDebate,,2015-08-07 09:36:41 -0700,629692650527043584,,Eastern Time (US & Canada) -1877,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.6136,None of the above,0.3765,,derekahunter,,1,,,Up next we get #GOPDebate reaction from @dbongino. @WBALRadio and http://t.co/wTDQ8gmvEl,,2015-08-07 09:36:40 -0700,629692646907363328,Earth,Quito -1878,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6648,,WillenaHalbur,,1,,,"RT @EricTTung: ""I never heard the word income equality, climate change, voting rights."" via @BarbaraBoxer #GOPDebate",,2015-08-07 09:36:40 -0700,629692645846220800,, -1879,No candidate mentioned,1.0,yes,1.0,Negative,0.6728,Gun Control,1.0,,GoodTwitty,,37,,,RT @shannonrwatts: 18 states have done what congress won't - closed background check loophole. We need the next President to ACT #GOPDebate…,,2015-08-07 09:36:40 -0700,629692643983945728,State of Mind,Atlantic Time (Canada) -1880,No candidate mentioned,0.4113,yes,0.6413,Positive,0.3261,,0.23,,rhUSMC,,34,,,RT @megynkelly: Tune in! #KellyFile is LIVE from the #GOPDebate http://t.co/O9S38ELWo5,,2015-08-07 09:36:38 -0700,629692637344182272,AZ USA, -1881,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Healthcare (including Medicare),1.0,,GingerMarin,,37,,,"RT @AdamSmith_USA: Hey @GOP, @HillaryClinton has a few words for you regarding reproductive healthcare: #GOPDebate http://t.co/4SfORBTCap",,2015-08-07 09:36:37 -0700,629692633477025792,,Central Time (US & Canada) -1882,Donald Trump,1.0,yes,1.0,Negative,0.6804,Immigration,0.6495,,SantosRaymond7,,0,,,#GOPDebate Donald Trump hates Mexicans? http://t.co/Ut1zaW9vK4,,2015-08-07 09:36:37 -0700,629692632025944064,, -1883,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,Racial issues,1.0,,Twarezline,,1,,,"RT @nicole473: #GOPDebate Spends Less Than A Minute On Police Violence And Black Lives Matter -http://t.co/V2qIrWDw5K -#BlackLivesMatter",,2015-08-07 09:36:36 -0700,629692629479989248,, -1884,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6655,,encomstron,,0,,,A lot of candidates are all about defending #PlannedParenthood but never mention take away a rapist's parental rights #GOPDebate,,2015-08-07 09:36:36 -0700,629692629324689408,"South Jersey, USA",Eastern Time (US & Canada) -1885,Ted Cruz,1.0,yes,1.0,Neutral,0.6512,None of the above,0.6859999999999999,,bonniebo40,,101,,,RT @RickCanton: #CruzCrew - no amnesty. Of course. Most Constitutionally sound candidate. #GOPDebate http://t.co/0Y54WTIstm,,2015-08-07 09:36:36 -0700,629692629286948864,NW Wyoming & NW Montana,Mountain Time (US & Canada) -1886,Chris Christie,1.0,yes,1.0,Neutral,0.6716,None of the above,0.6689,,dhniels,,0,,,"Remember how @ChrisChristie called Rand's tireless defense of the #4thAmendment ""blowing hot air?"" #GOPDebate",,2015-08-07 09:36:35 -0700,629692625474318338,"St George, UT",Mountain Time (US & Canada) -1887,No candidate mentioned,1.0,yes,1.0,Positive,0.6596,None of the above,1.0,,CalexQuint,,1,,,RT @_Ms_Bee: Very interesting.#GOPDebate https://t.co/6INkmV9KZw,,2015-08-07 09:36:35 -0700,629692625134551040,"My heart lives in Ibiza, Spain",Central Time (US & Canada) -1888,Ted Cruz,0.6478,yes,1.0,Positive,0.6478,Foreign Policy,1.0,,daniel_rusman,,589,,,RT @tedcruz: Over the past six years we've seen the results of the Obama-Clinton foreign policy. Leading from behind is a disaster. #GOPDeb…,,2015-08-07 09:36:35 -0700,629692625126162432,, -1889,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,WendyKnox64,,111,,,RT @cowboytexas: Proof #GOPDebate Republicans and @FoxNews need an education on separation of church and state. http://t.co/eyJVwGxe3f,,2015-08-07 09:36:35 -0700,629692624937590784,, -1890,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lorizellmill,,205,,,"RT @BuckSexton: Ted Cruz is positioning himself as all the fight and fury of Trump, without the unpredictability. Smart move. #GOPDebate",,2015-08-07 09:36:32 -0700,629692613231185920,, -1891,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),0.6667,,AshleyInCalif,,38,,,RT @UnSlutProject: Who won the #GOPDebate? Not women.,,2015-08-07 09:36:32 -0700,629692612593586176,"San Jose, CA",Pacific Time (US & Canada) -1892,No candidate mentioned,0.6477,yes,1.0,Neutral,0.6477,None of the above,1.0,,hart_jerm,,0,,,Love this. https://t.co/XrMOId5bdK #StandWithRand #GOPDebate,,2015-08-07 09:36:32 -0700,629692611754860544,Carolina,Eastern Time (US & Canada) -1893,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KipLetter,,1,,,"RT @djmorris55: .@realDonaldTrump calls 3rd party talk ""leverage."" Sounds like extortion. Pick me or I'll make you lose. #gopdebate @Kiplin…",,2015-08-07 09:36:31 -0700,629692608747597828,Washington DC,Eastern Time (US & Canada) -1894,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6533,,vittmarchegiani,,0,,,"BEST. POST. EVER. 10 wtf quotes from last night’s gop debate, gif-edhttp://www.nylon.com/articles/gop-debate-quotes via @nylonmag #GOPDebate",,2015-08-07 09:36:31 -0700,629692607501848576,,Rome -1895,Donald Trump,0.4471,yes,0.6687,Neutral,0.3714,None of the above,0.4471,,dipeshbh,,42,,,RT @Writeintrump: #GOPDebate After Party Update: I'm still waiting for Ben Carson to introduce me to those twins he bragged about. I hope …,,2015-08-07 09:36:31 -0700,629692606906134528,"San Mateo, CA", -1896,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,smartvalueblog,,1,,,"RT @DebbyRevere: @realDonaldTrump @smartvalueblog #trump said he wasn't preparing & true enuff you could tell. #GOPDebate take run serious,…",,2015-08-07 09:36:30 -0700,629692605383712768,USA,Eastern Time (US & Canada) -1897,No candidate mentioned,0.4272,yes,0.6536,Negative,0.3397,Religion,0.4272,,sadatnj,,32,,,RT @saradmahmoud: #GOPDebate and the islamophobia begins.,,2015-08-07 09:36:30 -0700,629692603836014592,, -1898,Donald Trump,0.4422,yes,0.665,Negative,0.665,FOX News or Moderators,0.233,,SkyNebulaWmn,,0,,,@realDonaldTrump whaah 😭😭 @megynkelly & #foxnews was unfair to me They shouldn't ask questions about what I say 😭😭 #gopdebate,,2015-08-07 09:36:30 -0700,629692602774781953,Michigan,Quito -1899,No candidate mentioned,0.4541,yes,0.6738,Negative,0.3487,None of the above,0.4541,,blondielove27,,1,,,RT @jordanadolph: same. seriously though. #GOPDebate https://t.co/GEXpvd1vB0,,2015-08-07 09:36:29 -0700,629692597804466176,,Pacific Time (US & Canada) -1900,Jeb Bush,0.4539,yes,0.6737,Neutral,0.3368,None of the above,0.4539,,SissyWillis,,1,,,RT @DaTechGuyblog: Advice to each GOP candidate in order of how I think they finished 10th place Jeb Bush Get a pulse in a hurry #gopdebate…,,2015-08-07 09:36:28 -0700,629692595107704832,"Chelsea, MA",Eastern Time (US & Canada) -1901,Donald Trump,0.4251,yes,0.652,Negative,0.652,FOX News or Moderators,0.4251,,DNchef,,1,,,@jjauthor @yewkalaylee @learjetter @megynkelly @realDonaldTrump ...whether you support him or not. it was shameful. #GOPDebate,,2015-08-07 09:36:27 -0700,629692592075243522,,Eastern Time (US & Canada) -1902,Ted Cruz,0.2335,yes,0.6778,Positive,0.3444,None of the above,0.4594,,daniel_rusman,,808,,,"RT @tedcruz: We've seen a lot of campaign conservatives, but if we're going to win in 2016, we need a consistent conservative. #GOPDebate #…",,2015-08-07 09:36:27 -0700,629692591479500800,, -1903,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,ChadChitwood,,0,,,I've picked up 4 followers focused on reduced cost Ray-Bans in the past 24 hours. Who knew Ray-Ban bots were so into #gopdebate jokes.,,2015-08-07 09:36:26 -0700,629692587880906752,"Washington, DC",Eastern Time (US & Canada) -1904,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,StephenFeather,,0,,,"Ben Carson, Ted Cruz, and you-know-who won the Google search war http://t.co/tYQVy0Bhup - -@realBenCarson #GOPDebate",,2015-08-07 09:36:26 -0700,629692585532112896,"Fayette County, GA",Eastern Time (US & Canada) -1905,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,gidget2114,,48,,,"RT @RickCanton: Are there any Democrats running, @HillaryClinton? - -All I see are Socialists. - -#GOPDebate #OhHillNo #UniteBlue #WhyImNotVo…",,2015-08-07 09:36:24 -0700,629692578070441984,Texas,Eastern Time (US & Canada) -1906,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6546,,Reds417,,1,,,"RT @pizzapimp812: Rly disappointed in the questioning. All aimed at provoking fights between, rather than learning what each candidate plan…",,2015-08-07 09:36:22 -0700,629692571904811008,, -1907,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Todd_Spencer,,12,,,"RT @Polarinski: I have no doubt #CarlyFiorina has the stones to lead this country in a better direction. - #GOPDebate",,2015-08-07 09:36:22 -0700,629692570034130944,,Eastern Time (US & Canada) -1908,No candidate mentioned,1.0,yes,1.0,Negative,0.6539,None of the above,1.0,,Laura_Coffee,,0,,,Watching the #GOPDebate this morning. It's incredibly clear that none of these people care about me at all.,,2015-08-07 09:36:22 -0700,629692569786707968,, -1909,Donald Trump,0.6813,yes,1.0,Neutral,0.6923,FOX News or Moderators,0.3736,,travelinreid,,1,,,RT @AnjDelgado: Check out how @washingtonpost used @Genius to annotate last night's #GOPDebate http://t.co/f3GU92M8PL @wendygreen_ @traveli…,,2015-08-07 09:36:21 -0700,629692566229880832,Detroit,Pacific Time (US & Canada) -1910,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,snarkyremark,,0,,,"Based on his rhetoric, I assume when Donald Trump looks at Megyn Kelly, he sees Miss Piggy. - -#GOPDebate",,2015-08-07 09:36:21 -0700,629692566003318784,San Francisco,Pacific Time (US & Canada) -1911,Donald Trump,0.4491,yes,0.6701,Negative,0.6701,None of the above,0.2287,,CalexQuint,,0,,,"Trump invites Hillary Clinton to his (3rd) wedding... but blasts Megyn Kelly during/after the debate. - -And he's a ""Republican""??? #GOPDebate",,2015-08-07 09:36:20 -0700,629692563159543808,"My heart lives in Ibiza, Spain",Central Time (US & Canada) -1912,No candidate mentioned,1.0,yes,1.0,Negative,0.6921,None of the above,1.0,,thevelvetsun,,52,,,RT @ykhong: Instagram shut @dreamdefenders acct for posting real quotes from #GOPdebate w/ #KKKorGOP. Someone tell Instagram they're on the…,,2015-08-07 09:36:20 -0700,629692562308100096,"Ellensburg, WA",Pacific Time (US & Canada) -1913,Donald Trump,1.0,yes,1.0,Negative,0.6889,Immigration,0.6758,,JusBeeingAround,,302,,,RT @Daenerys: Donald Trump got The Wall idea from Game of Thrones. #GOPDebate,,2015-08-07 09:36:20 -0700,629692561196617728,Earth,Bern -1914,Marco Rubio,1.0,yes,1.0,Positive,0.6859999999999999,None of the above,0.6859999999999999,,SharonDalene,,42,,,RT @ChadPergram: Rubio: God has blessed the Republicans with some very kind candidates. The Democrats can't even find one. #GOPDebate,,2015-08-07 09:36:19 -0700,629692556155199489,, -1915,No candidate mentioned,0.3964,yes,0.6296,Negative,0.6296,None of the above,0.3964,,SableViews,,3,,,"RT @jaguarjin: #GOPDebate was more of reality show- ""So who isn't qualified to be POTUS"" @dthomicide @Leslieks @pharris830 @stphil",,2015-08-07 09:36:15 -0700,629692542804738048,"rural Wisconsin, USA",Central Time (US & Canada) -1916,No candidate mentioned,0.4061,yes,0.6372,Neutral,0.6372,None of the above,0.4061,,lylemutter,,475,,,RT @totalgolfmove: All I want to know about the #GOPDebate is who is in favor for making The Masters a national holiday,,2015-08-07 09:36:15 -0700,629692542137827328,"Blacksburg & Grundy, Virginia",Eastern Time (US & Canada) -1917,Donald Trump,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,zombeewolf,,12,,,"RT @StudyingLiberty: Apparently Trump, the ""tell it like it is"" guy, can't handle some tough questions that point out his utter hypocrisy. …",,2015-08-07 09:36:15 -0700,629692542116696064,"Nashville, Tennessee",Central Time (US & Canada) -1918,No candidate mentioned,1.0,yes,1.0,Negative,0.6325,FOX News or Moderators,0.6325,,sophieloaphie,,0,,,Biggest winner & loser of #GOPDebate? @FoxNews: Moderation WIN; App & live streaming FAIL. @juanasummers & @film_girl http://t.co/4HSpigrZTA,,2015-08-07 09:36:15 -0700,629692539780636672,NOLA -- DC -- NYC ,Atlantic Time (Canada) -1919,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,pcocteau,,4,,,RT @Badpie24: So this sums up the entire #GOPDebate I suppose. http://t.co/FbaSoZc54U #clowncardumpsterfire,,2015-08-07 09:36:13 -0700,629692533254262785,,Eastern Time (US & Canada) -1920,Chris Christie,0.444,yes,0.6663,Negative,0.6663,None of the above,0.444,,xbgix,,0,,,@seanhannity @ChrisChristie @GovChristie Then try not lying about your US Attorney - 9/11 appointment. #GOPDebate,,2015-08-07 09:36:13 -0700,629692531714887681,Seattle,Pacific Time (US & Canada) -1921,No candidate mentioned,0.4793,yes,0.6923,Negative,0.3516,Immigration,0.4793,,LPulanaire,,1,,,RT @2DOPEANTIBHVR: so u want us to build a wall #GOPDebate,,2015-08-07 09:36:12 -0700,629692529265479680,"Compton, CA", -1922,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AmberRhea5,,0,,,“@HillaryClinton: Missing Jon Stewart already. #GOPdebate #JonVoyage -H”. THIS @johnfmiddleton,,2015-08-07 09:36:12 -0700,629692528904794113,I'm somewhere ignoring Louis.,Atlantic Time (Canada) -1923,Jeb Bush,0.4536,yes,0.6735,Neutral,0.6735,None of the above,0.4536,,ThatConservativ,,62,,,RT @KLSouth: .@JebBush & Valerie Jarrett having dinner together. Rupert in middle. http://t.co/2OfH3IpYTv #jeb2016 #NoMoreBushes #GOPDebate,,2015-08-07 09:36:12 -0700,629692527835283456,"Florida, USA", -1924,No candidate mentioned,1.0,yes,1.0,Negative,0.7126,Gun Control,1.0,,GoodTwitty,,27,,,RT @shannonrwatts: Gun violence costs Americans $229B annually #GOPDebate #gunsense,,2015-08-07 09:36:11 -0700,629692526094622720,State of Mind,Atlantic Time (Canada) -1925,Donald Trump,0.4209,yes,0.6488,Positive,0.3401,None of the above,0.4209,,_rightchick,,0,,,"While I sometimes don't like @realDonaldTrump 's character, he's still the only candidate calling it like it is. #GOPDebate #ycot",,2015-08-07 09:36:11 -0700,629692522789388288,prolife. conservative. ,Pacific Time (US & Canada) -1926,Marco Rubio,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,MikeHarlow63,,0,,,"#GOPDebate #GOP Marco Rubio had the best zinger of the night ""how fortunate we are to have so many good candidates while the Dems have none!",,2015-08-07 09:36:10 -0700,629692520545415168,"Cedar Park, TX",Central Time (US & Canada) -1927,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,1.0,,_Christanky,,1,,,RT @JahmaolClark: If a Candidate speaks out against Mass Incarceration and #TheNewJimCrow it would be hard not to vote for them...#GOPDebate,,2015-08-07 09:36:10 -0700,629692520537067520,dallas,Central Time (US & Canada) -1928,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KaJo503,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/noSDLXybM9 via @HuffPostPol,,2015-08-07 09:36:08 -0700,629692511322116097,Upper Left Coast,Pacific Time (US & Canada) -1929,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,Religion,1.0,,ericdomond,,0,,,.@InklessPW could take some cues from the #GOPDebate. Why weren't our leaders asked if god has spoken to them? #macdebate,,2015-08-07 09:36:07 -0700,629692508063174656,Edmonton,Mountain Time (US & Canada) -1930,Scott Walker,0.6702,yes,1.0,Neutral,0.6702,None of the above,1.0,,DeborahPeasley,,2,,,Multiple shots of Scott Walker nodding behind Ben Carson was one of the best parts of #GOPDebate. The real strength of #GOP.,,2015-08-07 09:36:06 -0700,629692504472977408,,Central Time (US & Canada) -1931,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,StayAdventurous,,0,,,Watch the #GOPDebate last nite? Well than you are ready for #trump this: the United States of #mexchat this Monday Aug10. 1pm ET,"[25.07852081, -80.44294696]",2015-08-07 09:36:06 -0700,629692503483117568,New York City,Quito -1932,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,arthauex,,40,,,"RT @mir_ross: You know what makes pushing 6lb+ being through my vaginal canal seem less appealing? -Men telling me it's my duty as a woman #…",,2015-08-07 09:36:05 -0700,629692498282160128,, -1933,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3511,None of the above,0.4074,,AllenEllis14,,2,,,"RT @shawnsBrain66: ""Ultimately, liberals were unhappy, which means the GOP did something right"" #gopDebate http://t.co/08nrvGEsrA",,2015-08-07 09:36:05 -0700,629692496994504704,"alexandria,va",Eastern Time (US & Canada) -1934,Jeb Bush,1.0,yes,1.0,Negative,0.6989,FOX News or Moderators,0.6989,,totlth,,190,,,RT @LeahR77: Guess The Bush FIX WAS IN #GOPDebate ‼️ He Gets The Most Questions‼️ http://t.co/zuSRBs8QTa,,2015-08-07 09:36:04 -0700,629692494616338433,"St Petersburg, FL",Eastern Time (US & Canada) -1935,No candidate mentioned,0.6434,yes,1.0,Negative,0.6997,FOX News or Moderators,0.6434,,garfield_paula,,2,,,"RT @dawnintheworld: @Chris @hardball_chris PLZ google education in Ohio and get, well, educated on education. @RepTimRyan #GopDebate @Ohio…",,2015-08-07 09:36:04 -0700,629692493412626432,Columbus Ohio, -1936,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,GoodTwitty,,22,,,RT @shannonrwatts: Long-term prison costs for people who commit assault and homicide using guns costs $5.2 billion a year #GOPDebate #gunse…,,2015-08-07 09:36:04 -0700,629692493056098304,State of Mind,Atlantic Time (Canada) -1937,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,LPulanaire,,1,,,RT @2DOPEANTIBHVR: Politics of the stomach #GOPDebate,,2015-08-07 09:36:03 -0700,629692491915259904,"Compton, CA", -1938,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,noduhasif,,0,,,Republicans admit science is real. Why is this even news?!! #GOPDebate,,2015-08-07 09:36:02 -0700,629692487712411649,,Arizona -1939,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7147,,paolo44444,,0,,,The night #JohnStewart signed off from #TDS he killed 2 birds with one stone: #GOPDebate on #FoxDebate . No need to further comment on them,,2015-08-07 09:36:02 -0700,629692484784930816,,Ljubljana -1940,Donald Trump,1.0,yes,1.0,Negative,0.6742,None of the above,0.6629,,barbaraemiller,,0,,,@Marmel Wondered same thing. And Trump did mention her firing in one of his recent diatribes. Surprised he didn't diss her @ #GOPDebate.,,2015-08-07 09:36:01 -0700,629692483316813824,"Jacksonville, FL",Eastern Time (US & Canada) -1941,John Kasich,1.0,yes,1.0,Negative,1.0,Racial issues,0.3478,,clvssick,,24,,,"RT @mrmilianspeaks: Sam Dubose, Tamir rice, and John Crawford all died in Kasichs state and he dodged the police brutality question. #GOPDe…",,2015-08-07 09:36:01 -0700,629692482436132864,803 ,Eastern Time (US & Canada) -1942,No candidate mentioned,1.0,yes,1.0,Neutral,0.655,None of the above,1.0,,zombeewolf,,6,,,RT @sistertoldjah: .@CarlyFiorina at @ijreview: Why I’m Running For President --->>> http://t.co/phNgdByKSP #Carly2016 #GOPdebate http://t…,,2015-08-07 09:36:01 -0700,629692481630703617,"Nashville, Tennessee",Central Time (US & Canada) -1943,No candidate mentioned,0.3839,yes,0.6196,Negative,0.3261,None of the above,0.3839,,TheHonorableAbe,,0,,,@GovernorPerry Who the heck is Ronald Raven? #GOPDebate,,2015-08-07 09:36:01 -0700,629692481228120064,,Central Time (US & Canada) -1944,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6636,,great_gold,,19,,,"RT @FrankLuntz: My focus group actually likes Donald Trump as a person and a businessman… But not as a candidate. #GOPDebate - -http://t.co/…",,2015-08-07 09:36:00 -0700,629692476366974976,,Eastern Time (US & Canada) -1945,Scott Walker,0.3989,yes,0.6316,Neutral,0.6316,None of the above,0.3989,,gidget2114,,42,,,"RT @HeatherNauert: ""Instead of fighting among ourselves...we should be focused on #HillaryClinton "" @ScottWalker tells @foxandfriends post …",,2015-08-07 09:35:59 -0700,629692474345172992,Texas,Eastern Time (US & Canada) -1946,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Ritmoyclase2,,20,,,RT @Politics_PR: The #GOPDebate Showed How #FoxNews Enforces Republican Orthodoxy: http://t.co/3rnrI9CBvD #p2 http://t.co/6981eqojZn,,2015-08-07 09:35:59 -0700,629692473867112448,, -1947,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,miss_linseylynn,,0,,,"Tune into @937TheTicket for #4Downs at 11:45. Talking #GOPDebate and #TheDailyShow, Gronk Bus LLC, our dream jobs, and Yordano Ventura.",,2015-08-07 09:35:57 -0700,629692466799747076,"Lincoln, NE",Eastern Time (US & Canada) -1948,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6495,,authorkarlajay,,1,,,RT @TonyLoyd: Who won the #gopdebate? Billionaires & bankers. Who lost? The rest of us. #debatewithbernie http://t.co/RFpNbtsoW6 http://t.c…,,2015-08-07 09:35:57 -0700,629692465272913920,"Salt Lake City, Ut",Pacific Time (US & Canada) -1949,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,_Ms_Bee,,1,,,Very interesting.#GOPDebate https://t.co/6INkmV9KZw,,2015-08-07 09:35:56 -0700,629692463054098432,"Austin, TX",Central Time (US & Canada) -1950,Donald Trump,0.6628,yes,1.0,Negative,0.6744,FOX News or Moderators,1.0,,Lady_Penquin,,0,,,.@gatewaypundit @megynkelly @realDonaldTrump Megyn= the new Candy Crowley. They blundered badly. FOX exposed themselves. #GOPDebate,,2015-08-07 09:35:56 -0700,629692462135672832,Virginia,Quito -1951,Rand Paul,0.6413,yes,1.0,Negative,1.0,FOX News or Moderators,0.6748,,FanofDixie,,0,,,Trumped: Rand Paul Gets Less Than Half the Time of ‘The Donald’ During GOP Debate - http://t.co/9WCiDg100e #GOPDebate #Trump,,2015-08-07 09:35:56 -0700,629692460256632832,"Somewhere, USA",Eastern Time (US & Canada) -1952,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,mhmwriter,,0,,,"genuinely impressed by @megynkelly. Thanks for your thoughtful questions on women, foreign policy, and race #GOPDebate",,2015-08-07 09:35:56 -0700,629692459870760960,"Prospect Heights, Brooklyn",Eastern Time (US & Canada) -1953,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,Randy_Haas,,0,,,That's All! 😉 #FactCheck #GOPDebate http://t.co/jR7P3o5XhX,,2015-08-07 09:35:56 -0700,629692459753336832,"Ann Arbor, MI",Eastern Time (US & Canada) -1954,Mike Huckabee,0.4853,yes,0.6966,Neutral,0.6966,None of the above,0.4853,,GovMikeHuckabee,,6,,,".@FrankLuntz #GOPDebate analysis, ""Who won? @GovMikeHuckabee"" --> http://t.co/fWGhqVZ9dG #ImWithHuck",,2015-08-07 09:35:55 -0700,629692455760195584,"Little Rock, Arkansas",Central Time (US & Canada) -1955,Donald Trump,1.0,yes,1.0,Negative,0.6515,Abortion,1.0,,jeannetteeee12,,236,,,"RT @feministabulous: Trump can say ""I hate the concept of abortion"" because he'll NEVER NEED ONE. #GOPDebate",,2015-08-07 09:35:55 -0700,629692455617732608,"New York, USA", -1956,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6854,,DaveSwindle,,40,,,"RT @benshapiro: If you want to finish Trump, you DO NOT FEED THE TROLL. Fox News fed the troll a five-course banquet. #GOPDebate",,2015-08-07 09:35:55 -0700,629692455261081600,"Los Angeles, CA",Pacific Time (US & Canada) -1957,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ishatl,,0,,,@marcorubio #GOPDebate winner in my book! #dale #cuban,,2015-08-07 09:35:54 -0700,629692451691843584,,Eastern Time (US & Canada) -1958,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ravennso,,0,,,They stopped at 10 because they couldn't fit any more in the clown car. #GOPDebate,,2015-08-07 09:35:54 -0700,629692451620433920,between yesterday and tomorrow,Pacific Time (US & Canada) -1959,Ben Carson,1.0,yes,1.0,Neutral,0.6593,Jobs and Economy,0.6593,,zolly_b,,86,,,RT @rolandsmartin: Ben Carson wants a proportional tax system that is based on the biblical model of tithing. #GOPDebate #NewsOneNow #Rolan…,,2015-08-07 09:35:54 -0700,629692450785857536,,Eastern Time (US & Canada) -1960,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,Religion,0.4495,,lyn_va,,70,,,"RT @revteapain: Final question: ""Whose the Jesus-isest?"" #GOPDebate",,2015-08-07 09:35:53 -0700,629692450320314369,, -1961,Marco Rubio,1.0,yes,1.0,Neutral,1.0,Immigration,1.0,,kuntz_katie,,0,,,On #immigrationreform #GOPDebate @marcorubio: most are Central Americans not Mexicans (true) and he wants electronic monitoring systems,,2015-08-07 09:35:53 -0700,629692449317728257,Denver CO,Central Time (US & Canada) -1962,Mike Huckabee,1.0,yes,1.0,Positive,0.3596,LGBT issues,0.6742,,dandylioncreate,,8,,,RT @Clarknt67: I trust #trans solider @OnlyShaneOrtega to protect my freedom over @GovMikeHuckabee any day. #LGBT #GOPDebate http://t.co/zN…,,2015-08-07 09:35:53 -0700,629692448780980228,NY/NJ metro area,Eastern Time (US & Canada) -1963,No candidate mentioned,1.0,yes,1.0,Positive,0.7002,None of the above,0.6424,,cooleyhorseman,,2,,,"RT @nannacassie: #CarlyFiorina knows what she's doing. Name your opponents weakness,name your own strenghths,state what she wanrts,ask for …",,2015-08-07 09:35:53 -0700,629692448231583744,"Leesburg, VA",Eastern Time (US & Canada) -1964,No candidate mentioned,0.4298,yes,0.6556,Neutral,0.6556,Gun Control,0.4298,,GoodTwitty,,33,,,"RT @shannonrwatts: The average cost to U.S. taxpayers for a single gun homicide is nearly $400,000 #GOPDebate #gunsense",,2015-08-07 09:35:53 -0700,629692447875067904,State of Mind,Atlantic Time (Canada) -1965,Marco Rubio,1.0,yes,1.0,Positive,0.6771,None of the above,1.0,,emily_hillstrom,,5,,,RT @michaelkruse: I agree with @mikeallen. Marco Rubio helped himself the most. http://t.co/k7tgoYm8Bi @politico #GOPDebate,,2015-08-07 09:35:51 -0700,629692441873006592,Chicago ✈️ Washington D.C. ,Central Time (US & Canada) -1966,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ellikanne,,53,,,RT @OhNoSheTwitnt: [Helen Lovejoy voice] WON'T SOMEBODY PLEASE THINK OF THE CHRISTIANS? #GOPDebate,,2015-08-07 09:35:51 -0700,629692438542553088,"Cottage Grove, OR",Pacific Time (US & Canada) -1967,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,missdefying,,5,,,"RT @TatianaKing: the fact that it WASNT EVEN A DEBATE AT ALL. It was literally pundits saying ""remember the time you said X? Bish how bout …",,2015-08-07 09:35:50 -0700,629692434700566532,"Austin, TX",Central Time (US & Canada) -1968,Chris Christie,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,slantpointnow,,0,,,msnbc: Chris Christie and Rand Paul feud in tense national security face-off at #GOPDebate: … http://t.co/7roNBlX7ys,,2015-08-07 09:35:48 -0700,629692428468011008,"Indianapolis, IN",Eastern Time (US & Canada) -1969,No candidate mentioned,1.0,yes,1.0,Neutral,0.711,None of the above,1.0,,carolynscalise,,0,,,"oh, yes, you got that right, @BernieSanders #FeelTheBern #GOPDebate https://t.co/myenLefBnF",,2015-08-07 09:35:47 -0700,629692423417888768,"Bend, OR",Pacific Time (US & Canada) -1970,No candidate mentioned,1.0,yes,1.0,Negative,0.6631,None of the above,0.6471,,UsketchBK,,63,,,RT @SoulRevision: All the GOP candidates are going to their Klan Rally after the debate. #GOPdebate #KKKorGOP,,2015-08-07 09:35:46 -0700,629692420569985024,"Austin, Texas", -1971,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,england498,,5,,,RT @John_R_Dykstra: I'm surprised that so many people have already picked a candidate. I'm still listening & playing the field; good field.…,,2015-08-07 09:35:44 -0700,629692411644514304,,Central Time (US & Canada) -1972,No candidate mentioned,0.4916,yes,0.7011,Negative,0.7011,None of the above,0.4916,,teerivsaid,,1,,,RT @freestyldesign: How can conservatives POSSIBLY Support a Candidate that DONATED TO HILLARY- EVER- that is ASININE #tcot #ccot #GOPDebat…,,2015-08-07 09:35:44 -0700,629692410264731648,, -1973,Scott Walker,0.3484,yes,1.0,Negative,0.6516,Foreign Policy,0.3484,,Parkerkris,,0,,,"#GOPDebate #ScottWalker My take on the war-mongering last night:Walker-Cold War, Trump-Spanish American, All-States Rights/Civil War,Idiots!",,2015-08-07 09:35:44 -0700,629692408943415296,"Colorado, USA", -1974,No candidate mentioned,1.0,yes,1.0,Negative,0.6875,None of the above,1.0,,ManAmongGods,,0,,,@shawnsBrain66 I'm a liberal and I was ecstatic. That was hands down the best reality show I've ever seen. #GOPdebate,,2015-08-07 09:35:43 -0700,629692407559225344,Ohio, -1975,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,michaelj0n,,0,,,IMO @realDonaldTrump was targeted by @FoxNews in a biased attack No choice but 2 b on defens Could not offer any real subsatnce #GOPDebate,,2015-08-07 09:35:43 -0700,629692405344702464,USA,Pacific Time (US & Canada) -1976,No candidate mentioned,1.0,yes,1.0,Negative,0.6924,Racial issues,1.0,,rachelosborn,,345,,,"RT @levarburton: Amen! RT @atticalocke: I'd like a ""culture of life"" too, like not getting shot by police. #BlackLivesMatter #GOPDebate",,2015-08-07 09:35:43 -0700,629692404719747073,,Eastern Time (US & Canada) -1977,John Kasich,0.4207,yes,0.6486,Positive,0.3407,None of the above,0.4207,,FreedomJames7,,1,,,"Montel Williams Just Endorsed John Kasich For President. -#GOPDebate http://t.co/eZ9yL3UXXs",,2015-08-07 09:35:42 -0700,629692403566424064,, -1978,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,stephenmengland,,2,,,Just read @realDonaldTrump's early morning Twitter rants. . .there are reasons why it's not recommended to mix drugs and alcohol. #GOPDebate,,2015-08-07 09:35:42 -0700,629692401716723712,USA, -1979,John Kasich,0.4211,yes,0.6489,Neutral,0.3511,None of the above,0.4211,,TemplePickert,,198,,,RT @4BillLewis: #JohnKasich hawking hats on #Twitter - #GOPDebate #FoxDebate #socialmedia #Kasich4Us #retweet #realdonaldtrump #marcorubio …,,2015-08-07 09:35:41 -0700,629692399845900288,, -1980,Rand Paul,0.3868,yes,0.622,Neutral,0.3171,None of the above,0.3868,,Davis_Hammet,,91,,,RT @mashablegif: Ran Paul's eye roll is on point. #GOPDebate http://t.co/9H8UdTnrJw,,2015-08-07 09:35:41 -0700,629692398495473664,"Topeka, Kansas", -1981,No candidate mentioned,1.0,yes,1.0,Positive,0.6465,FOX News or Moderators,1.0,,cubista,,25,,,"RT @sewellchan: ""Hooray for Fox News."" @FrankBruni's take on the #GOPDebate: http://t.co/c4jRx2mnJd",,2015-08-07 09:35:41 -0700,629692398285688839,Los Ángeles,Pacific Time (US & Canada) -1982,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Todd_Spencer,,65,,,RT @ChuckNellis: #CarlyFiorina won't be 2nd tier in the next debate. #GOPDebate,,2015-08-07 09:35:41 -0700,629692396100579330,,Eastern Time (US & Canada) -1983,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.6966,,wordsofaweasley,,1047,,,RT @_Snape_: Muggles are a joke. #GOPDebate,,2015-08-07 09:35:36 -0700,629692376114679809,,Eastern Time (US & Canada) -1984,No candidate mentioned,1.0,yes,1.0,Neutral,0.6683,Gun Control,1.0,,GoodTwitty,,20,,,RT @shannonrwatts: Criminals and felons - including domestic abusers - take advantage of America's lax gun laws to arm themselves #GOPDebat…,,2015-08-07 09:35:35 -0700,629692374764113920,State of Mind,Atlantic Time (Canada) -1985,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3571,,jspoupart,,0,,,"Fear & Loathing in the #GOPDebate | http://t.co/wzoUdISFgi -by @digby56 #tcot #PJNET #FoxNews #GOPClownCar http://t.co/hW9DQXnFwP",,2015-08-07 09:35:35 -0700,629692370934726656,Montréal,Atlantic Time (Canada) -1986,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JMLewis007,,153,,,"RT @MattyIceAZ: Huckabee: ""We need to banish the Department of Education! We can't have voters being educated!!"" #GOPDebate",,2015-08-07 09:35:34 -0700,629692370880102400,, -1987,No candidate mentioned,1.0,yes,1.0,Positive,0.3372,FOX News or Moderators,1.0,,SwampFoxSr,,0,,,"When @megynkelly says, for t sake of #argument, #LetMePlayTheDevilsAdvocate, she means it & no one does it better. #GOPDebate #KellyFile",,2015-08-07 09:35:34 -0700,629692369256869888,"SC & GA Swamps, USA",Atlantic Time (Canada) -1988,Jeb Bush,1.0,yes,1.0,Negative,0.6501,None of the above,1.0,,TeasyRoosevelt,,0,,,"Loved the exasperated look on Jeb's face during #GOPDebate. It's like he kept thinking, ""Am I the only one who is taking this seriously?""",,2015-08-07 09:35:33 -0700,629692364223856640,,Atlantic Time (Canada) -1989,Chris Christie,1.0,yes,1.0,Neutral,0.6316,None of the above,1.0,,great_gold,,5,,,"RT @MolonLabe1776us: Anyone voting for Chris Christie? -#GOPDebate #TCOT http://t.co/2vXU3v9G4V",,2015-08-07 09:35:31 -0700,629692357852708864,,Eastern Time (US & Canada) -1990,Rand Paul,0.4171,yes,0.6458,Positive,0.6458,None of the above,0.4171,,ScottJNX,,25,,,"RT @Yowan: ""I'm a different kind of Republican"" - @RandPaul #GOPDebate -He really is and he needs to show that contrast, instead of panderi…",,2015-08-07 09:35:31 -0700,629692356841713664,"Spartanburg, SC",Eastern Time (US & Canada) -1991,Chris Christie,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,thecologne,,791,,,"RT @pattonoswalt: Can SOMEONE Photoshop an album cover for Chris Christie's smooth jazz masterpiece, THE HUGS THAT I REMEMBER? #GOPDebate",,2015-08-07 09:35:30 -0700,629692352286838784,chi-raq!!!!!!!!!!!!!!!!!!!!!!!,Quito -1992,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6549,,KARKCurt,,0,,,2016 Wide Open Heading out of Electric Opening Debates - http://t.co/OroBlJ66rK: http://t.co/WFY89WXKzD #GOPDebate,,2015-08-07 09:35:29 -0700,629692349262598144,"Little Rock, AR",Pacific Time (US & Canada) -1993,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6689,,KillerMartinis,,0,,,So about Kelly last night: stopped clocks. #GOPDebate,,2015-08-07 09:35:29 -0700,629692348914536448,,Mountain Time (US & Canada) -1994,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,Religion,1.0,,ggheorghiu,,113,,,RT @AstroKatie: The candidates are being asked if they heard from God who isn't even an American citizen I mean come on. #GOPDebate,,2015-08-07 09:35:29 -0700,629692348025434112,"Montreal, Canada",Eastern Time (US & Canada) -1995,No candidate mentioned,0.3989,yes,0.6316,Negative,0.3263,,0.2327,,DavidPoli,,0,,,"Other than ""DOWN WITH THE EPA!"" #GOPDebate",,2015-08-07 09:35:26 -0700,629692336805707776,Chicago,Central Time (US & Canada) -1996,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DanCas2,,132,,,"RT @lizzwinstead: Ben Carson, may be the only brain surgeon who has performed a lobotomy on himself. #GOPDebate",,2015-08-07 09:35:26 -0700,629692335220133888,California (o/18 :-),America/Los_Angeles -1997,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,luisfcanarte,,1,,,"RT @jangelgonzalo: The GOP debate, charted word by word http://t.co/utUowZIvj6 #GOPDebate",,2015-08-07 09:35:26 -0700,629692333961953280,NY,Eastern Time (US & Canada) -1998,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6703,,princessomuch,,2,,,Yes! And true of most religions: women are unclean sexual distracters & men are hapless victims #religion #GOPDebate https://t.co/iX20ObGO2p,,2015-08-07 09:35:24 -0700,629692327766937600,California , -1999,No candidate mentioned,0.6517,yes,1.0,Negative,0.6517,Gun Control,0.6517,,GoodTwitty,,13,,,"RT @shannonrwatts: Bush and Obama administrations proposed law to close Terror Gap, but #NRA fought against any efforts to close it #GOPdeb…",,2015-08-07 09:35:24 -0700,629692325904707587,State of Mind,Atlantic Time (Canada) -2000,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,None of the above,0.6824,,Sarah_SV,,0,,,#ClimateChange a Non-Issue in #GOPDebate / Primary Season http://t.co/QICyHOPamW Great read at @insideclimate with input from @FordOConnell,,2015-08-07 09:35:23 -0700,629692324482838528,"Washington, DC ",Eastern Time (US & Canada) -2001,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),0.6552,,mortalcassie,,0,,,@foxandfriends that's not a zinger. Treating women like human beings isn't political correctness. #GOPDebate,,2015-08-07 09:35:23 -0700,629692323123855360,724,Eastern Time (US & Canada) -2002,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,malarkey13,,0,,,"@megynkelly going.Ronda Rousey on @realDonaldTrump 's posterior and his childish comeback was a ""where were you when?"" moment.#GOPDebate",,2015-08-07 09:35:23 -0700,629692322360524800,, -2003,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ericawenig,,0,,,Interesting Al-Arabiya coverage of the #GOPDebate @AlArabiya http://t.co/Fgpb32DLH0,,2015-08-07 09:35:21 -0700,629692315079176192,,Eastern Time (US & Canada) -2004,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6707,,Scully64,,31,,,RT @princeofbordue1: WRONG! #EPICFAIL @megynkelly attacked @realDonaldTrump from the start. There nothing fair and balanced. #GOPDebate ht…,,2015-08-07 09:35:20 -0700,629692311983656960,"Criminology Major,Poli-Science",Pacific Time (US & Canada) -2005,No candidate mentioned,1.0,yes,1.0,Positive,0.3444,None of the above,1.0,,Joseph_Santoro,,1,,,"RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @ShaunKing -@Oregonemom @Joseph_Santoro @BWheatnyc @S_Cosgrove @cai…",,2015-08-07 09:35:17 -0700,629692297643466753,"Washington, DC 20009",Eastern Time (US & Canada) -2006,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Gun Control,1.0,,lyn_va,,25,,,"RT @shannonrwatts: Over past 10 years, U.S. military has endured suicide epidemic among troops; more than 2/3 of deaths involved guns #GOPd…",,2015-08-07 09:35:17 -0700,629692295516942336,, -2007,No candidate mentioned,1.0,yes,1.0,Neutral,0.6882,LGBT issues,0.6882,,KalPoulard,,0,,,At #GOPdebate Jindal Pledges To Sign Executive Order Specifically Protecting 'Christians' From Gays http://t.co/cR56G8SZMr,,2015-08-07 09:35:16 -0700,629692294581604352,Jiguidou - 01CT_13579,Eastern Time (US & Canada) -2008,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,FOX News or Moderators,0.4204,,GraffitiBeaver,,13,,,RT @bustle: RT if it just took you a full 15 minutes to figure out which channel is Fox News. #GOPDebate,,2015-08-07 09:35:16 -0700,629692292907974656,"DFW, Texas", -2009,No candidate mentioned,0.4233,yes,0.6506,Positive,0.3431,,0.2273,,alexandraheuser,,0,,,EXCELLENT .@michellemalkin WOW #StopCommonCore #CommonCoreNews @AliceLinahan #homeshool #TCOT #CCOT http://t.co/E8uWGy4cHf #GOPDebate #Iowa,,2015-08-07 09:35:16 -0700,629692291536527360,America, -2010,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,justonepatriot,,35,,,RT @lybr3: The consensus seems to be that @FoxNews blew it's chance at hosting a #GOPDebate. The moderators blew it w/ their questions.,,2015-08-07 09:35:15 -0700,629692291070889984,Louisiana, -2011,No candidate mentioned,0.3787,yes,0.6154,Negative,0.6154,None of the above,0.3787,,ahlesso,,0,,,"This morning's @theskimm recap of the elephants in the room, was the best recap of all time #GOPDebate #skimmriffic http://t.co/mC2wOKuWI8",,2015-08-07 09:35:15 -0700,629692290429140992,Los Angeles ,Pacific Time (US & Canada) -2012,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,Immigration,1.0,,EusebiaAq,,0,,,@ImmAdocates Who's the real illegal alien #GOPDEbate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:35:15 -0700,629692287358885888,America,Eastern Time (US & Canada) -2013,Ted Cruz,0.6406,yes,1.0,Neutral,0.6638,None of the above,1.0,,great_gold,,5,,,RT @RMConservative: #GOPDebate: Did Cruz Trump Trump Last Night? https://t.co/Zc1kX9yPy7 via @CR,,2015-08-07 09:35:14 -0700,629692285085708290,,Eastern Time (US & Canada) -2014,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,LeonGoudikian,,0,,,"Andrea Mitchell brings on someone from La Raza to express how ""disappointed"" she is in the #GOPDebate. In other news, dog bites man.",,2015-08-07 09:35:13 -0700,629692281457651712,The Armpit State, -2015,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,flexxedUPfoxx,,78,,,"RT @Timcast: Trump's flaunting of wealth has literally nothing to do with having good ideas and being a good leader, its just gross. #GOPDe…",,2015-08-07 09:35:12 -0700,629692277745565696,8⃣6⃣4⃣/8⃣0⃣3⃣, -2016,No candidate mentioned,0.4025,yes,0.6345,Neutral,0.3172,None of the above,0.4025,,delcastillo81,,36,,,RT @puddinstrip: who's up for a post debate fuck on the hood of my Chevy? #RockHardForAmerica #GOPDebate,,2015-08-07 09:35:12 -0700,629692276797640704,near a phone charger,Eastern Time (US & Canada) -2017,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Religion,1.0,,steph_kacz,,11,,,RT @darebaredaisy: WHY ARE WE TALKING ABOUT GOD IN A P O L I T I C A L DEBATE #GOPDebate #DebateWithBernie,,2015-08-07 09:35:12 -0700,629692276059582464,,Eastern Time (US & Canada) -2018,No candidate mentioned,1.0,yes,1.0,Positive,0.6818,None of the above,1.0,,Circle_R185,,8,,,"RT @WAGNERGIRLE: .@peddoc63 - -@CarlyFiorina KICKED BUTT & looked fabulous while doing it! #FREEDOM #GOPDebate - -@FlyoverCulture @LeahR77 @st…",,2015-08-07 09:35:11 -0700,629692274138566656,Army Commendation Medal,Central Time (US & Canada) -2019,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,GoodTwitty,,18,,,"RT @shannonrwatts: Terror Gap means terrorists can pass background check and buy gun from licensed gun dealer, online or at gun show #GOPde…",,2015-08-07 09:35:11 -0700,629692273081589762,State of Mind,Atlantic Time (Canada) -2020,No candidate mentioned,0.45799999999999996,yes,0.6768,Positive,0.3434,Jobs and Economy,0.45799999999999996,,ChrisPfeiffer9,,42,,,RT @MartinOMalley: We must rein in Wall Street. I call on every candidate to commit to these four principles. #WWOMD #GOPdebate http://t.co…,,2015-08-07 09:35:11 -0700,629692272846761984,"Doylestown, PA", -2021,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BethFergusonnn,,0,,,It makes me mad when the moderators intentionally turn the debate personal with attacks and gotcha questions. #GOPDebate,,2015-08-07 09:35:10 -0700,629692268866244609,"Rome, GA",Eastern Time (US & Canada) -2022,Donald Trump,1.0,yes,1.0,Neutral,0.7011,FOX News or Moderators,0.6322,,Liz2Queen,,1,,,RT @ChrisShurley: @OutnumberedFNC #charleskrauthammer is a #fossil who just loves #MegynKelly. He's out of his mind on @realDonaldTrump fro…,,2015-08-07 09:35:09 -0700,629692265972154368,, -2023,Ted Cruz,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,arrowsmithwoman,,1,,,"RT @kckshrugged: Where's ted Cruz #gopdebate Fox News unfair. Softballs for Rubio, kasich, Jeb. @realDonaldTrump getting unfair questions",,2015-08-07 09:35:09 -0700,629692264814522368,Florida,Eastern Time (US & Canada) -2024,No candidate mentioned,1.0,yes,1.0,Negative,0.6589,Immigration,1.0,,timmytimKS,,127,,,RT @JohnFugelsang: The GOP candidates discussing illegal immigration are pure theater. Except theater creates jobs. #gopdebate,,2015-08-07 09:35:08 -0700,629692261010395140,nyc, -2025,Scott Walker,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,CammyDJ777,,297,,,"RT @FoxNews: .@ScottWalker: Instead of picking fights with Republicans, bring the fight back to @HillaryClinton. #GOPDebate http://t.co/NHR…",,2015-08-07 09:35:08 -0700,629692260783943680,"Brookfield, WI USA", -2026,No candidate mentioned,1.0,yes,1.0,Neutral,0.6508,FOX News or Moderators,1.0,,kretch48,,0,,,#GOPDebate #FoxNews #MegynKelly #ChrisWallace #only winners as a result the debate were the #SocialistsDemocrats #thanks #FoxNews #debacle,,2015-08-07 09:35:08 -0700,629692260162998272,SunLakes Banning CA,Pacific Time (US & Canada) -2027,Chris Christie,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6659,,Clever_Otter,,0,,,This is getting boring. Someone bring up the gays or harpoon @ChrisChristie or something. #GOPDebate,,2015-08-07 09:35:08 -0700,629692257944272896,Earth,Mountain Time (US & Canada) -2028,Marco Rubio,0.4422,yes,0.665,Neutral,0.665,Abortion,0.2451,,gidget2114,,19,,,"RT @LiveAction: .@MarcoRubio: ""I believe that every single human being is entitled to the protection of our laws, whether they can vote or …",,2015-08-07 09:35:07 -0700,629692253821210624,Texas,Eastern Time (US & Canada) -2029,No candidate mentioned,1.0,yes,1.0,Negative,0.6756,None of the above,1.0,,d1s0b3y,,183,,,"RT @andreagrimes: And here come the candidates, arriving now for #GOPDebate http://t.co/Kk6xBkPajm",,2015-08-07 09:35:06 -0700,629692252806361088,"Houston, TX",Central Time (US & Canada) -2030,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,eteachout,,0,,,Serious Q: Do other civilized (interpret that how you will) nations allow their elections to turn into such a circus of clowns? #GOPDebate,,2015-08-07 09:35:05 -0700,629692248968409088,California,Central Time (US & Canada) -2031,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7126,,PuestoLoco,,0,,,"@wessmith123 @FoxNews -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 09:35:05 -0700,629692248121282562,Florida Central West Coast,America/New_York -2032,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,facts_and_lies,,2,,,"RT @sardoandtonic: Bush: you know what happens when we have low education standards? This #GOPDebate, that's what.",,2015-08-07 09:35:04 -0700,629692244820426752,, -2033,No candidate mentioned,0.4028,yes,0.6347,Negative,0.6347,None of the above,0.4028,,boblucore,,0,,,"More 1% News. I do like the soundtrack a lot. -#GOPDebate: Riot Police, Saxophone Turn Back Protesters http://t.co/8rWU8PwRid",,2015-08-07 09:35:04 -0700,629692244019277824,"Drupal, WordPress, HTML, CSS",Atlantic Time (Canada) -2034,Donald Trump,1.0,yes,1.0,Negative,0.6126,FOX News or Moderators,0.6751,,Monica_Guzman_,,7,,,"RT @Kerryepp: What if the media had treated Barack Obama liked Fox journalists treated Donald Trump? http://t.co/uHuNkEXEPX -#GOPDebate #tco…",,2015-08-07 09:35:03 -0700,629692239015317504,California,Pacific Time (US & Canada) -2035,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,JLat55,,4,,,"RT @laurenacooley: NYT assesment of @RandPaul's #GOPDebate performance... ""Made himself matter again."" #StandWithRand http://t.co/B54cR1kx4q",,2015-08-07 09:35:03 -0700,629692237140619264,"Evansville, IN",Berlin -2036,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6603,,thatdamnanne,,17,,,"RT @FredZeppelin12: WINNER OF TONIGHT's TWO DEBATES: - -@CarlyFiorina - -#GOPDebate",,2015-08-07 09:35:02 -0700,629692234905067521,,Eastern Time (US & Canada) -2037,No candidate mentioned,1.0,yes,1.0,Neutral,0.6988,None of the above,1.0,,jamesat23,,107,,,RT @JosephKapsch: And @HillaryClinton @BarackObama and @JoeBiden are all... #GOPDebate http://t.co/gdGWasXwdR,,2015-08-07 09:35:01 -0700,629692230882586624,, -2038,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,tahDeetz,,49,,,RT @johnnyfriegas: If I was a conspiracy guy I'd say FOX wants to hurt Trump by asking him questions and hurt Cruz by NOT asking him questi…,,2015-08-07 09:35:00 -0700,629692227518771201,"Atlanta, Ga",Eastern Time (US & Canada) -2039,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CynchMoore,,374,,,RT @MichelleDBeadle: It's like satire had relations with sketch comedy. #GOPDebate,,2015-08-07 09:35:00 -0700,629692226491150336,somewhere, -2040,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6577,,Thor_2000,,0,,,"One thing you can say about the #GOPDebate last night, #DonaldTrump pretty much screwed himself of any chance of becoming President -",,2015-08-07 09:35:00 -0700,629692225413378048,"Nashville, Tennessee",Central Time (US & Canada) -2041,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6949,,Nitaina_,,1,,,How can you deny the existence of something that shaped the country you're planning to run? #RaceBlindness #BenCarson #GOPDebate,,2015-08-07 09:34:59 -0700,629692222850605057,"NJ, USA ",Pacific Time (US & Canada) -2042,No candidate mentioned,1.0,yes,1.0,Neutral,0.6421,None of the above,1.0,,megaanita242,,0,,,Democrats #progress #GOPDebate https://t.co/xJqCqeT2NM,,2015-08-07 09:34:59 -0700,629692220677853185,"California, USA", -2043,Chris Christie,0.4548,yes,0.6744,Negative,0.6744,None of the above,0.4548,,xbgix,,0,,,@ChrisChristie Why did you lie about your US Attorney Start/Appointment date during #GOPDebate? Too easy to fact check..,,2015-08-07 09:34:58 -0700,629692217746034688,Seattle,Pacific Time (US & Canada) -2044,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alexnsargent1,,92,,,"RT @KevinOfTheHill: Waiting for Trump to declare that he is god -#GOPDebate",,2015-08-07 09:34:58 -0700,629692217586786304,, -2045,Donald Trump,0.4562,yes,0.6754,Negative,0.6754,None of the above,0.4562,,roelgk,,1,,,Ignorant. Obnoxious. Repulsive. And Intolerable. Donald Trump is a pure JOKE! Americans cannot let this CLOWN become president! #GOPDebate,,2015-08-07 09:34:57 -0700,629692214789038080,"Fort Worth, TX", -2046,Jeb Bush,1.0,yes,1.0,Negative,0.6699,Abortion,0.6699,,jamesKARATEpolk,,0,,,"""We were the first state to do a Choose Life license plate"" Yay! Does little Jeb want a gold star? Come and give mommy a hug!!! #GOPDebate",,2015-08-07 09:34:57 -0700,629692214508191744,, -2047,Donald Trump,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,SharNeal,,1,,,"RT @HoldenMirror: The real voice of the #GOP in the #GOPDebate was @realDonaldTrump. @FoxNews don't be mad, he's only parroting what you ha…",,2015-08-07 09:34:56 -0700,629692209235759104,Arizona USA,Pacific Time (US & Canada) -2048,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shanejblair,,0,,,I tried to watch the #GOPDebate last night but I kept hearing farting noises.,,2015-08-07 09:34:54 -0700,629692202558468096,"Grand Rapids, Michigan",Eastern Time (US & Canada) -2049,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RockoDev,,0,,,I like senator #GOPDebate #Carson2016,,2015-08-07 09:34:54 -0700,629692202080301056,5280!!!!!,America/Denver -2050,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,parkerc2112,,0,,,@realDonaldTrump I view this Buffoon as a schoolyard bully who can't function in a normal society. #GOPDebate,,2015-08-07 09:34:54 -0700,629692200406790144,The Dude Abides, -2051,No candidate mentioned,0.3976,yes,0.6305,Neutral,0.6305,None of the above,0.3976,,TheBlazeRadio,,1,,,"New @DocThompsonShow & @skiplacombe w/ post #GOPDebate discussion up on-demand! - -http://t.co/jrB4OxcjZA",,2015-08-07 09:34:54 -0700,629692200176234496,,Eastern Time (US & Canada) -2052,Scott Walker,1.0,yes,1.0,Negative,0.6638,None of the above,0.6638,,markinvictoria,,0,,,Does #GOPDebate have promotion/relegation? Like Fiorina moves to the Premiership now and Walker goes to the debate Championship?,,2015-08-07 09:34:53 -0700,629692197621792768,"Victoria, BC",Alaska -2053,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,1.0,,uwsp46,,27,,,"RT @irritatedwoman: Retweeted Amy Mek (@AmyMek): - -Conservatives are a people without a Network! - -#GOPDebate @FoxNews",,2015-08-07 09:34:53 -0700,629692194862071808,, -2054,Donald Trump,1.0,yes,1.0,Negative,0.6809,FOX News or Moderators,1.0,,Skylookup1775,,189,,,RT @MolonLabe1776us: How much did CNN/MSNBC/ Hillary pay @megynkelly to moderate tonights debate? #GOPDebate @realDonaldTrump http://t.co/J…,,2015-08-07 09:34:52 -0700,629692194358628352,FEMA Region 9, -2055,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.6742,None of the above,0.4545,,matthewfecteau,,0,,,Why does #GOPDebate keep changing to #GOBDebate?,,2015-08-07 09:34:52 -0700,629692191842127872,"Pawtucket, Rhode Island",Atlantic Time (Canada) -2056,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6216,,TheAtlanticVamp,,0,,,I'm surprised Rick Perry was at either debate. I thought his ankle bracelet had a boundary. #GOPDebate,,2015-08-07 09:34:52 -0700,629692191531769857,Georgia,Eastern Time (US & Canada) -2057,No candidate mentioned,1.0,yes,1.0,Neutral,0.3598,None of the above,1.0,,chloebear,,0,,,"Tickets to the circus - check, last nights entertainment was all I needed! Thanks #GOP #GOPDebate",,2015-08-07 09:34:51 -0700,629692189304471552,Denver,Mountain Time (US & Canada) -2058,Donald Trump,1.0,yes,1.0,Positive,0.3678,None of the above,0.6322,,Kenwoods2Ken,,279,,,RT @toddstarnes: So this isn’t a “Bash Trump” debate. This is a “Destroy Trump” debate. But Trump is still standing. #GOPDebate,,2015-08-07 09:34:51 -0700,629692188289597440,, -2059,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.6495,None of the above,0.4218,,DavidPoli,,0,,,I didn't watch all of last night's #GOPDebate (because I can't even..). Was there anything about civil rights or climate change?,,2015-08-07 09:34:51 -0700,629692187199041536,Chicago,Central Time (US & Canada) -2060,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SharNeal,,1,,,RT @mpklasi: Okay @CarlyFiorina I'm listening now. You were amazing last night! #girlpower #GOPDebate,,2015-08-07 09:34:50 -0700,629692184522915840,Arizona USA,Pacific Time (US & Canada) -2061,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mayapilbrow,,0,,,shit son @tedcruz got told to stfu #GOPDebate hahahahaha,,2015-08-07 09:34:50 -0700,629692184095133696,your actual anus,Hawaii -2062,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6092,,abalog,,0,,,Just because someone can tap into anger doesn't mean he can create the right fight...weary of the dividers at the top #GOPDebate #FoxNews,,2015-08-07 09:34:49 -0700,629692182115389440,Atlanta Georgia,Quito -2063,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,NoahTarnow,,0,,,Giving credit where it's due: I thought all three #GOPDebate moderators did a great job. They took it to the candidates.,,2015-08-07 09:34:49 -0700,629692182044233728,NYC, -2064,Donald Trump,1.0,yes,1.0,Negative,0.6277,FOX News or Moderators,1.0,,pir8dave,,0,,,"I loathe Faux Nooz, kudos to Ms. Kelly going after ""Da Donald,"" the misogynistic, bloviating, xenophobic, carnival barker. #GOPdebate",,2015-08-07 09:34:49 -0700,629692178466504704,"ÜT: 41.68498,-72.445167",Eastern Time (US & Canada) -2065,No candidate mentioned,1.0,yes,1.0,Negative,0.6429,None of the above,1.0,,ThatConservativ,,15,,,RT @ThePatriot143: Sure The Other GOP on Stage Looked Nice & Polished But America is tired of the shining Rolls Royce w/NO Engine #GOPDebate,,2015-08-07 09:34:47 -0700,629692172611117056,"Florida, USA", -2066,Donald Trump,1.0,yes,1.0,Positive,0.6591,None of the above,0.6591,,urwilliam,,67,,,RT @JohnGGalt: “We don't have time for tone...we have to go out and get the job done.” —Donald Trump #GOPDebate http://t.co/mIYhIPDkqs,,2015-08-07 09:34:46 -0700,629692169507319808,Alabama Roll Tide,Eastern Time (US & Canada) -2067,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.672,,taylorlove858,,486,,,"RT @deray: Trump is absolutely out of control. Someone, please send the clip of him sharing, ""What am I saying?"" to the moderator. #GOPDeba…",,2015-08-07 09:34:46 -0700,629692166730813440,, -2068,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,justonepatriot,,11,,,"RT @Jenism101: It's clear @FoxNews is boosting @JebBush. Ugh! No one even likes him!! - - #GOPDebate - -#DoYouKnowAnyoneVotingForJeb ???",,2015-08-07 09:34:45 -0700,629692165346729984,Louisiana, -2069,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6374,,MrThom08,,0,,,"@realDonaldTrump hates strong, independent, women. I'm shocked he doesn't tell his daughter to put a dick in her mouth & hush #GOPDebate",,2015-08-07 09:34:45 -0700,629692164511940608,San Antonio ,Eastern Time (US & Canada) -2070,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lacakagog,,4,,,"RT @tpirkl: #GOPDebate was a hot mess & #FoxNews gets some blame but this was a setup by #GOP to crush #Trump, ignore #Cruz & prop up #Jeb.…",,2015-08-07 09:34:45 -0700,629692161517158400,Northern New Jersey,Eastern Time (US & Canada) -2071,Donald Trump,1.0,yes,1.0,Negative,0.6477,Immigration,1.0,,SergeyUstinov3,,1,,,"RT @EricTTung: ""We've not seen any #immigration proposal or plan from @realDonaldTrump"" @JMurguia_NCLR of @NCLR #GOPDebate",,2015-08-07 09:34:44 -0700,629692160254844928,Noginsk, -2072,No candidate mentioned,0.4642,yes,0.6813,Positive,0.6813,None of the above,0.4642,,jamescoleman07,,0,,,After watching the #GOPDebate - today I feel proud to be an American & have @HillaryClinton as my champion & leader. #Hillary2016,,2015-08-07 09:34:44 -0700,629692159143219201,,Central Time (US & Canada) -2073,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,None of the above,0.6292,,PuestoLoco,,68,,,"RT @wessmith123: If You Hear An EXPLOSION During The #GOPDebate, Don't Worry It's Just The CRAZY METER Blowing Off The Wall. @FoxNews http:…",,2015-08-07 09:34:42 -0700,629692152285630464,Florida Central West Coast,America/New_York -2074,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.2294,,NolinKerry,,3,,,RT @continetti: Incoming hot take from @AndrewStilesUSA on #GOPDebate http://t.co/p1GoAlBT67,,2015-08-07 09:34:42 -0700,629692148770848768,"Elizabethtown, KY ",Atlantic Time (Canada) -2075,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3444,,amoobrasil,,2,,,RT @louvice: Never helped Latino's #GOPDebate https://t.co/U7yZlgL07L,,2015-08-07 09:34:41 -0700,629692145604120576,"Nashville, TN",Central Time (US & Canada) -2076,Donald Trump,0.7025,yes,1.0,Negative,1.0,None of the above,0.6147,,DaTechGuyblog,,74,,,"RT @LadyLiberty1885: This @foxnews debate was about pushing trump down, lifting up Common core Jeb and silencing Cruz. #gopdebate",,2015-08-07 09:34:40 -0700,629692140415791104,Central massachusetts,Eastern Time (US & Canada) -2077,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StaceyMerrick,,0,,,I have always thought of myself as having average intelligence but after watching last night’s #GOPDebate I feel like a genius. Also sad.,,2015-08-07 09:34:39 -0700,629692137865482241,"Oakland, CA",Pacific Time (US & Canada) -2078,No candidate mentioned,1.0,yes,1.0,Positive,0.6791,None of the above,1.0,,Aubrey_Rex,,0,,,So glad people finally appreciate honesty. I've got all the honesty you can handle and the battle scars to prove it. #GOPDebate,,2015-08-07 09:34:39 -0700,629692137072799744,,Pacific Time (US & Canada) -2079,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,steelhamster,,0,,,So after last nights #ClownCar debates this movie just popped into my head for some reason #TYTLive #GOPDebate http://t.co/sOzNMUnLtj,,2015-08-07 09:34:38 -0700,629692133209972736,London,London -2080,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6458,,LibertysRising,,0,,,@GovChristie big loser of last night. Unwavering & unapologetic position of violating constitutional rights- not winning msg #GOPDebate,,2015-08-07 09:34:37 -0700,629692131293003776,California,Pacific Time (US & Canada) -2081,No candidate mentioned,1.0,yes,1.0,Neutral,0.3636,None of the above,1.0,,Didikatz,,0,,,@HillaryClinton easily won last night's #GOPDebate and she wasn't even there.,,2015-08-07 09:34:37 -0700,629692129418186752,,Pacific Time (US & Canada) -2082,Donald Trump,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,onlyarianna,,63,,,RT @benshapiro: Don't want Trump to run third party? Don't give his supporters a reason to feel aggrieved. Opportunity blown. #GOPDebate,,2015-08-07 09:34:36 -0700,629692125156896768,Chicago,Central Time (US & Canada) -2083,Jeb Bush,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,jdowney457,,114,,,RT @JebBush: The Democrats are wrong: We can grow this economy and create jobs. http://t.co/DwGVs5ZJq7 #GOPDebate,,2015-08-07 09:34:36 -0700,629692124305342464,colonie , -2084,No candidate mentioned,1.0,yes,1.0,Negative,0.619,FOX News or Moderators,1.0,,justonepatriot,,13,,,RT @PJHughes12: @FoxNews debate moderators were very unprofessional in their handling of this debate. They now act like @CNN and @msnbc #GO…,,2015-08-07 09:34:34 -0700,629692116894003200,Louisiana, -2085,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,FOX News or Moderators,0.2286,,talk910,,0,,,"""When you find mush, you push"" We agree with Jack from @AandGShow about that being a great motto in life! (from last night's #GOPDebate)",,2015-08-07 09:34:32 -0700,629692109155471361,SF / Bay Area,Pacific Time (US & Canada) -2086,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.3068,None of the above,0.3765,,gidget2114,,5,,,"RT @KarenDoe50: Are you angry enough now to go to the polls in 2016 and ALL other local, state and federal elections? #GOPdebate http://t.c…",,2015-08-07 09:34:32 -0700,629692108295663616,Texas,Eastern Time (US & Canada) -2087,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SKGuenther,,0,,,"After the #GOPDebate, I'm all #YasKween! http://t.co/2VRyVXpTgU",,2015-08-07 09:34:32 -0700,629692107460972544,"Portland, Oregon", -2088,Scott Walker,0.4916,yes,0.7011,Neutral,0.7011,None of the above,0.4916,,SomersInge,,198,,,RT @4BillLewis: #GOPDebate starting to get serious. #scottwalker #realdonaldtrump #jebbush #MarcoRubio #BenCarson #socialmedia #retweet,,2015-08-07 09:34:32 -0700,629692107385499650,"USA, Nevada, Las Vegas", -2089,Donald Trump,1.0,yes,1.0,Positive,0.6854,None of the above,1.0,,ASAP17,,0,,,"Trump & co drew NBA Finals type viewership for #GOPdebate, MURICA wins again.",,2015-08-07 09:34:31 -0700,629692104835403777,,Pacific Time (US & Canada) -2090,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,fart170880,,29,,,"RT @ARTEM_KLYUSHIN: .@realDonaldTrump just posted this video of him arriving to the #GOPdebate -https://t.co/kmtareY88s",,2015-08-07 09:34:30 -0700,629692099735224320,, -2091,Rand Paul,1.0,yes,1.0,Neutral,0.7097,None of the above,0.7097,,Origanalist,,15,,,"RT @theLGmarianne: ""Get a warrant."" - @RandPaul #GOPDebate #StandWithRand",,2015-08-07 09:34:29 -0700,629692094173413376,, -2092,Marco Rubio,1.0,yes,1.0,Positive,0.665,Immigration,1.0,,jojo21,,15,,,"RT @rumpfshaker: Having attended @marcorubio & @GovernorPerry's announcements, I assure you both mentioned illegal immigration as a priorit…",,2015-08-07 09:34:28 -0700,629692092047052800,"Ellicott City, Maryland",Eastern Time (US & Canada) -2093,Chris Christie,0.4247,yes,0.6517,Negative,0.3371,None of the above,0.4247,,WorldNews_24h,,0,,,Chris Christie and Rand Paul feud in tense national security face-off at #GOPDebate: http://t.co/LSEItOG0nR (Getty) …,,2015-08-07 09:34:28 -0700,629692090193182720,United States,Pacific Time (US & Canada) -2094,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,MemeMurderer,,81,,,"RT @FrankLuntz: I'm getting a lot of @MegynKelly hatemail tonight. 😆 - -#GOPDebate",,2015-08-07 09:34:27 -0700,629692086829383680,,Eastern Time (US & Canada) -2095,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,None of the above,1.0,,TapatioCosteno,,1,,,RT @yvetteborja: @klazc @TapatioCosteno #PayasoOrPresident needs to trend re: #GOPDebate 😂😭,,2015-08-07 09:34:26 -0700,629692083628961792,New Haven/Yale,Eastern Time (US & Canada) -2096,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.6522,None of the above,0.4253,,TheHatPerson,,230,,,RT @JimSterling: Phew! Tuned into the #GOPDebate just in time! http://t.co/BIVfRZKaF4,,2015-08-07 09:34:24 -0700,629692076897103872,Space,Pacific Time (US & Canada) -2097,Rand Paul,1.0,yes,1.0,Positive,0.6809,None of the above,1.0,,ChonRM,,0,,,I really think a @RandPaul @CarlyFiorina alliance is in order! This would be a political powerhouse! #FOXNEWSDEBATE #GOPDebate #2016election,,2015-08-07 09:34:24 -0700,629692076699942912,N 30°25' 0'' / W 97°44' 0'',Central Time (US & Canada) -2098,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,MsSakushi,,4,,,"RT @KennyW_NLR: @michellemalkin - -@FoxNews seemed to want cult of personality ratings over substance during the @GOP #debate - -#GOPDebate @…",,2015-08-07 09:34:24 -0700,629692076553281536,Minnesota,Central Time (US & Canada) -2099,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6413,,ThePreppy_Lib,,12,,,"RT @PongDLC: No trans rights...no education reform...no minimum wage reform...no police brutality...no healthcare reform... - -BUT WAR!! ISIS…",,2015-08-07 09:34:21 -0700,629692061671948288,"Maryland, USA", -2100,John Kasich,0.6638,yes,1.0,Positive,1.0,None of the above,1.0,,PerryCo4Kasich,,1,,,RT @CSingerling: John #Kasich’s Standout Performance in #GOPDebate | http://t.co/UC6zGUjYvM | http://t.co/pNpFOwV7Ix #Kasich4Us #Experience…,,2015-08-07 09:34:20 -0700,629692058945626112,OHIO, -2101,Ted Cruz,1.0,yes,1.0,Neutral,0.6852,None of the above,0.6852,,cletisanderson,,0,,,#GOPDebate: Did Cruz Trump Trump? https://t.co/PuIXp0vm8I,,2015-08-07 09:34:19 -0700,629692053270609920,WA, -2102,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,glennhmyers,,0,,,"How can you purport to be Christian (""Love Thy Neighbor"") yet verbally eviscerate your opponents? #GOPDebate",,2015-08-07 09:34:16 -0700,629692042550116353,Massachusetts,Quito -2103,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6778,,SharNeal,,1,,,"RT @LeighPatrick: lol! Of course you do. RT""@sallykohn: I think @megynkelly won #GOPDebate!"" #tcot",,2015-08-07 09:34:16 -0700,629692041417523200,Arizona USA,Pacific Time (US & Canada) -2104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kweenreid,,93,,,RT @JohnTheFame: Lmao the country is fucking doomed! All of the #GOPDebate candidates are evil. I hope I get to work by the barn instead of…,,2015-08-07 09:34:16 -0700,629692039899254784,NCAT, -2105,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheDonDrew,,0,,,I didn't think a single candidate distinguished themselves last night & I think Trump did what I expected...more of the same. #GOPDebate,,2015-08-07 09:34:15 -0700,629692038888472576,"Tri State Area (NY, NJ, CT)",Eastern Time (US & Canada) -2106,No candidate mentioned,1.0,yes,1.0,Negative,0.6536,None of the above,1.0,,gsqrd,,4,,,RT @dannyboi965: A shocking photo taken in the sewers in Ohio after the #GOPDebate last night. http://t.co/vZd9qTCYz1,,2015-08-07 09:34:14 -0700,629692035285454848,"Kansas City, MO",Central Time (US & Canada) -2107,Ted Cruz,1.0,yes,1.0,Neutral,0.6413,None of the above,1.0,,loladeantonia26,,533,,,RT @tedcruz: #CruzCrew: RT if you're tuning in! http://t.co/Xx2BP5QKcY #GOPDebate http://t.co/rGjjSZQdrZ,,2015-08-07 09:34:14 -0700,629692032395681792,,Eastern Time (US & Canada) -2108,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,None of the above,0.6818,,Schism_Schasm,,6,,,"RT @AnnTelnaes: God, I hope the field gets smaller soon... http://t.co/9vn7Q9aE2k #GOPDebate #2016election #TooManyToDraw http://t.co/FVEHo…",,2015-08-07 09:34:13 -0700,629692027236675584,Glasgow,Edinburgh -2109,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,0.6629,,LincolnFresno,,0,,,@GovChristie gave the only intelligent answer on entitlements last night and he only got 65% of it right. #GOPDebate,,2015-08-07 09:34:13 -0700,629692027081326592,Where your food is grown,Pacific Time (US & Canada) -2110,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,PaulsWife1995,,9,,,RT @76TomPaine: @seculardotorg “It is of the utmost danger to society to make religion a party in political disputes.” #GOPDebate,,2015-08-07 09:34:11 -0700,629692021532266496,Right Here!!,Central Time (US & Canada) -2111,No candidate mentioned,0.6667,yes,1.0,Neutral,0.6667,None of the above,1.0,,checkoutmyash,,0,,,"@GOP #GOPDebate pre·var·i·cate, prəˈverəˌkāt/, verb. speak or act in an evasive way. synonyms: be evasive, beat around the bush, hedge",,2015-08-07 09:34:11 -0700,629692021439991808,"San Francisco, CA",Pacific Time (US & Canada) -2112,No candidate mentioned,0.4196,yes,0.6477,Neutral,0.6477,,0.2282,,jojo21,,33,,,RT @TeamRickPerry: .@GovernorPerry's response to Chinese Hacking and what options he would consider: http://t.co/1wSgqnFDBp #GOPDebate #Per…,,2015-08-07 09:34:10 -0700,629692015547166720,"Ellicott City, Maryland",Eastern Time (US & Canada) -2113,No candidate mentioned,1.0,yes,1.0,Negative,0.6737,None of the above,1.0,,donuts4Ari,,5,,,RT @totallymorgan: If they cut to a wider shot you'd see @chrisbrown @BillCosby and Charles Manson. #GOPDebate,,2015-08-07 09:34:10 -0700,629692015526170625,Honeymoon ãve.,Eastern Time (US & Canada) -2114,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Kamikaze_98,,10,,,"RT @kharyp: When #HillaryClinton calls men ""Fat Pigs, Dogs, Slobs, And Disgusting Animals’ get back to me! #GOPDebate https://t.co/jL4MxQ2J…",,2015-08-07 09:34:09 -0700,629692010509631488,South Bay,Pacific Time (US & Canada) -2115,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,Jobs and Economy,0.3622,,morantimothy,,6,,,"RT @haleyrfalconer: Will we hear about #infrastructure, let alone #water infrastructure in #GOPDebate? Tell us your plan for investing in …",,2015-08-07 09:34:08 -0700,629692008567840768,"Louisville, KY",Eastern Time (US & Canada) -2116,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MaryFulton2,,4,,,RT @alainasmith_: Really impressed with Dr. Carson and Senator Rubio tonight #GOPDebate,,2015-08-07 09:34:07 -0700,629692005887508480,,Central Time (US & Canada) -2117,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6559,,justonepatriot,,7,,,"RT @Torchie123: Remember when @megynkelly gave @anjemchoudary AND #BillAyers more respect than any #GOPDebate candidate - -Sick. @FoxNews",,2015-08-07 09:34:07 -0700,629692004755058692,Louisiana, -2118,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6889,,kle_sq,,7,,,"RT @comicriffs: The #GOPdebate, as told in real-time sketches: #cleveland #politics @foxnews http://t.co/xO0Jd1Mn0C",,2015-08-07 09:34:07 -0700,629692003920445442,Marion Barryville // La La, -2119,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,TananariveDue,,4,,,"As @ShaunKing pointed out, #GOPDebate had a huge audience of POC ready to learn. What we learned was mostly just scary. At best, tone deaf.",,2015-08-07 09:34:07 -0700,629692003341611008,Los Angeles ,Eastern Time (US & Canada) -2120,No candidate mentioned,0.4605,yes,0.6786,Neutral,0.6786,None of the above,0.4605,,missionmidnight,,0,,,Which new ideas did the #GOPDebate offer last night?,,2015-08-07 09:34:07 -0700,629692002213298176,left coast of South Carolina,Eastern Time (US & Canada) -2121,Donald Trump,1.0,yes,1.0,Neutral,0.6512,None of the above,1.0,,sullivanradio,,0,,,#GOPdebate: So now what do you think of Donald J. Trump? He had the most minutes of any candidate. Did he change... http://t.co/1qpscJVIku,,2015-08-07 09:34:06 -0700,629692001806622721,"New York, NY",Eastern Time (US & Canada) -2122,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,larrieboi,,1,,,"RT @urfavrochelle: The best closing statement was ""@RealBenCarson "" #GOPDebate",,2015-08-07 09:34:06 -0700,629691998803333121,"Dallas, TX ",Central Time (US & Canada) -2123,Chris Christie,0.4408,yes,0.664,Negative,0.664,None of the above,0.4408,,Ms_L_Rk,,1,,,RT @NoChristie16: The photo that ended #ChrisChristie's presidential hopes. #GOPDebate #bat #nea #njea #edchat http://t.co/VbvvFPXspo,,2015-08-07 09:34:05 -0700,629691996894924800,, -2124,Donald Trump,0.2295,yes,0.6677,Negative,0.6677,FOX News or Moderators,0.2295,,BriceKpat,,4,,,RT @iamrapaport: The only debate anyone really cares about @iamrapaport #wedontfactcheck @michaelrapaport @GeraldMoody1560 #GOPDebate http:…,,2015-08-07 09:34:05 -0700,629691994994966528,"Anchorage, AK", -2125,No candidate mentioned,0.4062,yes,0.6374,Neutral,0.6374,,0.2311,,TheAtlanticVamp,,0,,,"I think it came as a surprise to Bobby Jindal to be on the JV squad, in the opening act. #GOPDebate",,2015-08-07 09:34:04 -0700,629691991627026432,Georgia,Eastern Time (US & Canada) -2126,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.7033,,delcastillo81,,0,,,@puddinstrip #GOPDebate live tweet feed was on fire.,,2015-08-07 09:34:04 -0700,629691990788079616,near a phone charger,Eastern Time (US & Canada) -2127,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,Abortion,1.0,,gidget2114,,17,,,"RT @LiveAction: .@GovMikeHuckabee: ""We clearly know that that baby inside the mother’s womb is a person at the moment of conception.” #GOPD…",,2015-08-07 09:34:03 -0700,629691988011384832,Texas,Eastern Time (US & Canada) -2128,No candidate mentioned,1.0,yes,1.0,Neutral,0.6364,None of the above,1.0,,jojo21,,45,,,"RT @exjon: ""If you like what I did to Atlantic City, you'll love what I do for America!"" #gopdebate",,2015-08-07 09:34:03 -0700,629691985448845312,"Ellicott City, Maryland",Eastern Time (US & Canada) -2129,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,J_B_Miller,,0,,,"So Trump got Trumped by @megynkelly and what does he do... Whines like a ""mamas boy"" and calls her a bimbo. #GOPDebate #KeepItUpMegyn",,2015-08-07 09:34:03 -0700,629691985260072960,,Eastern Time (US & Canada) -2130,No candidate mentioned,0.39399999999999996,yes,0.6277,Neutral,0.3511,,0.2337,,adventurerneil,,66,,,RT @AngryBlackLady: #BlackLivesMatter Activists Highlight Candidates’ White Supremacist Ties During Last Night’s #GOPDebate http://t.co/yqM…,,2015-08-07 09:34:02 -0700,629691984383311872,"Boulder, Colorado, USA, Earth",Mountain Time (US & Canada) -2131,No candidate mentioned,1.0,yes,1.0,Negative,0.6807,None of the above,1.0,,stackartist,,0,,,The world is changing too fast for them. #GOPDebate,,2015-08-07 09:34:01 -0700,629691980209983488,Northern California, -2132,Donald Trump,0.7066,yes,1.0,Negative,1.0,None of the above,0.6128,,CPrignano,,0,,,".@RealDonaldTrump retweets Twitter users calling @megynkelly a ""bimbo"" and ""unbecoming"" after #GOPdebate http://t.co/sQykqA97bs",,2015-08-07 09:34:00 -0700,629691974812069888,"Boston, MA",Eastern Time (US & Canada) -2133,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.3548,,morantimothy,,7,,,RT @NoDigMaine: Hey #GOPDebate #Infastructure crumbling below our communities. What will you do to protect our future? http://t.co/iZDG065d…,,2015-08-07 09:34:00 -0700,629691973776097280,"Louisville, KY",Eastern Time (US & Canada) -2134,Donald Trump,1.0,yes,1.0,Negative,0.6957,None of the above,1.0,,steviecoolest,,0,,,I wish there was more CGI in the #GOPDebate when the candidates called out Trump as not being helpful to Americans. http://t.co/ladgpa1REz,,2015-08-07 09:33:59 -0700,629691972207398912,On the web & in your hearts,Central Time (US & Canada) -2135,Chris Christie,1.0,yes,1.0,Negative,1.0,Immigration,0.6932,,Ms_L_Rk,,2,,,"RT @NoChristie16: #ChrisChristie blasts sanctuary cities, then finds he has four under his own nose in #NJ. #GOPDebate #fail #FoxNews http:…",,2015-08-07 09:33:58 -0700,629691966695944192,, -2136,No candidate mentioned,1.0,yes,1.0,Negative,0.6371,None of the above,1.0,,babycats29,,0,,,Exactly #GOPDebate http://t.co/XqjbInIZTE,,2015-08-07 09:33:56 -0700,629691957829349377,, -2137,No candidate mentioned,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,prichardmg,,0,,,"If you weren't following @pattonoswalt last night, your #GOPDebate was significantly less awesome.",,2015-08-07 09:33:55 -0700,629691953433718784,The Heartland,Eastern Time (US & Canada) -2138,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6207,,mechisian,,1,,,"RT @rakapanka: Megan: you've called women fat pigs, etc. -#GOP audience: ha ha ha. -WTF? What is wrong with these people? #GOPDebate",,2015-08-07 09:33:55 -0700,629691951613366272,,Eastern Time (US & Canada) -2139,Marco Rubio,1.0,yes,1.0,Positive,0.6782,None of the above,0.6667,,KF_BP,,0,,,New post! http://t.co/i1LPjGgehD @marcorubio shines #GOPDebate #trump #bush #carson #fiorina #FoxNews,,2015-08-07 09:33:54 -0700,629691951152001025,"London, United Kingdom", -2140,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,my_new_garden,,0,,,I'm thoroughly disgusted by the abysmal performance demonstrated last night by #FoxNews. They owe each candidate an apology. #GOPDebate,,2015-08-07 09:33:52 -0700,629691942436114434,, -2141,Mike Huckabee,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.3547,,luchadora41,,1,,,Huckabee: 'The Military Is Not A Social Experiment' http://t.co/vV2lxN2U6k Agreed! #GOPDebate,,2015-08-07 09:33:51 -0700,629691935146414081,"San Diego, California",Pacific Time (US & Canada) -2142,John Kasich,0.6135,yes,1.0,Positive,0.6135,None of the above,1.0,,PerryCo4Kasich,,2,,,RT @JohnConti78: Article calling @JohnKasich's performance at #GOPDebate 'Fantastic' http://t.co/0qhbseqeZ8 #Kasich4Us #Kasich2016,,2015-08-07 09:33:49 -0700,629691930339885056,OHIO, -2143,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,FOX News or Moderators,0.4265,,IMAMIMAOF4,,3,,,"RT @senatorshoshana: If @megynkelly is a bimbo, as @realDonaldTrump says, shouldn't he have had a super easy time answering her questions? …",,2015-08-07 09:33:48 -0700,629691923306008576,TEXAS,Central Time (US & Canada) -2144,Marco Rubio,0.3997,yes,0.6322,Negative,0.6322,None of the above,0.3997,,itchiefeetadven,,0,,,"#Cuban rpt he liked #Rubio #GOPDebate. Easy 4him 2say, try livin w/him down here in #Florida & C how much u like him #politicalnightmare :(",,2015-08-07 09:33:48 -0700,629691922454585344,Central Florida,Eastern Time (US & Canada) -2145,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JustMe_Jessie,,252,,,"RT @DamienFahey: “Senator Cruz, your ears look like large oysters. Please explain.” #GOPDebate",,2015-08-07 09:33:47 -0700,629691922039341056,New York,Eastern Time (US & Canada) -2146,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ladydiskette,,5,,,"RT @jefftiedrich: The Republican Party wakes up with a huge hangover, a splitting headache and no idea why it's in bed with Donald Trump. #…",,2015-08-07 09:33:47 -0700,629691921514893312,Iowa,Central Time (US & Canada) -2147,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,impcore,,0,,,"Wandered away from the #GOPDebate coverage last night, shouting I AM ALL OUT OF EVENS TO CAN'T",,2015-08-07 09:33:47 -0700,629691918025363456,"Washington, DC",Eastern Time (US & Canada) -2148,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,passengersva,,0,,,Who do you think won the #GOPDebate last night?,,2015-08-07 09:33:45 -0700,629691912971255809,, -2149,No candidate mentioned,1.0,yes,1.0,Positive,0.6495,None of the above,0.6495,,thelphi,,0,,,Holy crap! > http://t.co/q81ysLXE47 ~ this lady is as sharp as it gets > @CarlyFiorina ~ watch out boys! #GOPDebate,,2015-08-07 09:33:45 -0700,629691911796838400,, -2150,Chris Christie,0.6813,yes,1.0,Negative,0.6813,None of the above,1.0,,Ms_L_Rk,,1,,,RT @NoChristie16: #NJ has had 9 credit downgrades in just 5 years under #ChrisChristie. #GOPDebate #FoxNews #TellingItLikeItIs,,2015-08-07 09:33:45 -0700,629691911222132737,, -2151,Rand Paul,0.6404,yes,1.0,Negative,0.3596,None of the above,1.0,,FedUp24seven,,1,,,@FreeAmerican100 @LibertarianWing @RandPaul @RonPaul #GOPDebate #StandWithRand Rand gets 1/2 Trump speaking time http://t.co/UTbTdCpkwD,,2015-08-07 09:33:44 -0700,629691906302185472,,Central Time (US & Canada) -2152,No candidate mentioned,1.0,yes,1.0,Neutral,0.6898,FOX News or Moderators,1.0,,TheChrisLapakko,,0,,,"The #GOPDebate Breakdown https://t.co/KWxYDkx9gp Fox News is part of the war on info, It's our duty to steal their intellectual property.",,2015-08-07 09:33:44 -0700,629691905773711360,The Great Blue State of MN,Central Time (US & Canada) -2153,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6907,,JackSpadeSuh,,0,,,all i learned from #GOPDebate is that @realDonaldTrump is a sexist pig w/ MO shock value for the ignorant-wow that debate was drunkenky dumb,,2015-08-07 09:33:40 -0700,629691891605356544,"Denver, CO", -2154,No candidate mentioned,0.4186,yes,0.647,Negative,0.647,Racial issues,0.4186,,oatesandsuch,,49,,,"RT @nochillzabree: So abortion is murder to y'all, but when cops keep abusing the system and murdering black people y'all wanna be quiet? #…",,2015-08-07 09:33:37 -0700,629691879513321472,|-/,Atlantic Time (Canada) -2155,No candidate mentioned,1.0,yes,1.0,Neutral,0.3438,None of the above,0.3438,,ellikanne,,81,,,RT @OhNoSheTwitnt: Every time a GOP candidate mentions Hillary a woman receives free birth control. #GOPDebate,,2015-08-07 09:33:36 -0700,629691875616624640,"Cottage Grove, OR",Pacific Time (US & Canada) -2156,No candidate mentioned,1.0,yes,1.0,Positive,0.6897,None of the above,1.0,,BlameBigGovt,,3,,,"The best answers from yesterday, in substance and style, came from @CarlyFiorina, bar none. #GOPDebate #Outnumbered",,2015-08-07 09:33:36 -0700,629691874970890241,"Behind Enemy Lines, MA",Lima -2157,No candidate mentioned,0.4736,yes,0.6882,Negative,0.3656,None of the above,0.4736,,un_boeing,,0,,,"How's this for an accurate description of our system? https://t.co/E68Hblfc2G. The #GOPDebate illustrated this in a wonderful, scary fashion",,2015-08-07 09:33:36 -0700,629691873846689792,, -2158,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,LeighPatrick,,1,,,"lol! Of course you do. RT""@sallykohn: I think @megynkelly won #GOPDebate!"" #tcot",,2015-08-07 09:33:35 -0700,629691871279722496,Canada,Mountain Time (US & Canada) -2159,Mike Huckabee,0.4395,yes,0.6629,Positive,0.3371,Immigration,0.4395,,Corcovado,,84,,,RT @GovMikeHuckabee: I pledge to oppose amnesty & government benefits for illegal immigrants who violated our laws. http://t.co/ejrxeXZtjT …,,2015-08-07 09:33:35 -0700,629691868645879808,,Eastern Time (US & Canada) -2160,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BamaStephen,,1,,,RT @MN2A4ASupporter: With first debate over.... hands down @TedCruz is my pick for President! #GOPDebate http://t.co/g0jq1Y53bo,,2015-08-07 09:33:34 -0700,629691866775064576,Alabama ,Central Time (US & Canada) -2161,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rachelerose7,,0,,,"Pouty face Donald bullies around at the GOP debate. I'm rich & loud & do what I want, if I can get away with it! #GOPDebate",,2015-08-07 09:33:34 -0700,629691865600634881,Tulsa OK area,Central Time (US & Canada) -2162,No candidate mentioned,1.0,yes,1.0,Positive,0.639,FOX News or Moderators,0.6796,,Shug48,,3,,,RT @Hardline_Stance: FOX #GOPDebate drew 10 million viewers. No Democrat primary debate has ever attracted anything like this...-- Rush,,2015-08-07 09:33:34 -0700,629691864174608384,, -2163,No candidate mentioned,1.0,yes,1.0,Neutral,0.6841,None of the above,1.0,,AndreaLearned,,0,,,"MT @ABCPolitics: According to @gov, the most-retweeted candidate tweet of the #GOPDebate came from @BernieSanders : https://t.co/7Is9RxaW5e",,2015-08-07 09:33:34 -0700,629691863478456320,Seattle,Pacific Time (US & Canada) -2164,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,punkasscracker,,0,,,Not addressed once at either #GOPDebate #believersneverdie http://t.co/4eH6f2reUr,,2015-08-07 09:33:32 -0700,629691858562777088,The Pantry,Eastern Time (US & Canada) -2165,Donald Trump,1.0,yes,1.0,Neutral,0.6742,None of the above,1.0,,fart170880,,44,,,"RT @ARTEM_KLYUSHIN: Trump family prior to getting off plane in Cleveland, Ohio. #GOPDebate -#MakeAmericaGreatAgain -#Trump2016🇺🇸 http://t.…",,2015-08-07 09:33:32 -0700,629691858285932544,, -2166,No candidate mentioned,0.4827,yes,0.6947,Negative,0.6947,FOX News or Moderators,0.4827,,cooleyhorseman,,1,,,"RT @nannacassie: Oh Lord,#MegynKelly is going to have #debbiewassermanschultz on after #GOPDebate show.#babykiller supporter&we should care…",,2015-08-07 09:33:32 -0700,629691858088816640,"Leesburg, VA",Eastern Time (US & Canada) -2167,No candidate mentioned,0.7083,yes,1.0,Negative,1.0,None of the above,1.0,,Lomawny,,0,,,"@texasdivepro I see you missed the point, I know how comprehension is a problem for you types! https://t.co/BYv2IiFmPr @FoxNews #GOPDebate",,2015-08-07 09:33:31 -0700,629691854225821696,"92,960,000 miles from the sun ",Eastern Time (US & Canada) -2168,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,JamesComtois,,0,,,Dorp. #GOPDebate https://t.co/cy9C8nvS5y,,2015-08-07 09:33:31 -0700,629691853269532672,"Brooklyn, NY",Quito -2169,No candidate mentioned,0.4829,yes,0.6949,Negative,0.6949,None of the above,0.4829,,Pony_Prof,,0,,,The best person in the GOP wasn't even in the 9pm #GOPDebate. Is GOP stupid enough to leave Carly Fiorina out of next prime time debate?,,2015-08-07 09:33:31 -0700,629691851893796865,, -2170,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PerkinsPC26,,0,,,@megynkelly is very biased or she was paid off to assassinate @realDonaldTrump during the #GOPDebate #KellyFailed,,2015-08-07 09:33:31 -0700,629691851289821184,"Meridian, MS", -2171,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,LGBT issues,0.4492,,erikaislittle,,67,,,RT @bustle: Ignoring the #GOPDebate comments on gay marriage like http://t.co/vvkUQdjXqL,,2015-08-07 09:33:30 -0700,629691848139874305,Montreal/Toronto,Eastern Time (US & Canada) -2172,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AURobNY,,0,,,@RealBenCarson @DrBenCarson2016 #GOPDebate I loved this quote and how true it is!!! http://t.co/9SBG2rXkVO,,2015-08-07 09:33:29 -0700,629691845468135424,Upstate NY, -2173,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6742,,jjosephwilliams,,1,,,16% of United States homes with TV sets tuned in to #GOPDebate. Wow. http://t.co/TRs8vMWJYg,,2015-08-07 09:33:28 -0700,629691841496137728,"Nashville, TN",Central Time (US & Canada) -2174,Donald Trump,0.4218,yes,0.6495,Positive,0.6495,None of the above,0.4218,,jvsgooch,,0,,,"@Suthen_boy Trump exposed the fact that every other candidate is nothing more than the puppet of their wealthy benefactors! -#GOPDebate",,2015-08-07 09:33:27 -0700,629691834604855296,, -2175,No candidate mentioned,0.434,yes,0.6588,Neutral,0.3294,None of the above,0.434,,Head_tweeter,,0,,,Twitter Users Takeover #GOPDebate Hashtag to Drag GOP Candidates - Atlanta Black Star http://t.co/pGYFKX94Ib,,2015-08-07 09:33:26 -0700,629691833753284608,,Pacific Time (US & Canada) -2176,Donald Trump,1.0,yes,1.0,Negative,0.6546,FOX News or Moderators,0.6569,,Fritz1204,,0,,,"@Doc_68W_ Fox tried hard to torpedo Trump, from the opening question to ques abt his remarks abt women. #GOPDebate See also Rove's WSJ piece",,2015-08-07 09:33:26 -0700,629691830259421185,"Irvine, CA",Pacific Time (US & Canada) -2177,No candidate mentioned,1.0,yes,1.0,Positive,0.6333,None of the above,0.6889,,mpklasi,,1,,,Okay @CarlyFiorina I'm listening now. You were amazing last night! #girlpower #GOPDebate,,2015-08-07 09:33:25 -0700,629691829206646788,, -2178,Donald Trump,0.4493,yes,0.6703,Negative,0.3626,FOX News or Moderators,0.4493,,HoldenMirror,,1,,,"The real voice of the #GOP in the #GOPDebate was @realDonaldTrump. @FoxNews don't be mad, he's only parroting what you have been sying 4yrs.",,2015-08-07 09:33:25 -0700,629691828531392512,, -2179,Mike Huckabee,1.0,yes,1.0,Positive,0.6591,None of the above,1.0,,GovMikeHuckabee,,15,,,".@FredBarnes, @weeklystandard: ""Mike Huckabee was the star of the Luntz focus group show. When he spoke, the feedback soared."" #GOPDebate",,2015-08-07 09:33:25 -0700,629691826782339073,"Little Rock, Arkansas",Central Time (US & Canada) -2180,John Kasich,1.0,yes,1.0,Neutral,0.6489,LGBT issues,1.0,,WillCarrFNC,,0,,,Kasich tweets about response to question on gay marriage during #GOPDebate on #FoxNews https://t.co/rhhOgIIbCL,,2015-08-07 09:33:24 -0700,629691823020093440,Los Angeles,Pacific Time (US & Canada) -2181,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,FOX News or Moderators,0.6774,,delcastillo81,,223,,,RT @puddinstrip: I hope when they come back they've replaced Megyn Kelly with Will Ferrell dressed as Alex Trebek #GOPDebate,,2015-08-07 09:33:22 -0700,629691816695083008,near a phone charger,Eastern Time (US & Canada) -2182,Jeb Bush,0.5041,yes,0.71,Negative,0.2559,None of the above,0.5041,,TheAtlanticVamp,,0,,,"Lemme see...who else?Bush, Rubio? Too similar. #GOPDebate",,2015-08-07 09:33:22 -0700,629691815491465216,Georgia,Eastern Time (US & Canada) -2183,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,sharynbovat,,0,,,Just did TV interview about VA #GOPdebate focus group I'm not worried about my comments BUT nervous about my HAIR http://t.co/GAtsSNZ5AO,,2015-08-07 09:33:22 -0700,629691815378198528,Washington DC,Central Time (US & Canada) -2184,Mike Huckabee,1.0,yes,1.0,Negative,0.6908,Healthcare (including Medicare),1.0,,Corcovado,,101,,,"RT @GovMikeHuckabee: Millions of Americans lost insurance because of #ObamaCare, but not Congress. You can't claw away those benefits! #ImW…",,2015-08-07 09:33:21 -0700,629691811490058240,,Eastern Time (US & Canada) -2185,Mike Huckabee,1.0,yes,1.0,Negative,0.6897,Abortion,1.0,,TweetaNLA,,4,,,"RT @Serf_: ""The military is about killing people..."" - -Huckabee is pro-life - -#GOPDebate http://t.co/NvipxIgND4",,2015-08-07 09:33:21 -0700,629691811083087873,"UnhollyWood, California",Pacific Time (US & Canada) -2186,Ted Cruz,0.4395,yes,0.6629,Positive,0.6629,None of the above,0.4395,,bonniebo40,,69,,,"RT @4gen234: Cruz has had very little mic time, but he's made good use of his time. #GOPDebate #CruzCrew",,2015-08-07 09:33:21 -0700,629691811041165312,NW Wyoming & NW Montana,Mountain Time (US & Canada) -2187,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.7124,,HarvardLawKid,,52,,,RT @coketweet: Here's the part where they all try to prove that they're each the biggest misogynist. #GOPDebate,,2015-08-07 09:33:20 -0700,629691807274790912,Harvard Law School, -2188,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MarkBednar,,5,,,RT @lynnsweet: Gov @scottwalker Checking out #Harley's outside #Slyman's in Cleveland #gopdebate http://t.co/iSlpTw9Sor,,2015-08-07 09:33:20 -0700,629691805861199872,DC,Eastern Time (US & Canada) -2189,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,anali_rosas,,0,,,Re-watching highlights from last night's #GOPDebate 😩really makes me cringe. All I can say is LOL 😐,,2015-08-07 09:33:20 -0700,629691804942622720,,Eastern Time (US & Canada) -2190,No candidate mentioned,1.0,yes,1.0,Negative,0.6961,FOX News or Moderators,1.0,,Lady_Penquin,,0,,,.@allahpundit Best part of Rush's opening--his reporting the backlash against @FoxNews. They've forgotten their audience #GOPDebate,,2015-08-07 09:33:19 -0700,629691802849800192,Virginia,Quito -2191,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.3656,FOX News or Moderators,0.2398,,earthbuzz1,,112,,,RT @TheRunster: Confirmed: @FoxNews did not ask ONE SINGLE QUESTION about #climatechange. #GOPDebate,,2015-08-07 09:33:19 -0700,629691802489126912,,Atlantic Time (Canada) -2192,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,mayamadolyn,,0,,,I AM DEAD -- #GOPDebate Trump at the Roxbury https://t.co/q1y4SYaB9B,,2015-08-07 09:33:18 -0700,629691800299696128,"Windsor, Ontario",Eastern Time (US & Canada) -2193,Donald Trump,1.0,yes,1.0,Positive,0.6659,None of the above,1.0,,Sportsnut2013,,11,,,RT @lindacohn: Trump showed he didn't belong but did GOP a favor. Better ratings & he brought out personalities and ideas of other candidat…,,2015-08-07 09:33:18 -0700,629691798164672513,"From Saint Paul, Minnesota", -2194,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Lulu8Lioness,,9,,,"RT @mrdaveyd: So donald Trump says everyone is stupid and Ben Carson says everyone is an uninformed, useful idiot...we are all NOT worthy #…",,2015-08-07 09:33:18 -0700,629691796604514304,Deutschland via Kenya,Greenland -2195,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,seansimpson01,,0,,,I think all the GOP candidates have a secret crush on Hillary because they were trashing talking her so much. #GOPDebate,,2015-08-07 09:33:17 -0700,629691795987955712,...,Eastern Time (US & Canada) -2196,No candidate mentioned,0.4679,yes,0.684,Neutral,0.684,None of the above,0.4679,,Bipartisanism,,38,,,"Hillary Clinton was watching the #GOPDebate like: - http://t.co/VOkOlq52xP",,2015-08-07 09:33:15 -0700,629691785430732801,"Seattle, USA",Pacific Time (US & Canada) -2197,Chris Christie,0.6404,yes,1.0,Negative,0.6517,None of the above,0.6404,,Jdavismoranti,,0,,,I forgot #ChrisChristie was running until I saw the #GOPDebate .... #Forgotten,,2015-08-07 09:33:13 -0700,629691777944014848,Pennsylvania, -2198,No candidate mentioned,1.0,yes,1.0,Neutral,0.6957,Healthcare (including Medicare),0.6957,,tracysden,,184,,,"RT @JillBidenVeep: Saying ""Bless You"" after someone sneezes is considered GOP healthcare. #GOPDebate",,2015-08-07 09:33:12 -0700,629691772571152384,, -2199,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6369,,CynicalEdge,,0,,,This is my favorite quote of the #GOPDebate This is the only point @realDonaldTrump needed to make. https://t.co/KwHdfmUvA5,,2015-08-07 09:33:12 -0700,629691772332064768,"Atlanta, Georgia",America/New_York -2200,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,None of the above,1.0,,GregJeffery888,,0,,,"RT benwikler: So, was SenSchumer throwing his hat in the #GOPDebate ring by coming out on the GOP side of the #Ira… http://t.co/tVR6vKe7I6",,2015-08-07 09:33:12 -0700,629691772273328128,, -2201,Ben Carson,1.0,yes,1.0,Negative,0.6596,Racial issues,1.0,,HarvardLawKid,,11,,,RT @coketweet: I wish someone would ask Ben Carson if he thinks black lives matter. (I guarantee he would answer that all lives matter.) #G…,,2015-08-07 09:33:12 -0700,629691772227166208,Harvard Law School, -2202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ThatConservativ,,20,,,RT @Kerryepp: This shows they did it wrong. You need to fix that FoxNews! @megynkelly @BretBaier #GOPDebate https://t.co/S99LR4vbAG,,2015-08-07 09:33:11 -0700,629691769051987968,"Florida, USA", -2203,Marco Rubio,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,NanaOxford,,12,,,"RT @Norsu2: Marco Rubio to Jihadis: 'We Will Look for You, We Will Find You, We Will Kill You' http://t.co/Dsgpmdnkhv #tcot #ISIS #GOPDebate",,2015-08-07 09:33:10 -0700,629691766036369410,"Arkansas, USA", -2204,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,TheRealRan,,1,,,"RT @emilyelarsen: ""Wow that person's twitter commentary completely changed my view and outlook of the #GOPDebate and who I'm supporting"" - …",,2015-08-07 09:33:10 -0700,629691763213639681,,Quito -2205,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,HarvardLawKid,,49,,,"RT @coketweet: Wow. Ignorant warmongering and blatant transphobia in the same sentence? Impressive, Mr. Huckabee. #GOPDebate",,2015-08-07 09:33:09 -0700,629691759883370496,Harvard Law School, -2206,,0.2287,yes,0.6458,Negative,0.3438,,0.2287,,ullikemike,,0,,,"This makes me feel better about #Trump -#GOPDebate RT https://t.co/NGdAxtuDrT",,2015-08-07 09:33:09 -0700,629691759698812928,"Pewee Valley, KY",Eastern Time (US & Canada) -2207,Donald Trump,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,ChristianLongs2,,4,,,RT @DUhockeyFan: Please raise your hand if Bill Clinton asked you to run for President! #GOPDebate #Trump http://t.co/eoVl8KL0FR,,2015-08-07 09:33:08 -0700,629691754866847744, Arizona , -2208,John Kasich,0.467,yes,0.6834,Negative,0.3518,None of the above,0.2404,,Dagny_Galt,,2,,,"Shorter @JohnKasich: ""I am proud to embrace the Obama agenda & expand government in Ohio."" #RINO #GOPDebate #tcot #teaparty @gop",,2015-08-07 09:33:06 -0700,629691750039334912,Off the grid,Eastern Time (US & Canada) -2209,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,CentralNCentral,,0,,,"After last night's #GOPDebate, all presidential debates should just be rich corporate CEO's, as they run the government anyway #transparency",,2015-08-07 09:33:06 -0700,629691749942702080,,Indiana (East) -2210,Donald Trump,1.0,yes,1.0,Positive,0.6669,None of the above,1.0,,joehudsonsmall,,0,,,Omg when Trump raises his hand and the audience goes crazy. #GOPdebate,,2015-08-07 09:33:06 -0700,629691747132669952,"Worcester/Manchester, UK",London -2211,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,chinable,,0,,,"PFTCommenter does the deep dive, survives with nothing but flesh wounds to his grammar #GOPDebate - http://t.co/AadDpv9eRb via @sbnation",,2015-08-07 09:33:05 -0700,629691743047278592,"Madison, WI",Eastern Time (US & Canada) -2212,Marco Rubio,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,TheBaxterBean,,19,,,Marco Rubio Voted Against Unemployment Benefits Even Though Florida Needs Them Most http://t.co/2i6UolSctj #GOPDebate http://t.co/65hFgIsSgy,,2015-08-07 09:33:04 -0700,629691739578703872,lux et veritas,Eastern Time (US & Canada) -2213,No candidate mentioned,0.4143,yes,0.6437,Negative,0.6437,,0.2294,,comeonnoles,,3,,,RT @AverageChirps: 7 Disturbing Megyn Kelly Moments On Race https://t.co/Mmh7abJQK5 #topprog #GOPDebate,,2015-08-07 09:33:03 -0700,629691734922924033,The Future, -2214,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,delcastillo81,,803,,,RT @puddinstrip: heres a photo of a puppy eating a shoe to take your mind off Mike Huckabee talking about a womans vagina #GOPDebate http:/…,,2015-08-07 09:33:03 -0700,629691733836574720,near a phone charger,Eastern Time (US & Canada) -2215,Mike Huckabee,0.3735,yes,0.6111,Positive,0.6111,Jobs and Economy,0.3735,,Corcovado,,127,,,"RT @GovMikeHuckabee: The #IRS is intrusive, invasive, unaccountable, & out-of-control. It must be abolished, once-and-for-all. #GOPdebate h…",,2015-08-07 09:33:02 -0700,629691729680179201,,Eastern Time (US & Canada) -2216,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,0.6566,,garfield_paula,,6,,,RT @bruce_bishop: CNN reporter Dana Bash has a camera balanced on her head while interviewing John Kasich @danabashcnn #gopdebate http://t.…,,2015-08-07 09:33:00 -0700,629691723799728128,Columbus Ohio, -2217,No candidate mentioned,0.3974,yes,0.6304,Negative,0.337,FOX News or Moderators,0.3974,,I_Am_Here_Still,,0,,,"RT @pulmyears: Official photo from the big #FoxNews #GOPDebate last night: http://t.co/uaiB1M8ekC -#teaparty @socalimilitia1 @donkeyarguing",,2015-08-07 09:33:00 -0700,629691723426480128,, -2218,No candidate mentioned,0.3997,yes,0.6322,Negative,0.3218,None of the above,0.3997,,sfpathe,,1,,,I took the temperature of DC's bars for all you who watched the #GOPDebate in the comfort of your own home last night http://t.co/09MGoeKayA,,2015-08-07 09:32:59 -0700,629691719492042752,,Atlantic Time (Canada) -2219,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jrbt3,,21,,,"RT @2AFight: Trump changed party 6 times! Loves ego, not America - -#GOPDebate #tcot #PJNET #ycot #RedNationRising #ccot #teaparty http://t.c…",,2015-08-07 09:32:59 -0700,629691717952782336,Texas,America/Chicago -2220,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ashley_LK510,,0,,,#GOPDebate last night was a joke. Still can't wrap my head around that circus.,,2015-08-07 09:32:58 -0700,629691714517737472,"Washington, DC",Pacific Time (US & Canada) -2221,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,Immigration,0.449,,EusebiaAq,,0,,,@NBCUniverso Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:32:58 -0700,629691714102411264,America,Eastern Time (US & Canada) -2222,Donald Trump,0.4493,yes,0.6703,Neutral,0.3516,FOX News or Moderators,0.4493,,DavidDCarpenter,,2,,,"RT @Hardline_Stance: Megyn Kelly got the most air time. 31% of it was for Fox #GOPdebate moderators. Trump was 2nd closest, contrary to wha…",,2015-08-07 09:32:58 -0700,629691713477410816,Indy,Indiana (East) -2223,John Kasich,0.4642,yes,0.6813,Positive,0.3516,None of the above,0.4642,,BlakeKolesa,,55,,,RT @Montel_Williams: Gaining the most in tonight's #GOPDebate - John Kasich. enough amateur hour. #Kasich4Us @JohnKasich,,2015-08-07 09:32:57 -0700,629691709664923648,"Staunton, IL", -2224,Ben Carson,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6682,,BamaStephen,,1,,,RT @JennHohman: After #GOPDebate He's on top! Go @RealBenCarson Go!! #FoxNews and @megynkelly keep Ben on the air! http://t.co/DgGlgoNasd,,2015-08-07 09:32:56 -0700,629691707433422848,Alabama ,Central Time (US & Canada) -2225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6753,,MarleyBMitchell,,634,,,"RT @DWStweets: What we didn't hear tonight — ideas that support the middle class, women, students, or LGBT Americans. #OMGOP #GOPDebate",,2015-08-07 09:32:56 -0700,629691706435346432,,Eastern Time (US & Canada) -2226,Ben Carson,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LinFlies,,45,,,"RT @WayneDupreeShow: #GOPDebate - -#MegynKelly promised they would be calling on @RealBenCarson -a lot more ...guess she embellished that one…",,2015-08-07 09:32:55 -0700,629691699946622976,"San Diego, CA USA",Pacific Time (US & Canada) -2227,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,TwistInThePlot,,0,,,"@BernieSanders gained over 10,000 followers in 2 hours simply for live tweeting the #GOPDebate. Hmm...he must have something to say. #Bernie",,2015-08-07 09:32:55 -0700,629691699841777664,Virginia, -2228,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,Badpie24,,4,,,So this sums up the entire #GOPDebate I suppose. http://t.co/FbaSoZc54U #clowncardumpsterfire,,2015-08-07 09:32:54 -0700,629691699778883584,"Seattle, WA",Eastern Time (US & Canada) -2229,Ted Cruz,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,georgina65,,199,,,"RT @megynkelly: .@krauthammer: #GOPDebate winners are @tedcruz, @marcorubio, @GovMikeHuckabee & @ChrisChristie. #KellyFile",,2015-08-07 09:32:54 -0700,629691699040645120,"Washington, USA", -2230,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7033,,AngelaTN777,,2,,,RT @tjocaldwell: The big problem this country has is political correctness #trump #GOPDebate Disrespected #MeganKelly,,2015-08-07 09:32:52 -0700,629691689477672960,"Nashville, TN",Central Time (US & Canada) -2231,No candidate mentioned,1.0,yes,1.0,Positive,0.6571,FOX News or Moderators,1.0,,BrandonEMC2,,0,,,@BretBaier Not sure why people are giving you and the panel so much heat - I thought you guys were brutally fair and professional #GOPDebate,,2015-08-07 09:32:52 -0700,629691688932515842,,Eastern Time (US & Canada) -2232,Mike Huckabee,1.0,yes,1.0,Positive,0.6591,Healthcare (including Medicare),0.6591,,Corcovado,,95,,,RT @GovMikeHuckabee: Washington has done enough lying and stealing – I will protect Social Security & Medicare. http://t.co/9da0D98KdW #GOP…,,2015-08-07 09:32:51 -0700,629691683270193152,,Eastern Time (US & Canada) -2233,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,annafacci,,0,,,"How did any of the Republicans ""win"" last night's #GOPdebate?! Not a single one of them offered a value or criterion for the round! #LDjokes",,2015-08-07 09:32:50 -0700,629691681646841857,Oklahoma,Central Time (US & Canada) -2234,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,brackster39,,40,,,"RT @Smith83K: Oh No You Didn't! - -Jeb! just blamed Obama for what his brother did in Iraq. - -#GOPDebate #LibCrib #UniteBIue",,2015-08-07 09:32:50 -0700,629691681248538624,, -2235,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alyshakaye7,,0,,,"Watched the #GOPDebate last night, which is very unlike me. Feels like a complete joke with Trump on stage. Seriously?!",,2015-08-07 09:32:49 -0700,629691677339332609,"Austin, TX",Central Time (US & Canada) -2236,No candidate mentioned,1.0,yes,1.0,Negative,0.6482,Foreign Policy,0.36200000000000004,,DGraham882,,0,,,".@mtaibbi Drink rule changes for the next #GOPDebate. Drink every time you hear the following: #15 - ""amnesty"" and #16 - ""radical Islam.""",,2015-08-07 09:32:49 -0700,629691676001353728,,Pacific Time (US & Canada) -2237,No candidate mentioned,0.4533,yes,0.6732,Neutral,0.3493,None of the above,0.4533,,siewlee1802,,1,,,RT @JoyCaresCLE: Very cute! Can we vote a dog on the dollar bill or for president? #GOPDebate #InDogWeTrust https://t.co/YLAyUl8kaM,,2015-08-07 09:32:47 -0700,629691670033006592,, -2238,Donald Trump,0.4209,yes,0.6488,Negative,0.3401,,0.2279,,LungJustin,,0,,,"And...#DonaldTrump remains at the top of the polls! Boo what is wrong with people! #Kasich2016 did well. #GOPDebate ""fat pig"", women..NO",,2015-08-07 09:32:47 -0700,629691669479342080,"Clarksburg, WV",Hawaii -2239,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ladylinda156,,428,,,RT @tedcruz: I believe the American people are looking for someone to speak the truth https://t.co/GN0PVY4wLR #GOPDebate #CruzCrew,,2015-08-07 09:32:45 -0700,629691658439790592,, -2240,No candidate mentioned,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,0.6471,,spunkyhunt,,0,,,"Facebook (owner of Instagram) partnered w/ Fox to host the #GOPDebate, and then silenced critics of the candidates. https://t.co/7KFsCrqjfH",,2015-08-07 09:32:44 -0700,629691657567477760,,Eastern Time (US & Canada) -2241,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,stipton82,,0,,,@pattonoswalt live tweeting the #GOPDebate helps it go down a little easier. so much insanity.,,2015-08-07 09:32:44 -0700,629691655776382977,"Valparaiso, IN",Eastern Time (US & Canada) -2242,No candidate mentioned,0.4311,yes,0.6566,Neutral,0.6566,None of the above,0.4311,,newtgingrich,,7,,,Join me at 1pET on @facebook for a live video q&a on the #GOPDebate. Lots to discuss. http://t.co/8FaMUrc7nn http://t.co/ZivihyXCEB,,2015-08-07 09:32:44 -0700,629691655600381952,,Eastern Time (US & Canada) -2243,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,FOX News or Moderators,0.4074,,immunpulse,,4,,,"RT @tinaissa: I think Megyn Kellly won this debate. 😂😂😂 -#GOPDebate",,2015-08-07 09:32:43 -0700,629691650051317761,"Virginia, USA",Pacific Time (US & Canada) -2244,No candidate mentioned,0.4302,yes,0.6559,Negative,0.6559,FOX News or Moderators,0.4302,,oisesu53,,12,,,RT @garnerpartyof9: #GOPDebate #megankelly Grow some! You dish it out but can't take it. @megynkelly,,2015-08-07 09:32:42 -0700,629691646339215360,, -2245,Donald Trump,0.4493,yes,0.6703,Negative,0.3407,None of the above,0.2284,,codemonkey1972,,0,,,"Trump did fine in the #GOPDebate. Not spectacular, but good enough. It's in the post-debate he's killing himself.",,2015-08-07 09:32:42 -0700,629691645743788036,, -2246,Marco Rubio,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,arrowsmithwoman,,57,,,"RT @k_mcq: “This is the most generous country in the world when it comes to immigration,” says Rubio. Yes, that’s the problem. #GOPDebate",,2015-08-07 09:32:42 -0700,629691645538144257,Florida,Eastern Time (US & Canada) -2247,Ben Carson,1.0,yes,1.0,Neutral,0.3626,None of the above,1.0,,TheAtlanticVamp,,0,,,"Ben Carson was right to be angry, but next to Rand Paul and Donald Trump, he was downright passive. #GOPDebate",,2015-08-07 09:32:41 -0700,629691641872449536,Georgia,Eastern Time (US & Canada) -2248,Donald Trump,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,JohnKittridge,,0,,,"If the only outcome of the #GOPDebate is that The Trump is a domineering boor, replace one of the old guys in suits with a monkey next time.",,2015-08-07 09:32:40 -0700,629691640177754112,,Eastern Time (US & Canada) -2249,No candidate mentioned,1.0,yes,1.0,Positive,0.3507,None of the above,1.0,,FakeAndrewEvans,,0,,,"@ShawnSuth Don't be misled. It was like a 5/10 tweet party. The #GOPDebate, on the other hand, would have been incredible.",,2015-08-07 09:32:40 -0700,629691639326490624,"Toronto, ON",Central Time (US & Canada) -2250,Donald Trump,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,0.6552,,DrThinkBot,,0,,,"Breaking news: Is @realDonaldTrump buying #FoxNews? Sources say that would be hilarious -#trump -#GOPDebate",,2015-08-07 09:32:39 -0700,629691635597725696,, -2251,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3407,,DirtySanchez,,10,,,RT @millerkevinc: Hard to hear all the candidates at the #GOPDebate talk about sending more troops to war with no mention of how to care fo…,,2015-08-07 09:32:39 -0700,629691634599378944,San Francisco,Pacific Time (US & Canada) -2252,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,MartinoNqn,,14,,,RT @MaryNicholsCA: Wildfire & drought don't stop at the partisan divide. @JerryBrownGov challenges #GOPDebate to #AskOnClimate. http://t.co…,,2015-08-07 09:32:39 -0700,629691634498842625,"Merced, CA",Buenos Aires -2253,Mike Huckabee,1.0,yes,1.0,Positive,0.6667,Healthcare (including Medicare),0.6667,,Corcovado,,93,,,"RT @GovMikeHuckabee: I'll protect SS & Medicare. I'll kill anything posing a threat to the promises we've made our seniors. #GOPDebate -http…",,2015-08-07 09:32:39 -0700,629691633517371392,,Eastern Time (US & Canada) -2254,Rand Paul,1.0,yes,1.0,Negative,0.6793,Gun Control,1.0,,jashsf,,27,,,RT @shannonrwatts: #NRA built massive database of gun owners while opposing national gun registry http://t.co/S9HSbTZRSc #GOPdebate #gunsen…,,2015-08-07 09:32:38 -0700,629691629402611712,San Francisco,Pacific Time (US & Canada) -2255,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,chasecraig1,,0,,,Putting together a correspondent video for @TheDailyShow with @Trevornoah about the #GOPDebate Any Ideas?,,2015-08-07 09:32:37 -0700,629691625279766528,"Los Angeles, CA",Eastern Time (US & Canada) -2256,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JaysWorldLive,,1,,,"RT @LgnCtn: #MikeHuckabee should drop a mixtape called ""Kill People; Break Things"" and feature @WakaFlocka on the title track #GOPDebate",,2015-08-07 09:32:36 -0700,629691624214396929,"Tamap, FL",Eastern Time (US & Canada) -2257,,0.2271,yes,0.6512,Negative,0.3372,None of the above,0.424,,NidalAlAhmadieh,,449,,,RT @ChakerKhazaal: #Election2016 #News: @HillaryClinton is not watching tonight's #GOPDebate. http://t.co/NuU1CzMALJ,,2015-08-07 09:32:36 -0700,629691621135638528,"Beirut, Lebanon",Greenland -2258,No candidate mentioned,1.0,yes,1.0,Negative,0.6734,None of the above,1.0,,itismeE_A_D,,1,,,RT @dionaoku: shade. #GOPDebate http://t.co/l0uY18MBS1,,2015-08-07 09:32:34 -0700,629691611929165824,Los Angeles ,Central Time (US & Canada) -2259,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6645,,DestrehanEd,,2,,,"RT @wendyhagen: Also, candidates wear shock collars & if they mention @HillaryClinton or @BarackObama - shocked. Somebody put me in charge …",,2015-08-07 09:32:33 -0700,629691611581026304,Destrehan LA and NOLA,Central Time (US & Canada) -2260,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,None of the above,1.0,,BoyeB,,0,,,"Watching recording of the #GOPDebate. Forget reality TV, this is primetime comedy gold. #politics",,2015-08-07 09:32:33 -0700,629691610683437056,United Arab Emirates ,London -2261,No candidate mentioned,1.0,yes,1.0,Neutral,0.6243,None of the above,1.0,,daisy_fur,,0,,,rt KahliaandJake: https://t.co/wbolqWPTqa #America #Australia #GOPDebate #TruthBomb 🙌 🎤 Goodnight!! http://t.co/lm8IzQT6Kc,,2015-08-07 09:32:33 -0700,629691610511605760,"London, England", -2262,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,governmentbuzz,,6,,,RT @rollcall: #GOPDebate word cloud via @CQnow https://t.co/NoNApQx8G2,,2015-08-07 09:32:33 -0700,629691609978945536,,Atlantic Time (Canada) -2263,Mike Huckabee,1.0,yes,1.0,Neutral,0.3547,None of the above,1.0,,Corcovado,,272,,,"RT @GovMikeHuckabee: .@POTUS is ""trust & vilify"" - he trusts our enemies & vilifies anyone who disagrees with him. http://t.co/9da0D98KdW #…",,2015-08-07 09:32:32 -0700,629691604727660545,,Eastern Time (US & Canada) -2264,No candidate mentioned,1.0,yes,1.0,Neutral,0.7093,None of the above,1.0,,CBHessick,,0,,,Sorry that #cjreform wasn't a topic for the #GOPDebate. Seems like #congress needs more nudging before they'll pass sentencing reform.,,2015-08-07 09:32:32 -0700,629691603951562753,Salt Lake City, -2265,Donald Trump,0.4444,yes,0.6667,Neutral,0.3333,Abortion,0.4444,,JustMe_Jessie,,268,,,RT @DamienFahey: You can really tell Donald Trump is pro-life because he refers to a child as “it”. #GOPDebate,,2015-08-07 09:32:32 -0700,629691603876204544,New York,Eastern Time (US & Canada) -2266,Marco Rubio,1.0,yes,1.0,Negative,0.6742,None of the above,0.6517,,KINGLeyland,,0,,,"“@nytpolitics: Fact Check: Marco Rubio says Amazon is the largest retailer, but it’s not #GOPDebate http://t.co/iesWK8u8Ar”:A mouth wth legs",,2015-08-07 09:32:32 -0700,629691603452579840,Fl, -2267,Donald Trump,0.4074,yes,0.6383,Positive,0.3298,None of the above,0.4074,,jko417,,3,,,"RT @ACPress_Tracey: .@_Hetrick and @ACPressKramer with a great look at @realDonaldTrump's record in AC. Apropos, after #GOPDebate Thurs. ht…",,2015-08-07 09:32:31 -0700,629691601804247040,, -2268,No candidate mentioned,0.3735,yes,0.6111,Negative,0.6111,,0.2377,,melissalangness,,0,,,What a circus that was! #GOPDebate https://t.co/Ua4eh0STfT,,2015-08-07 09:32:30 -0700,629691595130994688,"Oakland, CA",Arizona -2269,No candidate mentioned,0.6463,yes,1.0,Positive,0.3537,None of the above,1.0,,cknutson82,,0,,,Cracking up at @theskimm summary of the #GOPDebate http://t.co/909US3fVLi,,2015-08-07 09:32:29 -0700,629691593977540608,"Seattle, WA",Pacific Time (US & Canada) -2270,Donald Trump,0.6914,yes,1.0,Negative,1.0,Foreign Policy,0.6599,,southernlady111,,0,,,".@megynkelly had bad night, should've asked @realDonaldTrump important questions, how will he stop ISIS #GOPDebate https://t.co/dac0QDku7i",,2015-08-07 09:32:28 -0700,629691587531001857,, -2271,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,tilmothy,,0,,,The #GOPDebate was the worst Jerry Springer episode I've seen in years.,,2015-08-07 09:32:27 -0700,629691584645214208,echo pahk,Eastern Time (US & Canada) -2272,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6477,,daisy_fur,,0,,,rt DubinPeter: https://t.co/wbolqWPTqa RT ParalegalGeorge: Illinois Social Media Law: In #GOPDebate The PRAYERS o… http://t.co/2NwR3BeWTW,,2015-08-07 09:32:27 -0700,629691583869382659,"London, England", -2273,Donald Trump,0.4358,yes,0.6602,Negative,0.6602,None of the above,0.4358,,TrumpIssues,,0,,,"The Chair of the DNC doesn't know the FN difference between being a Democrat & a Socialist, but Trump called someone a ""fat pig."" #GOPDebate",,2015-08-07 09:32:26 -0700,629691581495312384,United States Of America,Pacific Time (US & Canada) -2274,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Sazari2015,,2,,,RT @MAZANDARA: #GOPDebate: @POTUS presents false @TheIranDeal choice bet #war & #appeasement. #RegimeChange analyses @ http://t.co/HFlo91BN…,,2015-08-07 09:32:26 -0700,629691579998044160,UK, -2275,Marco Rubio,1.0,yes,1.0,Positive,0.6687,None of the above,1.0,,TeamMarcoRI,,22,,,RT @DrienaSixto: Wohoo! America's youth has the right idea don't cha think? ;) #StudentsForRubio #GOPDebate @_SFRNC http://t.co/L4WvZWwun6,,2015-08-07 09:32:26 -0700,629691579725430784,Rhode Island, -2276,No candidate mentioned,1.0,yes,1.0,Negative,0.6865,None of the above,0.6382,,AtlasHendrixCo,,1,,,"RT @fMRI_guy: BTW the correct response at last night's #GOPDebate would've been: ""My faith is a personal matter & unrelated to my aptitude …",,2015-08-07 09:32:26 -0700,629691579326926848,Toronto,Atlantic Time (Canada) -2277,Mike Huckabee,1.0,yes,1.0,Negative,0.6595,None of the above,0.6595,,chancedibben,,1,,,"RT @goodrichgevaart: ""the military's favorite song is Break Stuff by Limp Bizkit""- @MikeHuckabeeGOP #GOPDebate",,2015-08-07 09:32:25 -0700,629691577401745409,"Lawrence, KS, USA",Central Time (US & Canada) -2278,John Kasich,0.6126,yes,1.0,Neutral,1.0,None of the above,1.0,,betty_creed,,252,,,RT @JohnKasich: What you miss during #GOPDebate commercial breaks: @JohnKasich invites the Cruz girls up to chat. http://t.co/5xGqGrcIag,,2015-08-07 09:32:25 -0700,629691577011675136,, -2279,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6739,,rosegra21103351,,96,,,RT @DanScavino: .@realDonaldTrump has complete control of #GOPDebate stage tonight @BretBaier @megynkelly #KellyFailed #Trump2016 🇺🇸 http:/…,,2015-08-07 09:32:21 -0700,629691559932481536,, -2280,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,almartin28,,1,,,"RT @SonarJose: MK: ""Mr. Jackson, you molested & paid off young boys..."" -MJ: ""Only my Macauley Culkin."" -*audience roars with laughter, appla…",,2015-08-07 09:32:21 -0700,629691557873106944,,Eastern Time (US & Canada) -2281,Donald Trump,0.4493,yes,0.6703,Negative,0.3407,Foreign Policy,0.2284,,rcadyn,,5,,,RT @RyanMauro: Arab columnist praises @realDonaldTrump #DonaldTrump #GOPDebate: http://t.co/3wqjfZgH2q,,2015-08-07 09:32:20 -0700,629691556824510464,, -2282,No candidate mentioned,0.4435,yes,0.6659999999999999,Negative,0.33399999999999996,FOX News or Moderators,0.2224,,wiltedmagnolias,,2,,,RT @GOPendejos: An HOUR in and STILL No mention of #RonaldRaven our finest avian president. #GOPDebate #FoxDebate #FoxNews http://t.co/Mf1J…,,2015-08-07 09:32:20 -0700,629691556522557440,The Wilted Magnolia State, -2283,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KW2Kenai,,0,,,"The best way to denigrate Roger Ailes whorehouse of a network is to refer to it as ""The Fox News."" Distinct from real news. #gopDebate",,2015-08-07 09:32:20 -0700,629691554685452288,"Gulf Coast, Florida",Eastern Time (US & Canada) -2284,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7033,,Spkr_4TheDead,,0,,,Anyone not willing to place objective reality ahead of lunatic liberal ideology is no friend to those resisting progressivism. #GOPDebate,,2015-08-07 09:32:20 -0700,629691554421084160,At the enemy's gate,Pacific Time (US & Canada) -2285,Jeb Bush,0.4297,yes,0.6555,Neutral,0.6555,None of the above,0.4297,,johngaltfla,,0,,,BREAKING NEWS: Jeb Bush was Governor of Florida! !! #GOPDebate,,2015-08-07 09:32:18 -0700,629691547869671424,"Sarasota County, FLA",Eastern Time (US & Canada) -2286,Donald Trump,1.0,yes,1.0,Positive,0.6783,None of the above,1.0,,cooleyhorseman,,2,,,"RT @nannacassie: A small window into #trump tonight. He has a soft side. Being ""nice, class act, respectful & fair"" matters to him. #GOPDeb…",,2015-08-07 09:32:18 -0700,629691545835454469,"Leesburg, VA",Eastern Time (US & Canada) -2287,No candidate mentioned,0.4756,yes,0.6897,Negative,0.6897,Women's Issues (not abortion though),0.2378,,almartin28,,1,,,"RT @SonarJose: MK: ""Mr. Simpson, you've stalked and savagely murdered women.."" -O.J.: ""Only my ex-wife."" -*audience roars with laughter, appl…",,2015-08-07 09:32:18 -0700,629691544744890368,,Eastern Time (US & Canada) -2288,No candidate mentioned,0.4371,yes,0.6611,Negative,0.3389,FOX News or Moderators,0.4371,,LKVents,,110,,,RT @katiecouric: I'm sure it's not easy to moderate such a big group...so congrats to @BretBaier @megynkelly and @ChrisWallace. #GOPDebate,,2015-08-07 09:32:17 -0700,629691544371634176,Tennessee ,Central Time (US & Canada) -2289,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,Jobs and Economy,0.6706,,jmorx3,,380,,,RT @MattyIceAZ: The best part of the Debate tonight? Watching all the governors take credit for the economic progress under Obama's policie…,,2015-08-07 09:32:17 -0700,629691541070737408,Boston/NJ,Eastern Time (US & Canada) -2290,No candidate mentioned,0.6842,yes,1.0,Negative,0.6842,FOX News or Moderators,0.6842,,RedneckThink,,1,,,"The only way the #GOPDebate could have been crazier is if Melania jumped up and pulled @megynkelly ""s hair. @OutnumberedFNC #TrumpLike",,2015-08-07 09:32:16 -0700,629691538633834496,"Riverbank,tailgate,treestand", -2291,Ted Cruz,1.0,yes,1.0,Positive,0.6966,None of the above,0.6966,,Farrier1959,,18,,,"RT @libertyladyusa: Whoooooooooop! Ted Cruz is wrappin' up with bang! - -#GOPDebate",,2015-08-07 09:32:15 -0700,629691532128354305,Republic of Texas,Eastern Time (US & Canada) -2292,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6774,,_Tara_Woods,,5,,,"RT @Marmel: So we're going to talk about Trump's bankruptcies but not Fiorina's tenure at HP? - -Adorbs. - -#GOPDebate",,2015-08-07 09:32:14 -0700,629691531163762688,FLORIDA,Eastern Time (US & Canada) -2293,No candidate mentioned,1.0,yes,1.0,Negative,0.7021,None of the above,0.3617,,prochoiceoregon,,0,,,"So, this tweet was way funny. #GOPDebate #womenshealth #ItsNot1954 http://t.co/rSPZlJIWjg",,2015-08-07 09:32:14 -0700,629691528831594496,"Portland, Oregon",Pacific Time (US & Canada) -2294,No candidate mentioned,0.3889,yes,0.6237,Negative,0.6237,,0.2347,,PhilMitsch,,0,,,"MOTIVATION TIP - Resolving from political and corporate leaders is what a nation's struggling economy needs, not entertaining !! #gopdebate",,2015-08-07 09:32:12 -0700,629691523328802816,"Cherry Hill, New Jersey",Eastern Time (US & Canada) -2295,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,KRam41,,0,,,Catching up on some of last night;s #GOPDebate: Vast majority of the questions are on flip-flop positions that span across years.,,2015-08-07 09:32:12 -0700,629691520988389376,"Toronto, ON",Eastern Time (US & Canada) -2296,No candidate mentioned,1.0,yes,1.0,Neutral,0.6816,None of the above,1.0,,MnyborgNyborg,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/GsV9esxtVv",,2015-08-07 09:32:12 -0700,629691519721582592,, -2297,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,MzDivah67,,3,,,#GOPDebate in a nutshell via Vote True Blue 2016 http://t.co/5rfh5zbnPm,,2015-08-07 09:32:11 -0700,629691517775425537,KissMyBlackAsskistan,Eastern Time (US & Canada) -2298,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6264,,Reetzy26,,1,,,RT @rickbot5000: Is @BretBaier an Oompa Loompa? #GOPDebate #orangish,,2015-08-07 09:32:10 -0700,629691513413369856,"Antigo, WI", -2299,No candidate mentioned,1.0,yes,1.0,Negative,0.6513,Immigration,1.0,,rmasters78,,0,,,"Best line of #GOPDebate was ""Immigration without assimilation is invasion."" Was that Gov Jindal?",,2015-08-07 09:32:10 -0700,629691512159387649,Illinois,Central Time (US & Canada) -2300,Donald Trump,1.0,yes,1.0,Neutral,0.6596,None of the above,1.0,,sarahuzawesome,,2,,,"RT @jacksontsimpson: TRUMP: ""Most of the people on this stage I have given to."" -RUBIO: ""Not me."" -#SHADE #GOPDebate",,2015-08-07 09:32:09 -0700,629691508942348288,, -2301,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,smoothblinknoon,,2,,,RT @America4Israel: @FoxNews #GOPDebate a lovefest for Republican party. Problem wasn't just @megynkelly but all producers involved in bury…,,2015-08-07 09:32:08 -0700,629691505511387136,"New York, USA", -2302,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,0.6536,,happydreams22,,0,,,msnbc: Chris Christie and Rand Paul feud in tense national security face-off at #GOPDebate: … http://t.co/QfUT3D2zgw,,2015-08-07 09:32:08 -0700,629691504836087809,The United States,Central Time (US & Canada) -2303,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6658,,smoothblinknoon,,2,,,RT @Sleevetalkshow: @realDonaldTrump's incivility & arrogance continues after @FoxNews #GOPDebate. http://t.co/nXoWLLfsIb http://t.co/oQawD…,,2015-08-07 09:32:07 -0700,629691501682008064,"New York, USA", -2304,No candidate mentioned,0.4162,yes,0.6451,Negative,0.6451,None of the above,0.4162,,rlgpwg,,6,,,"RT @Bound4LIFE: Why ALL #GOPdebate candidates support #DefundPP → http://t.co/PoH5ugB9UT - -(Missing standout Carly Fiorina in graphic) http:…",,2015-08-07 09:32:07 -0700,629691499454660608,, -2305,Chris Christie,0.4916,yes,0.7011,Positive,0.7011,None of the above,0.4916,,smoothblinknoon,,2,,,RT @_MusicLuvr: @FoxNews #GOPDebate last night was good. @ChrisChristie & surprisingly @RandPaul brought the fireworks.,,2015-08-07 09:32:07 -0700,629691498771181568,"New York, USA", -2306,No candidate mentioned,0.4285,yes,0.6546,Neutral,0.6546,None of the above,0.4285,,BaarahK,,1,,,RT @EasaDhari: RT gov: Most-retweeted media Tweet of #GOPDebate: https://t.co/5F8MDy0rBX,,2015-08-07 09:32:06 -0700,629691495122120704,Global,Melbourne -2307,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,smoothblinkrule,,10,,,"RT @AnneBayefsky: What was striking? @FoxNews anchors knew to hit anti-choice/pro-life candidates hard, tho’ do opposite on their shows. #G…",,2015-08-07 09:32:04 -0700,629691489606586368,"Florida, USA",Pacific Time (US & Canada) -2308,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kinxbitz,,0,,,"YES HE DID! -@RMConservative: #GOPDebate: Did Cruz Trump Trump Last Night? https://t.co/yrjQlnoj2J via @CR",,2015-08-07 09:32:04 -0700,629691488306270208,,Eastern Time (US & Canada) -2309,No candidate mentioned,0.4102,yes,0.6404,Neutral,0.3483,None of the above,0.4102,,Rikki_Tikki13,,7,,,"RT @FreeAmerican100: Hillary takes the ice bucket challenge. At least she tried. - -#GOPDebate #JonVoyage #Compton #DragMeDownMusicVideo htt…",,2015-08-07 09:32:04 -0700,629691487643537408,, -2310,Donald Trump,1.0,yes,1.0,Negative,0.6403,Immigration,1.0,,EricTTung,,1,,,"""We've not seen any #immigration proposal or plan from @realDonaldTrump"" @JMurguia_NCLR of @NCLR #GOPDebate",,2015-08-07 09:32:03 -0700,629691485722558464,"Houston, TX",Central Time (US & Canada) -2311,No candidate mentioned,1.0,yes,1.0,Neutral,0.6644,None of the above,1.0,,FiyaSturm,,12,,,RT @keithboykin: I have no idea who who won the #GOPDebate. Turning to the #DailyShowFinale.,,2015-08-07 09:32:03 -0700,629691485475184640,"NYC,NYC",Pacific Time (US & Canada) -2312,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6531,,DianeSnavely,,8,,,"RT @fieldnegro: No Jeb, u can't blame this one on Barack. The blood is on your brother's hands. #GOPDebate",,2015-08-07 09:32:03 -0700,629691484900470785,"So.Nevada, USA",Pacific Time (US & Canada) -2313,Mike Huckabee,1.0,yes,1.0,Positive,1.0,Abortion,1.0,,lquenga,,0,,,Some would see it as radical but I liked @GovMikeHuckabee idea of using 5th and 14th amendments to stop abortion #GOPDebate,,2015-08-07 09:32:02 -0700,629691480567754752,"San Bernardino, CA", -2314,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,smoothblink_pcs,,2,,,"RT @girlsgetaways: #GOPDebate I used to be a fan of @MeganKelly , not anymore. She is laughing while attacking candidates. #Unprofessional…",,2015-08-07 09:32:02 -0700,629691480106516480,United States,Pacific Time (US & Canada) -2315,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6593,,Reetzy26,,1,,,RT @rickbot5000: Our news media is broken #GOPDebate,,2015-08-07 09:32:02 -0700,629691479628255232,"Antigo, WI", -2316,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6548,,LgnCtn,,1,,,"#MikeHuckabee should drop a mixtape called ""Kill People; Break Things"" and feature @WakaFlocka on the title track #GOPDebate",,2015-08-07 09:32:00 -0700,629691469977284608,"Houston, TX",Central Time (US & Canada) -2317,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3448,,gwensnyderPHL,,22,,,"RT @HelenGym2015: Love Twitter bringing humor to #GOPdebate but end of day 2015 GOP is still the anti-woman, anti-immigrant, pro-rich, anti…",,2015-08-07 09:31:58 -0700,629691460842090497,Philadelphia,Eastern Time (US & Canada) -2318,Ben Carson,1.0,yes,1.0,Negative,0.66,FOX News or Moderators,1.0,,JaeKar99,,1138,,,"RT @billmaher: Good for you, Megyn Kelly, calling Ben Carson an idiot right off the bat. #GOPDebate",,2015-08-07 09:31:57 -0700,629691459327766528,Living in my own private Idaho,Mountain Time (US & Canada) -2319,No candidate mentioned,1.0,yes,1.0,Neutral,0.3469,Foreign Policy,1.0,,PalsJustice,,10,,,"RT @benwikler: So, was @SenSchumer throwing his hat in the #GOPDebate ring by coming out on the GOP side of the #IranDeal debate tonight?",,2015-08-07 09:31:57 -0700,629691456568066048,"California, USA", -2320,Marco Rubio,0.6934,yes,1.0,Positive,1.0,None of the above,1.0,,CassiProphetess,,71,,,RT @AnneBayefsky: .@SenMarcoRubio: God has blessed GOP with some very good candidates and Democrats can’t even find one. #GOPDebate,,2015-08-07 09:31:55 -0700,629691451056590848,, -2321,No candidate mentioned,0.6772,yes,1.0,Negative,1.0,None of the above,0.6772,,PuestoLoco,,2,,,".@paolo_sf -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 09:31:55 -0700,629691449571979264,Florida Central West Coast,America/New_York -2322,Donald Trump,0.6983,yes,1.0,Negative,0.6675,FOX News or Moderators,1.0,,fc7822,,0,,,"@JamesRosenFNC, @BretBaier @megynkelly & Chris Wallace acted like @CNN ""reporters."" #GOPDebate @realDonaldTrump",,2015-08-07 09:31:53 -0700,629691442454069253,"Riverside, CA - USA",Pacific Time (US & Canada) -2323,Ben Carson,1.0,yes,1.0,Negative,0.3529,Racial issues,0.6471,,CassiProphetess,,70,,,"RT @AnneBayefsky: .@RealBenCarson: Skin & hair don’t make people who they are. As a neurosurgeon, I operate on who they are. #GOPDebate",,2015-08-07 09:31:53 -0700,629691441510420480,, -2324,Jeb Bush,0.2675,yes,0.693,Positive,0.693,None of the above,0.4802,,WilliamHolliway,,198,,,RT @4BillLewis: #Facebook & #Twitter made #GOPDebate interesting #jebbush #realdonaldtrump #marcorubio #scottwalker #JohnKasich #realbencar…,,2015-08-07 09:31:53 -0700,629691440398905344,,Pacific Time (US & Canada) -2325,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,0.6593,,EmilyEab1998,,1,,,"RT @RavingRaver: My response when @megynkelly tried to call @realDonaldTrump a sexist: ""CAN'T STUMP THE TRUMP!"" #GOPDebate",,2015-08-07 09:31:52 -0700,629691437525921792,, -2326,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,kerrybarger,,0,,,"Clearly, because there were a lot of sexist pigs in the audience. #GOPDebate https://t.co/NyoLy2sccC",,2015-08-07 09:31:52 -0700,629691437408456704,Fleetwood & NYC,Quito -2327,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ceceeliaponce,,0,,,Reading the GOP debate from last night makes me want to laugh and punch somebody in the face at the same time #GOPDebate,,2015-08-07 09:31:52 -0700,629691437358141441,,Mountain Time (US & Canada) -2328,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3441,,MisteProgram,,0,,,#gopdebate Trump says on the one hand everyone is too PC. EXCEPT when Megan Kelly hurt HIS feelings NOW he might not be nice to HER anymore.,,2015-08-07 09:31:51 -0700,629691435449761792,,Eastern Time (US & Canada) -2329,No candidate mentioned,0.4059,yes,0.6371,Neutral,0.6371,None of the above,0.4059,,intrntwrlrd,,0,,,My @Klout score went up nearly a full point from a 70 to a 71 after last night alone. #GOPdebate,,2015-08-07 09:31:47 -0700,629691414868324352,Massachusetts,Eastern Time (US & Canada) -2330,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,staylorclark,,0,,,Tried watching the #GOPDebate for entertainment purposes All them candidates made my nerves bad #DonaldTrump,,2015-08-07 09:31:45 -0700,629691410279702528,Texas, -2331,Donald Trump,0.6824,yes,1.0,Negative,0.6824,None of the above,1.0,,Gray_Mackenzie,,0,,,"If you missed last night's #GOPDebate, here's the only recap video you need to watch. https://t.co/DAr78Vp3LX",,2015-08-07 09:31:44 -0700,629691404046979072,Ottawa, -2332,Ben Carson,1.0,yes,1.0,Neutral,0.6699,Racial issues,1.0,,CassiProphetess,,65,,,"RT @AnneBayefsky: .@RealBenCarson: asked why doesn't talk more about race? Those who want to destroy us, want to divide us. We mustn't let …",,2015-08-07 09:31:43 -0700,629691402004213761,, -2333,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ali,,3,,,"After the Fox News #GOPDebate, we primary voters are none the wiser on the policy plans these folks are putting forth. Journalism fail.",,2015-08-07 09:31:43 -0700,629691400817348608,"D.C., Baton Rouge, Fort Worth",Eastern Time (US & Canada) -2334,Donald Trump,0.4302,yes,0.6559,Positive,0.3333,None of the above,0.4302,,ArtoftheDealPAC,,0,,,.@realDonaldTrump totally dominates @DRUDGE_REPORT and @TIME #GOPDebate polls #MakeAmericaGreatAgain @DanScavino http://t.co/i6pRS1OLJu,,2015-08-07 09:31:43 -0700,629691400314077184,"New York, NY", -2335,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,immunpulse,,4,,,RT @tinaissa: How many of you feel your IQ is lower after watching that debate? 😂😂😂. #GOPDebate,,2015-08-07 09:31:43 -0700,629691399475200000,"Virginia, USA",Pacific Time (US & Canada) -2336,Donald Trump,0.4532,yes,0.6732,Neutral,0.3423,FOX News or Moderators,0.2305,,RUSHERMOMMEX,,251,,,RT @dbeltwrites: Donald Trump's hair looks like it's permanently being blurred out by the TV censors. #GopDebate,,2015-08-07 09:31:43 -0700,629691399449939968,, -2337,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,FOX News or Moderators,0.4133,,LinFlies,,16,,,"RT @CtConserv1: #MegynKelly was awful, no wonder her ratings are tanking. #GOPDebate https://t.co/dyQzeU0MO3",,2015-08-07 09:31:42 -0700,629691394840358912,"San Diego, CA USA",Pacific Time (US & Canada) -2338,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,dawnnolan2012,,0,,,Interesting debate last night 😉 #GOPDebate,,2015-08-07 09:31:40 -0700,629691385386405890,The Lone Star State , -2339,Scott Walker,0.405,yes,0.6364,Negative,0.6364,None of the above,0.405,,TheAtlanticVamp,,0,,,"The main thing I got from Scott Walker was he needs a hat, and he doesn't speak well. #GOPDebate",,2015-08-07 09:31:39 -0700,629691384589627392,Georgia,Eastern Time (US & Canada) -2340,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3516,,jojo21,,7,,,"RT @rumpfshaker: ""We have to make our country great again and I will do that!"" Donald Trump, who still can't quite explain HOW. #gopdebate",,2015-08-07 09:31:39 -0700,629691381817176064,"Ellicott City, Maryland",Eastern Time (US & Canada) -2341,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3428,,Jane_WI,,69,,,RT @slackadjuster: As A Christian Preacher Huckabee Sure Is Close Minded & Judgemental Women Gays But Stood With Josh Duggar #GOPDebate ht…,,2015-08-07 09:31:39 -0700,629691381452292096,Fitzwalkerstan,Central Time (US & Canada) -2342,No candidate mentioned,0.4493,yes,0.6703,Negative,0.6703,FOX News or Moderators,0.4493,,MathFaithWorks,,2,,,"RT @Trainspotter001: Insightful commentary from Fox debate moderators...apparently Fiorina ""opened a can"" or something. Whatever. #GOPDebat…",,2015-08-07 09:31:38 -0700,629691379342512128,"Alexandria, Virginia", -2343,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,Racial issues,0.3516,,KimAlleyne,,22,,,RT @AprilDRyan: One question on $blacklivesmatter for the #GOPDebate and moved on.,,2015-08-07 09:31:37 -0700,629691376314281984,"Washington, D.C. area (No.Va.)", -2344,No candidate mentioned,0.4293,yes,0.6552,Negative,0.6552,None of the above,0.2259,,Lomawny,,0,,,#GOPDebate RT @OutnumberedFNC Next more on the earlier debate and @CarlyFiorina's stand out performance #outnumbered http://t.co/gpHmzSOrv2,,2015-08-07 09:31:37 -0700,629691374447796224,"92,960,000 miles from the sun ",Eastern Time (US & Canada) -2345,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,FauxTimesNews1,,2,,,"#GOPDebate Democrats’ debate will be different. There Hillary Clinton will debate herself, changing her mask every 5 minutes ... #satire",,2015-08-07 09:31:35 -0700,629691364956090369,Universe,Eastern Time (US & Canada) -2346,Scott Walker,1.0,yes,1.0,Negative,1.0,Racial issues,0.6739,,gwensnyderPHL,,2,,,RT @marmstead: Catch that? #BlackLivesMatter question. No mention in #scottwalker's response. Commercial break: #StraightOuttaCompton. #GOP…,,2015-08-07 09:31:35 -0700,629691364918345728,Philadelphia,Eastern Time (US & Canada) -2347,Ted Cruz,1.0,yes,1.0,Neutral,0.6667,Foreign Policy,1.0,,CassiProphetess,,46,,,RT @AnneBayefsky: .@SenTedCruz: I will cancel #IranDeal & move U.S. embassy in #Israel to Jerusalem #GOPDebate,,2015-08-07 09:31:34 -0700,629691362187702274,, -2348,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,3ChicsPolitico,,29,,,Trump calling @megynkelly a bimbo is reprehensible. This is about choosing a candidate for president NOT the Jerry Springer hour. #GOPDebate,,2015-08-07 09:31:34 -0700,629691361499852801,Best Place In America!,Hawaii -2349,Donald Trump,0.4058,yes,0.637,Negative,0.637,Women's Issues (not abortion though),0.4058,,AWorldOutOfMind,,1262,,,RT @billmaher: Enough with hating on Trump for being misogynist! Get to the part where these 10 guys debate whether Amy Schumer is fuckable…,,2015-08-07 09:31:31 -0700,629691349902696448,USA,Eastern Time (US & Canada) -2350,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,dafs42,,7,,,RT @chi_kimura: According to Huckabee trans people are just experiments. This is the 21st century where LGBT rights are a thing. #GOPDebate…,,2015-08-07 09:31:31 -0700,629691348229169152,, -2351,Donald Trump,1.0,yes,1.0,Negative,0.6566,None of the above,1.0,,YBMindframe,,0,,,I think donald trump is hilarious #GOPDebate,,2015-08-07 09:31:30 -0700,629691347096702976,"Macon, GA", -2352,No candidate mentioned,1.0,yes,1.0,Negative,0.6558,Racial issues,0.6558,,tdappel,,0,,,"A guy from Queens calling somebody ""low-class"" is curious. #GOPDebate",,2015-08-07 09:31:30 -0700,629691343611113472,"Irving, TX",Central Time (US & Canada) -2353,John Kasich,1.0,yes,1.0,Neutral,0.6659,None of the above,1.0,,Samuel_Hudson,,0,,,"While some moderates/indies & observers [cautiously] respect the mildness of Kasich, his appeal is not catching on in aggregate. #GOPDebate",,2015-08-07 09:31:30 -0700,629691343606910976,"St. Louis, MO",Eastern Time (US & Canada) -2354,No candidate mentioned,0.451,yes,0.6716,Negative,0.6716,FOX News or Moderators,0.451,,robopomo,,35,,,RT @AriDavidUSA: BREAKING NEWS! Last night during the #GOPDebate @megynkelly gained 300lbs and changed her name to Candy! #tcot http://t.co…,,2015-08-07 09:31:29 -0700,629691343137308672,NJ,Eastern Time (US & Canada) -2355,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tantan73,,0,,,"Any opinions on the real issues. Guess not. If I wasn't laughing so hard, I'd be crying. #GOPDebate #DebateWithBernie http://t.co/VfdlNpqFR6",,2015-08-07 09:31:28 -0700,629691339005927424,"Connecticut, USA",Eastern Time (US & Canada) -2356,No candidate mentioned,1.0,yes,1.0,Negative,0.6769,None of the above,1.0,,TheRealLucian10,,0,,,#GOPDebate official soundtrack https://t.co/8643pqB7BV,,2015-08-07 09:31:27 -0700,629691334564159489,no longer at Brittany's bed,Eastern Time (US & Canada) -2357,No candidate mentioned,1.0,yes,1.0,Negative,0.6383,FOX News or Moderators,1.0,,NeanderRebel,,10,,,RT @LadySandersfarm: It showed -they were more into themselves than #GOPDebate http://t.co/Nn5TtjVESE,,2015-08-07 09:31:26 -0700,629691329937809408,,Atlantic Time (Canada) -2358,No candidate mentioned,0.4605,yes,0.6786,Negative,0.6786,None of the above,0.4605,,BBCPropaganda,,1,,,"#GOPDebate was very, how can I put this politely, macho? People who argue about penis size generally have small ones. http://t.co/010sKWrzqR",,2015-08-07 09:31:26 -0700,629691328331251713,"London, UK",Casablanca -2359,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,AllAmerRallyIRC,,0,,,"Hi @GrahamBlog pls be part of our event Sept 26! We sent you a letter, pls reply! Thx!AllAmericanRally.us #GOPDebate - please RT",,2015-08-07 09:31:26 -0700,629691326708195332,"Vero Beach, FL", -2360,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EasaDhari,,1,,,RT gov: Most-retweeted media Tweet of #GOPDebate: https://t.co/5F8MDy0rBX,,2015-08-07 09:31:25 -0700,629691325735129088,, -2361,No candidate mentioned,1.0,yes,1.0,Negative,0.6828,None of the above,1.0,,fifi_t820,,51,,,RT @stockejock: My white noise machine is just the sound of the Presidential candidates arguing at the #GOPDebate .,,2015-08-07 09:31:25 -0700,629691325470875648,, -2362,No candidate mentioned,1.0,yes,1.0,Negative,0.6615,None of the above,1.0,,The3o5FlyGuy,,1,,,Watching the #GOPDebate like... http://t.co/bguDpo0iKb,,2015-08-07 09:31:24 -0700,629691319644848128,"Paris, France",Eastern Time (US & Canada) -2363,Donald Trump,0.4385,yes,0.6622,Negative,0.6622,None of the above,0.4385,,NateWunderman,,71,,,RT @OccupyWallStNYC: Donald Trump: I have successfully lied and cheated and manipulated for personal gain. So pick me! #Bankruptcy #GOPDeba…,,2015-08-07 09:31:22 -0700,629691313743511552,"Venice Beach, CA.", -2364,No candidate mentioned,1.0,yes,1.0,Positive,0.6818,FOX News or Moderators,1.0,,bittybyte,,1,,,"RT @jasonburns: Shout-out to @megynkelly, landslide winner of last night's #GOPDebate. Amazing job moderating that thing.",,2015-08-07 09:31:22 -0700,629691313458249729,the cosmos / az,Arizona -2365,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6739,,Wisco,,0,,,"Yes, @ScottWalker *did* call the middle east 'Israel' http://t.co/YgJyRWMrUe #GOPDebate #election2016 http://t.co/GPIGA3l7yO",,2015-08-07 09:31:22 -0700,629691311898161152,"Wisconsin, US",Central Time (US & Canada) -2366,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,duziebella,,147,,,RT @Anomaly100: Breaking: Fox News announces the #GOPDebate winner in advance. It's a tie. http://t.co/UXaYwAYQJl,,2015-08-07 09:31:22 -0700,629691309972942848,, -2367,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,,0.2277,,Army_of_Peeps,,1,,,"RT @BerrakDC: In other news, the bar just got very busy after the #GOPDebate ended. I guess everyone needed a drink after that mess.",,2015-08-07 09:31:21 -0700,629691309075251201,"Peepsatawney, PA", -2368,No candidate mentioned,0.6915,yes,1.0,Negative,0.3617,None of the above,1.0,,makizdat,,10,,,"RT @juliaioffe: An elegant, witty round-up of last night's #GOPDebate by @tnyCloseRead http://t.co/cW0rAc9wQh",,2015-08-07 09:31:21 -0700,629691306592198656,,Central Time (US & Canada) -2369,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MathFaithWorks,,9,,,RT @Ricky_Vaughn99: Fox News tries to get the GOP to gang up on Trump and Kasich curb stomps Chris Wallace #cuckservative #GOPDebate,,2015-08-07 09:31:21 -0700,629691305782824962,"Alexandria, Virginia", -2370,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,garza_ninna94,,0,,,I wish I could bitch slap shit out a Donald Trump him and Ted Cruz.And some other candidates were annoying.#GOPDebate,,2015-08-07 09:31:17 -0700,629691290653863936,, -2371,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6659,,jamiestatter,,0,,,"Learn how to get away with sexism in 5 easy steps from @realdonaldtrump #GOPdebate via @voxdotcom -http://t.co/TDTyFtWEcp",,2015-08-07 09:31:17 -0700,629691290549141504,"New York, NY", -2372,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3636,,AWorldOutOfMind,,1600,,,"RT @billmaher: Jesus, this is the worst production of Glengarry Glen Ross I've ever seen #GOPDebate",,2015-08-07 09:31:17 -0700,629691289634775040,USA,Eastern Time (US & Canada) -2373,Donald Trump,1.0,yes,1.0,Negative,0.6957,None of the above,1.0,,CALLISTE,,0,,,"This may be Trump's best qualification to be president, ""The Art of the Comb Over"". #GOPDebate #not #epicfail #funny http://t.co/QI3v8zqKdh",,2015-08-07 09:31:17 -0700,629691289571827716,NYC | COLS | LDN SW2,Eastern Time (US & Canada) -2374,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,Immigration,1.0,,EusebiaAq,,0,,,@LaPoliticalAve Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:31:16 -0700,629691286883143680,America,Eastern Time (US & Canada) -2375,Rand Paul,0.6973,yes,1.0,Positive,1.0,None of the above,0.6637,,_MusicLuvr,,2,,,@FoxNews #GOPDebate last night was good. @ChrisChristie & surprisingly @RandPaul brought the fireworks.,,2015-08-07 09:31:16 -0700,629691285922693120,Bay Area,Pacific Time (US & Canada) -2376,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JarrodKeeling,,4,,,"RT @riceowlett: Last night, @HoustonYR President John Baucum gives his thoughts on #GOPDebate to @MyFoxHouston at the #YRWatchParty http://…",,2015-08-07 09:31:15 -0700,629691284517576705,"Deer Park, Texas", -2377,Ted Cruz,1.0,yes,1.0,Positive,0.3696,None of the above,1.0,,mt_newman,,0,,,"Cruz' closing statement may have sounded like it came from a meat market, but HUGE difference is that Cruz would actually do it. #GOPDebate",,2015-08-07 09:31:15 -0700,629691284341583872,Hailing from DownEast Maine,Eastern Time (US & Canada) -2378,Donald Trump,0.4211,yes,0.6489,Negative,0.6489,Immigration,0.4211,,MrThom08,,0,,,Illegal immigration has been talked about before @realDonaldTrump started speaking of it. #arrogant #ignorant #GOPDebate,,2015-08-07 09:31:15 -0700,629691282990862338,San Antonio ,Eastern Time (US & Canada) -2379,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,GutzyLo,,0,,,Recap of 5 unforgettable moments from the #GOPdebate last night: http://t.co/w4LmLQ5oVR,,2015-08-07 09:31:14 -0700,629691276531662850,"Washington, DC",Eastern Time (US & Canada) -2380,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Jobs and Economy,0.6703,,catchcaleb,,0,,,Changed my mind @GOP Bomb whoever you want to. Just want to keep more of my check and get my insur premiums under control! Deal? #GOPDebate,,2015-08-07 09:31:13 -0700,629691274187051009,"California, USA", -2381,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MathFaithWorks,,6,,,"RT @Ricky_Vaughn99: It's clear that the Fox News GOP paymasters dislike Ted Cruz, Scott Walker, and Donald Trump #cuckservative #GOPDebate",,2015-08-07 09:31:13 -0700,629691273163751424,"Alexandria, Virginia", -2382,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,GrnEyedMandy,,8,,,"Women who shame other women for having abortions deserve to be shamed for having no soul or self respect. - -#PlannedParenthood #GOPDebate",,2015-08-07 09:31:12 -0700,629691268394823680,"Florida, Gun Nut Capital, USA ",Atlantic Time (Canada) -2383,No candidate mentioned,1.0,yes,1.0,Neutral,0.6706,None of the above,1.0,,BlameBigGovt,,0,,,"OK, now I'll need to rethink everything I thought before. #GOPDebate https://t.co/hyMBBnPv97",,2015-08-07 09:31:12 -0700,629691268252217344,"Behind Enemy Lines, MA",Lima -2384,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6364,,Sleevetalkshow,,2,,,@realDonaldTrump's incivility & arrogance continues after @FoxNews #GOPDebate. http://t.co/nXoWLLfsIb http://t.co/oQawDkxERe,,2015-08-07 09:31:12 -0700,629691267992166400,Anywhere & Everywhere!,Eastern Time (US & Canada) -2385,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kwdayboise,,0,,,5 Reasons To Be Glad That You Didn’t Watch The Fox News Debate - http://t.co/2wCqc3If0l #GOPDebate #AlreadyGlad,,2015-08-07 09:31:11 -0700,629691266666618882,"Boise, ID",Mountain Time (US & Canada) -2386,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MikeMansfield,,416,,,RT @tedcruz: Headed into the #GOPDebate. Join us at 9pm ET on Fox News and http://t.co/nICXayCSI4 http://t.co/Q83QU3u422,,2015-08-07 09:31:10 -0700,629691261058854912,Utah,Mountain Time (US & Canada) -2387,Donald Trump,0.46299999999999997,yes,0.6804,Negative,0.6804,None of the above,0.46299999999999997,,freestyldesign,,1,,,Trump Donated & Supported Hillary and Democrats for YEARS that fact ALONE- DISQUALIFIES HIM #tcot #GOPDebate #ccot,,2015-08-07 09:31:10 -0700,629691260035403776,Seattle WA USA,Pacific Time (US & Canada) -2388,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.6458,None of the above,0.4171,,Koi26,,612,,,"RT @Andy: WHY AM I NOT MODERATING THE #GOPDEBATE !!???? I WAS BORN FOR THIS, PEOPLE!!",,2015-08-07 09:31:09 -0700,629691258483683332,, -2389,Donald Trump,1.0,yes,1.0,Neutral,0.6548,FOX News or Moderators,0.6667,,SternFBSuperfan,,2,,,RT @ChadFromStL: .@realDonaldTrump should answer @jdharm's hard-hitting question from last night's #GOPDebate @sternshow @HowardStern http:…,,2015-08-07 09:31:09 -0700,629691257468624896,worldwide ,Central Time (US & Canada) -2390,No candidate mentioned,0.4412,yes,0.6642,Neutral,0.6642,None of the above,0.4412,,Don_Giovann,,405,,,RT @Lonely_Dad: my wife left me #gopdebate,,2015-08-07 09:31:09 -0700,629691256701100032,,Eastern Time (US & Canada) -2391,No candidate mentioned,0.6977,yes,1.0,Negative,1.0,Foreign Policy,0.6628,,mzprissy1947,,50,,,"RT @tvc3232: #GOPDebate GOP candidates: Immediately after our prayer circle, we will begin bombing Iran & taking health care away from 16 m…",,2015-08-07 09:31:09 -0700,629691256491384832,republican territory,Atlantic Time (Canada) -2392,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,solitaryspook,,84,,,"RT @meninistkiller: Hey, cis men: You will never have to be pregnant. You cannot judge people with vaginas on reasons they want abortions. …",,2015-08-07 09:31:08 -0700,629691254813528064,"Knoxville, TN",Eastern Time (US & Canada) -2393,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,libenew,,0,,,#GOPDebate hard to find so much disrespect for women coming from so many politicians at once. #astounding,,2015-08-07 09:31:08 -0700,629691252011696128,"Melbourne, Victoria", -2394,Donald Trump,0.4493,yes,0.6703,Positive,0.3516,FOX News or Moderators,0.4493,,America4Israel,,2,,,@FoxNews #GOPDebate a lovefest for Republican party. Problem wasn't just @megynkelly but all producers involved in burying @realDonaldTrump,,2015-08-07 09:31:07 -0700,629691249872601088,,Pacific Time (US & Canada) -2395,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jungmuse,,2,,,"RT @CQuintanaSF: Loop, baffled by the #GOPDebate refusal to address climate change @darth http://t.co/BC9cAhhHJL",,2015-08-07 09:31:05 -0700,629691242536787969,Favs are usually bookmarks ,Central Time (US & Canada) -2396,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.3511,None of the above,0.4492,,HarryInTheHall,,1,,,RT @RealTomSongs: 1st #GOPDebate is done & no debate - Harry Nilsson belongs in the @rock_hall so JUMP INTO THE FIRE https://t.co/i3vLAZaL…,,2015-08-07 09:31:05 -0700,629691241714728965,, -2397,Donald Trump,0.6629,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,TreeSappp,,30,,,"RT @MolonLabe1776us: Are you a RINO @megynkelly? -#GOPDebate @realDonaldTrump http://t.co/TiHcyiqMS0",,2015-08-07 09:31:04 -0700,629691237990289408,, -2398,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6694,,wbhickok,,10,,,RT @M0L0NL4BE: Extremely UNFAIR for @BretBaier to kickoff the #GOPDebate with an attack on one specific candidate @realDonaldTrump … @Reinc…,,2015-08-07 09:31:04 -0700,629691235704406016,,Eastern Time (US & Canada) -2399,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,,0.233,,ThatConservativ,,2,,,RT @MStuart1970: Howard Kurtz bragged abt how liberals sch as HuffPo complimented FOX. LOL He thinks we r happy abt that. #GOPDebate https…,,2015-08-07 09:31:03 -0700,629691233632280576,"Florida, USA", -2400,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JoshKrisch,,0,,,Donald Trump got a few things wrong at the #GOPDebate http://t.co/bm2lUGqqJz @jamesaking41 @vocativ http://t.co/K3sfGctrBU,,2015-08-07 09:31:03 -0700,629691232277655552,"New York, NY",Eastern Time (US & Canada) -2401,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,0.6778,,nepcatyes,,0,,,"@feministabulous for your talk about Hillary stealing thunder, what about #BernieSanders live tweets of #GOPDebate??? http://t.co/DcCzAgEJhW",,2015-08-07 09:31:02 -0700,629691229475860480,North Carolina,Atlantic Time (Canada) -2402,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,Abortion,0.4495,,BenJamminWalker,,7,,,"Under no circumstances should 10 men dictate abortion rights to women. It's the 21st Century, we are better than that. #GOPDebate",,2015-08-07 09:31:01 -0700,629691225252216832,Kent/London/Leeds, -2403,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MathFaithWorks,,3,,,RT @ThatFoxyShadow: The whole #GOPDebate was simply a scheme by Fox News to attack #Trump & build up Jeb & the rest of the #cuckservative g…,,2015-08-07 09:31:01 -0700,629691225138987008,"Alexandria, Virginia", -2404,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Clever_Otter,,0,,,"""It is that progressive movement that is causing them the problems."" - eloquent words from @BenCarson2016. #GOPDebate",,2015-08-07 09:31:01 -0700,629691224329326592,Earth,Mountain Time (US & Canada) -2405,No candidate mentioned,0.5017,yes,0.7083,Neutral,0.3646,None of the above,0.2582,,jojo21,,10,,,RT @rumpfshaker: BOOM. @GovernorPerry remark getting replayed that he would rather have @CarlyFiorina negotiating #IranDeal than John Kerry…,,2015-08-07 09:31:01 -0700,629691222165209088,"Ellicott City, Maryland",Eastern Time (US & Canada) -2406,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6748,,Brittney0313,,1,,,RT @me_coleman612: I will never understand why rich white men think they can tell women what they can/can't do with their bodies #GOPDebate…,,2015-08-07 09:31:00 -0700,629691220793651200,• stl • ,Central Time (US & Canada) -2407,Donald Trump,1.0,yes,1.0,Negative,0.6491,None of the above,1.0,,CynicalEdge,,0,,,Just tellin' it like it is. No wonder everyone is out to get him. #GOPDebate #TCOT https://t.co/40026Hgs07,,2015-08-07 09:31:00 -0700,629691218650337280,"Atlanta, Georgia",America/New_York -2408,No candidate mentioned,1.0,yes,1.0,Positive,0.6643,FOX News or Moderators,1.0,,jasonburns,,1,,,"Shout-out to @megynkelly, landslide winner of last night's #GOPDebate. Amazing job moderating that thing.",,2015-08-07 09:31:00 -0700,629691218436317185,Los Angeles,Pacific Time (US & Canada) -2409,No candidate mentioned,1.0,yes,1.0,Negative,0.66,None of the above,1.0,,SeaBassThePhish,,0,,,Lol @ these conservatives trolling #GOPDebate and tryna start an argument #IDontNeedAnotherTwitterArgumentInMyLife,,2015-08-07 09:30:59 -0700,629691216200880128,,Eastern Time (US & Canada) -2410,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,Racial issues,0.2362,,kendreadful,,2,,,"RT @LorrettaJohnson: The #GOPdebate showed that the GOP candidates are out of touch with workers, women, people of color and basically anyo…",,2015-08-07 09:30:59 -0700,629691213608828928,somewhere over the rainbow,Central Time (US & Canada) -2411,John Kasich,0.4548,yes,0.6744,Positive,0.6744,None of the above,0.4548,,TheAtlanticVamp,,0,,,"John Kasich is the leader America needs, but not the leader America deserves. #Batman #GOPDebate",,2015-08-07 09:30:58 -0700,629691211859820546,Georgia,Eastern Time (US & Canada) -2412,Donald Trump,0.68,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TraceyMurillo,,8,,,RT @renomarky: If you @megynkelly think that your question to @realDonaldTrump to begin #GOPDebate was FAIR & BALANCED..... http://t.co/TKe…,,2015-08-07 09:30:58 -0700,629691209510973440,"Pensacola, FL", -2413,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,chasecraig1,,0,,,"Writing a comedy bit about the #GOPDebate , does anyone have any jokes?",,2015-08-07 09:30:57 -0700,629691206059065344,"Los Angeles, CA",Eastern Time (US & Canada) -2414,Donald Trump,1.0,yes,1.0,Neutral,0.6588,None of the above,0.6824,,AvBronstein,,0,,,#GOPDebate takeaway. Donald Trump exposed as Donald Trump.,,2015-08-07 09:30:56 -0700,629691203676688385,"Great Neck, NY",Eastern Time (US & Canada) -2415,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6786,,AngelaTN777,,13,,,RT @kc5lei: My opinion of #MeganKelly has really plumbed during #GOPDebate - I expected her to be a neutral moderator. I was dissappointed.,,2015-08-07 09:30:56 -0700,629691201109667840,"Nashville, TN",Central Time (US & Canada) -2416,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Gun Control,1.0,,GoodTwitty,,20,,,RT @shannonrwatts: Here’s how U.S. gun violence compares with rest of the world: 60% of U.S. homicides use a gun http://t.co/zt2tMgfDPG #GO…,,2015-08-07 09:30:55 -0700,629691199335604224,State of Mind,Atlantic Time (Canada) -2417,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,princesssofpwr,,7,,,RT @DanaCortez: #megynkellydebatequestions like Effie from Hunger Games. #GOPDebate.😞 http://t.co/Sm74WVmMd3,,2015-08-07 09:30:55 -0700,629691197930364928,,Central Time (US & Canada) -2418,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,None of the above,0.6477,,ThePhoenixSun,,0,,,Hoping you can explain “DNA Schedule” to me. ;) #GOPDebate https://t.co/8gfpHF9Bmp,,2015-08-07 09:30:53 -0700,629691192200957952,"Phoenix, AZ, USA",Pacific Time (US & Canada) -2419,Marco Rubio,1.0,yes,1.0,Positive,0.6697,None of the above,1.0,,iyaayas1991,,0,,,"@OutnumberedFNC my wife never heard of rubio, huckabee or cruz. Loved all 3. 8 yrs ago she was a Hillary supporter.Not anymore #GOPDebate",,2015-08-07 09:30:53 -0700,629691190611415041,"Tracy, CA",Pacific Time (US & Canada) -2420,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Mulder24,,0,,,"'President Donald Trump'. I like the way that sound. -@realDonaldTrump -#GOPDebate",,2015-08-07 09:30:53 -0700,629691189734682624,Texas,Central Time (US & Canada) -2421,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jojo21,,9,,,"RT @rumpfshaker: ""I have never gone bankrupt,"" says Trump who has multiple businesses that went thru bankruptcy, screwed creditors out of m…",,2015-08-07 09:30:52 -0700,629691187851579396,"Ellicott City, Maryland",Eastern Time (US & Canada) -2422,Donald Trump,0.4062,yes,0.6374,Neutral,0.3187,None of the above,0.4062,,landonpauley,,0,,,"Trump Capitalizes on Opportunities to Speak. Trump got most time; Paul got least. #GOPDebate -http://t.co/r1ecwvfKTO http://t.co/HrCkyXvtR2",,2015-08-07 09:30:51 -0700,629691183422267393,"Wake Forest, NC",Eastern Time (US & Canada) -2423,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,carol_holman,,2,,,"RT @TrawlingTroll: @CarlyFiorina was the winner of the earlier #GOPDebate Beyond a couple brief moments, everyone in the later debate was m…",,2015-08-07 09:30:51 -0700,629691183179145216, Clarkrange Tennessee, -2424,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,christinakb,,0,,,The most truthy analysis of the #GOPDebate last night was when @ChrisStirewalt quipped the @realDonaldTrump had a 'HoneyBadger' attitude.,,2015-08-07 09:30:51 -0700,629691181941678080,"Sacramento, California",Pacific Time (US & Canada) -2425,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,imackleholic,,34,,,RT @CaseyWertz_: .@RandPaul seriously? your an idiot. how many times you planning on running for president? you know you don't have a chanc…,,2015-08-07 09:30:51 -0700,629691179970527234,, -2426,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Didikatz,,1,,,Mistake to think #GOPDebate would be fun. Seeing deep sickness US conservatism has become bastardized & spawned by @FoxNews very disturbing.,,2015-08-07 09:30:50 -0700,629691176451321857,,Pacific Time (US & Canada) -2427,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,antidonaldtrump,,0,,,"trump's answer for why he was until recently a Democrat was less than satisfying. ""I'm from New York"" - that's his excuse? phony! #GOPDebate",,2015-08-07 09:30:49 -0700,629691175033700352,"San Diego, CA", -2428,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.6495,None of the above,0.4218,,640WGST,,1,,,"RT @SiteROI: At 12:35, @IcarusPundit, @MikeHassinger, @StefanTurk and I discuss our impressions of the #GOPDebate on @640WGST #gapol",,2015-08-07 09:30:49 -0700,629691172588515328,"Atlanta, Ga",Eastern Time (US & Canada) -2429,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,england498,,15,,,"RT @IronHide_81: Oh yes, we have to go to a ""commercial break"" the only time @tedcruz wants to add a comment. So sick of this bullshit. #GO…",,2015-08-07 09:30:48 -0700,629691171002920960,,Central Time (US & Canada) -2430,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,dallasrbaird,,20,,,"RT @MykaNow: Bothers me when those running for President cannot respect even the office enough to call him President Obama. -#GOPDebate #Fai…",,2015-08-07 09:30:48 -0700,629691167236489216,Boise,Central Time (US & Canada) -2431,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,bigredmatt1011,,0,,,@rushlimbaugh just put the idiot Kasich in his place. Kasich has no spine. #GOPDebate #rushlimbaugh,,2015-08-07 09:30:47 -0700,629691166884102144,DC Area, -2432,No candidate mentioned,0.4393,yes,0.6628,Neutral,0.6628,None of the above,0.2312,,Go_GOP_2016,,0,,,If we want to stop sending foreign aid to places that burn our flag can we start with Berkeley? #GOPDebate #tcot #tlot,,2015-08-07 09:30:47 -0700,629691166246592513,California, -2433,No candidate mentioned,1.0,yes,1.0,Negative,0.3462,FOX News or Moderators,1.0,,the_hetz,,0,,,"After the #GOPDebate, if I were a Republican I'd get behind the smartest, most electable person in the room and draft @megynkelly for Prez!",,2015-08-07 09:30:46 -0700,629691162622726144,,Pacific Time (US & Canada) -2434,Chris Christie,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,CassiProphetess,,10,,,"RT @AnneBayefsky: .@ChrisChristie faced “the #Obama hug” problem & responded that he hugged 9/11 victims. Left thinking, huh? #GOPDebate",,2015-08-07 09:30:45 -0700,629691156821995520,, -2435,No candidate mentioned,1.0,yes,1.0,Neutral,0.6624,FOX News or Moderators,0.6624,,TaylornationMt3,,12,,,RT @BrookeBCNN: Ohhhhh hello. You're stuck with this crew for the next FOUR hours. @NewDay #gopdebate http://t.co/CM0oIvwIQa,,2015-08-07 09:30:44 -0700,629691154246803457,"Washington, DC", -2436,Marco Rubio,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6588,,SamanthamLehman,,0,,,"#Rubio paid off 400k in student debt in 4 yrs, but was ""in poverty"". So is making over 100k/yr now considered poverty? #GOPDebate #2016",,2015-08-07 09:30:42 -0700,629691142364225536,, -2437,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,Racial issues,1.0,,GabbyG77,,18,,,"RT @shannonrwatts: Black men 10X more likely to be murdered w/gun as white men, black women 3X more likely to be murdered w/gun as white wo…",,2015-08-07 09:30:39 -0700,629691132419657728,Germany, -2438,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,ButYourePlayin,,210,,,RT @cameronesposito: Ugh will these guys ever shut up about how ppl shouldn't be killed during traffic stops? #GOPDebate,,2015-08-07 09:30:39 -0700,629691131073327104,, -2439,No candidate mentioned,0.4401,yes,0.6634,Neutral,0.3366,Abortion,0.4401,,prolifefuture,,5,,,"RT @KristanHawkins: Lots of Reagan history lessons tonight on the #GOPDebate stage. Let's talk about our future, and our future without abo…",,2015-08-07 09:30:38 -0700,629691127805935620,, -2440,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,,0.2246,,TexasLeftist,,0,,,"On the #GOPDebate Seemed like a lot of #BadBlood, so why not watch @taylorswift13 @kendricklamar instead? #ctl #p2 http://t.co/yR9m2mf9fH",,2015-08-07 09:30:38 -0700,629691126178406400,Houston,Central Time (US & Canada) -2441,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,BESSBAD,,0,,,"For she today that sheds -her blood w/me -shall be my sister tomorrow? -http://t.co/F3Ptx48fuI - -#BlackLivesMatter -#GOPDebate -#JonVoyage -@XXL",,2015-08-07 09:30:37 -0700,629691124005924864,,America/New_York -2442,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,Ed_Hale,,0,,,I said th same thing this morning re the #GOPDebate Josh. Hard 2 qualify of course. Question is Y doesn't TWTR know this? @ReformedBroker,,2015-08-07 09:30:37 -0700,629691121678028800,"New York, NY",Eastern Time (US & Canada) -2443,No candidate mentioned,0.3948,yes,0.6283,Negative,0.3332,FOX News or Moderators,0.3948,,BringBackUS,,8,,,"RT @RMConservative: If the media is fawning over the fox moderators, conservatives should not #GOPDebate",,2015-08-07 09:30:35 -0700,629691115608875008,Illinois,Central Time (US & Canada) -2444,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fstued,,0,,,#GOPDebate was so much fun Isurfed around bot always ended up back there. All the non thinkers in one place,,2015-08-07 09:30:34 -0700,629691110449766401,San Diego Ca,Arizona -2445,No candidate mentioned,0.3964,yes,0.6296,Negative,0.321,None of the above,0.3964,,CassiProphetess,,15,,,RT @AnneBayefsky: #Democrats hoping they keep bloodying each other & nobody left standing. But real hope there's a star here. #GOPDebate,,2015-08-07 09:30:34 -0700,629691109006950401,, -2446,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6484,,yakmon,,107,,,"RT @Bidenshairplugs: Common Core is a ghetto education redistributed to middle class kids. - -#GOPDebate",,2015-08-07 09:30:33 -0700,629691108247797760,, -2447,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KathrynBruscoBk,,2,,,"The ignorance, stupidity, bigotry & misogyny on the Fox hosted #GOPDebate last night was laughable,disgusting & frightening. #TakeDownTheGOP",,2015-08-07 09:30:33 -0700,629691106054160384,Colorado & California,Pacific Time (US & Canada) -2448,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tpholmes,,0,,,I was most impressed with @marcorubio and @RealBenCarson at the #GOPDebate. Way different experience than the #macdebate.,,2015-08-07 09:30:32 -0700,629691103034249216,"Victoria, BC, Canada",Pacific Time (US & Canada) -2449,Mike Huckabee,0.4123,yes,0.6421,Negative,0.6421,,0.2298,,DanCas2,,8,,,RT @Politics4dum: Putting illegals pimps and prostitutes in one category.....how ignorant and stupid Huckabee #GOPDebate #Republicandebate,,2015-08-07 09:30:32 -0700,629691100664479744,California (o/18 :-),America/Los_Angeles -2450,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,WhatIsKiss,,298,,,RT @pattonoswalt: Here we go. #GOPDebate http://t.co/7LBhoLFu8U,,2015-08-07 09:30:31 -0700,629691096491167744,"The Neverhood, WA",Pacific Time (US & Canada) -2451,Donald Trump,1.0,yes,1.0,Neutral,0.6677,None of the above,1.0,,allurephoto,,60,,,RT @jjauthor: @realDonaldTrump floats like a butterfly and stings like a bee! @BeladonnaRogers @megynkelly #GOPDebate,,2015-08-07 09:30:30 -0700,629691093160960000,"Kansas, USA",Central Time (US & Canada) -2452,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,EarthPeace33,,3,,,RT @themadstone: Bummed that we didn't get to watch a single candidate flounder over climate change #GOPDebate,,2015-08-07 09:30:29 -0700,629691088702451712,,Central Time (US & Canada) -2453,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6633,,NJpoliticsprof,,0,,,Just had a great time taping @News12NJ for Power&Politics. Had fun with @waltkane talking about #GOPDebate. Thanks @KarinAttonito. Watch it,,2015-08-07 09:30:27 -0700,629691082268377088,, -2454,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Bill_Chivil,,737,,,RT @Thomasismyuncle: By the end of these debates all 17 R candidates will have answered more questions in a day than Hillary has answered i…,,2015-08-07 09:30:27 -0700,629691081957986304,"Essex County, NJ",Eastern Time (US & Canada) -2455,No candidate mentioned,1.0,yes,1.0,Negative,0.6553,FOX News or Moderators,0.667,,Michael_Trotta,,0,,,Anyone else think the #GOPDebate moderators remind of them of the host from the Hunger Games?,,2015-08-07 09:30:27 -0700,629691080565485569,, -2456,Ted Cruz,1.0,yes,1.0,Negative,1.0,Religion,1.0,,PoliSciUMN,,1,,,"RT @SPWMthe3rd: @PoliSciUMN did Ted Cruz just misspeak when he said during his closing statement that he would ""persecute religious liberty…",,2015-08-07 09:30:25 -0700,629691073804144644,"Minneapolis, MN", -2457,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Sean_Sil,,0,,,#GOPDebate (Vine by @dabulldawg88) https://t.co/k3FKzroGOG,,2015-08-07 09:30:25 -0700,629691071715520512,LI NY/ Stony Brook University , -2458,Ben Carson,0.643,yes,1.0,Negative,0.6917,None of the above,1.0,,MilwaukeePretty,,0,,,"@BenCarson2016 may have separated conjoined twins, but @realDonaldTrump created the duckface. Why wouldn't he bring this up? #GOPDebate",,2015-08-07 09:30:24 -0700,629691069047947264,"Chicago, IL", -2459,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MahiaZannat,,241,,,"RT @Phil_Cosby_: Sooooo...do we want any of these candidates as our next President? #GOPDebate - - http://t.co/htuwEvREpg",,2015-08-07 09:30:23 -0700,629691066220957696,Michigan • Utica'16 ☁️,Eastern Time (US & Canada) -2460,No candidate mentioned,0.4287,yes,0.6548,Negative,0.6548,None of the above,0.4287,,EarthPeace33,,4,,,"RT @Sean_Munger: And God (or Koch?) forbid the candidates even mention the number one most serious issue facing the world today, climate ch…",,2015-08-07 09:30:23 -0700,629691066132901888,,Central Time (US & Canada) -2461,No candidate mentioned,0.4225,yes,0.65,Negative,0.3346,Gun Control,0.4225,,NCGardener1,,22,,,RT @shannonrwatts: The #NRA promotes gag orders to block military commanders from discussing gun safety with at-risk service members #GOPde…,,2015-08-07 09:30:23 -0700,629691066095153152,,Atlantic Time (Canada) -2462,Jeb Bush,1.0,yes,1.0,Negative,1.0,Racial issues,0.6791,,MsPeoples,,4,,,"jebbush tell me more about this ""hang em by the neck"" wing of your party....#GOPDebate #KKKorGOP https://t.co/8fgWctd2bb",,2015-08-07 09:30:23 -0700,629691065596051456,"ÜT: 38.885973,-77.002846",Quito -2463,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KarenMonsour12,,1,,,RT @Dee_Snuts_R4E10: @realDonaldTrump just won on @seanhannity by saying he'd put hillary in jail bc they destroyed Petraeus for much less.…,,2015-08-07 09:30:21 -0700,629691057723322368,"Southeast, FL (Real Estate)",Eastern Time (US & Canada) -2464,No candidate mentioned,0.4171,yes,0.6458,Negative,0.3438,None of the above,0.4171,,myrlciakvvx,,0,,,RT kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Dona… http://t.co/jAqjwnndgB http://t.co/lRUMxgR8pM,,2015-08-07 09:30:21 -0700,629691055802318848,, -2465,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7222,,TLove41,,1,,,"RT @Wolfrum: ""Oh Donald, again with your angry misogyny. You are just incorrigible. Now tell us more about Trump Wall."" -- #GOPDebate",,2015-08-07 09:30:20 -0700,629691051385712640,Indiana, -2466,Jeb Bush,0.3974,yes,0.6304,Negative,0.6304,,0.233,,DianeSnavely,,17,,,"RT @buffalopundit: Actually, BUSH'S BROTHER CUT THE DEAL TO LEAVE IRAQ. #GOPDebate",,2015-08-07 09:30:20 -0700,629691050420875264,"So.Nevada, USA",Pacific Time (US & Canada) -2467,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,faultnourczars,,0,,,Actual #GOPDebate MVP https://t.co/t0Wr7BKTrV,,2015-08-07 09:30:19 -0700,629691049393393664,on the edge,Atlantic Time (Canada) -2468,Ted Cruz,0.625,yes,1.0,Neutral,0.7045,None of the above,1.0,,DeborahPeasley,,0,,,"""Campaign Conservatives"" is a great description of many in #GOPDebate @TedCruz",,2015-08-07 09:30:19 -0700,629691048588115969,,Central Time (US & Canada) -2469,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ali,,2,,,Lots of Republicans in my Facebook and Twitter timelines are ticked at Fox News for running that hatchet job of a debate. #GOPdebate,,2015-08-07 09:30:19 -0700,629691046860034048,"D.C., Baton Rouge, Fort Worth",Eastern Time (US & Canada) -2470,No candidate mentioned,1.0,yes,1.0,Negative,0.6316,None of the above,0.7158,,danyelljusteen,,2,,,"RT @ThomasMYbarra: ""Purpose of the military is to kill people and break things!"" Um? Really? It's a last resort to defend Americans #GOP201…",,2015-08-07 09:30:19 -0700,629691046310494208,,Pacific Time (US & Canada) -2471,Donald Trump,1.0,yes,1.0,Negative,0.6548,None of the above,0.6667,,DaTechGuyblog,,0,,,Advice to #GOP candidates in order of how they finished 1st Donald Trump Add detail for debte 2 Don't play prevent #gopdebate #tcot #p2,,2015-08-07 09:30:18 -0700,629691044842618883,Central massachusetts,Eastern Time (US & Canada) -2472,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,None of the above,0.643,,TheDeerHero,,348,,,RT @robdelaney: .@FoxNews Fun shot of the candidates warming up for the #GOPDebate! http://t.co/5e7936xKoU,,2015-08-07 09:30:18 -0700,629691043940823040,, -2473,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,None of the above,1.0,,BahariSis,,1006,,,RT @NotBillWalton: The Straight Outta Compton trailer that just came on spent more time on police brutality than the #GOPDebate did.,,2015-08-07 09:30:18 -0700,629691043907248128,, -2474,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,melissamgarland,,0,,,@megynkelly was the real winner last night. #FoxDebate #GOPDebate,,2015-08-07 09:30:18 -0700,629691042736922624,Seattle,Pacific Time (US & Canada) -2475,No candidate mentioned,1.0,yes,1.0,Positive,0.6503,FOX News or Moderators,0.3497,,angeleveritt,,111,,,"RT @billmckibben: Glad to see climate change a key theme of tonight's #gopdebate. We may differ on solutions, but at least we're all focuse…",,2015-08-07 09:30:18 -0700,629691041856253952,Ottawa, -2476,Donald Trump,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,1.0,,Rach_IC,,0,,,"Trump disagreeing with Megyn Kelly's pointed, somewhat gotcha questions does not equate to her being a bimbo. <sigh> #gopdebate",,2015-08-07 09:30:16 -0700,629691033069056000,"Phoenix, AZ",Pacific Time (US & Canada) -2477,Donald Trump,0.6977,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TXTaxCPA,,0,,,#GOPDebate @chriswallace @megynkelly @BretBaier I was really looking forward to a real debate of the candidates not an attack on Trump,,2015-08-07 09:30:15 -0700,629691030913224705,"Dallas/Fort Worth, Texas",Central Time (US & Canada) -2478,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3556,None of the above,0.237,,APPSRUNTHEWORLD,,0,,,"Everybody loves Carly the Cinderella. Compared with the dwarfs at the other table, she was the afternoon delight. #gopdebate",,2015-08-07 09:30:14 -0700,629691028220436480,,Pacific Time (US & Canada) -2479,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,AShockedPerson,,0,,,Carly: I'll cuck for Bibi before I do ANYTHING for the US! Count on it! Israel First! #cuckservative #GOPDebate,,2015-08-07 09:30:14 -0700,629691025561403392,,Central Time (US & Canada) -2480,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alabamafan2,,0,,,"@JohnKasich is from Ohio. - Ohio gave us Boehner. -NO THANKS. ANOTHER RHINO - #GOPDebate",,2015-08-07 09:30:14 -0700,629691025053761536,Georgia,Eastern Time (US & Canada) -2481,No candidate mentioned,1.0,yes,1.0,Positive,0.3587,None of the above,1.0,,youngj_t,,2,,,RT @optibotimus: Know what's funny....the #GOPDebate probably has a better score on rotten tomatoes than #FantasticFour 👍,,2015-08-07 09:30:13 -0700,629691024202403841,,Pacific Time (US & Canada) -2482,No candidate mentioned,0.4902,yes,0.7002,Neutral,0.4902,Immigration,0.4902,,EusebiaAq,,0,,,@EPA Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:30:13 -0700,629691024147812352,America,Eastern Time (US & Canada) -2483,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,herbivorous,,1,,,RT @drewmoss1979: Is FOXNews a long-game liberal conspiracy to drive the Republican Party so far right that it will never win a general ele…,,2015-08-07 09:30:13 -0700,629691022554058752,,Pacific Time (US & Canada) -2484,Chris Christie,0.4396,yes,0.6629999999999999,Positive,0.6629999999999999,FOX News or Moderators,0.4396,,TheAtlanticVamp,,0,,,"Chris Christie did nicely, I think. I'm surprised Fox News didn't hit him with ""fat"" questions though. #fitnessaspresident #GOPDebate",,2015-08-07 09:30:13 -0700,629691022541496320,Georgia,Eastern Time (US & Canada) -2485,Rand Paul,0.435,yes,0.6596,Neutral,0.6596,Gun Control,0.2316,,PoliSciUMN,,0,,,.@RobertJRalston The Paul/Chirstie debate regarding 4th amendment protections vs. mass data collection was very interesting. #GOPDebate,,2015-08-07 09:30:13 -0700,629691021425676288,"Minneapolis, MN", -2486,No candidate mentioned,1.0,yes,1.0,Positive,0.6859999999999999,None of the above,0.6628,,sallykohn,,12,,,"I think @megynkelly won #GOPDebate! Hard hitting questions of concern to majority of voter, not just fringe GOP base. - -#MegynForPresident",,2015-08-07 09:30:12 -0700,629691018443661312,here and there,Eastern Time (US & Canada) -2487,No candidate mentioned,0.6809,yes,1.0,Positive,0.6489,Women's Issues (not abortion though),0.6702,,noah_broah,,221,,,"RT @feministabulous: I don't always support everything Megyn Kelly says, but tonight she's my hero. http://t.co/QgwM5XG3F9 #GOPDebate http:…",,2015-08-07 09:30:11 -0700,629691013221744640,, -2488,No candidate mentioned,0.6563,yes,1.0,Neutral,1.0,None of the above,1.0,,bgittleson,,0,,,The #GOPDebate by the numbers: http://t.co/s9UQDSEMRX http://t.co/dX13Wgwgu2,,2015-08-07 09:30:11 -0700,629691012076539906,"New York, NY",Eastern Time (US & Canada) -2489,No candidate mentioned,0.4215,yes,0.6493,Negative,0.3453,,0.2277,,KCbartendermike,,0,,,https://t.co/skhaS0lquB God Damn! That's what's called a MEGA #TwatSwat @hardball_chris #GOPDebate #CarlyFiorina,,2015-08-07 09:30:09 -0700,629691006334545920,Kansas City, -2490,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MissLynneNYC,,0,,,"Not shocked much,but ""debate"" questions for both were ABSURD!!With all the shit we have going on, they chose 2 try & start fights #GOPDebate",,2015-08-07 09:30:08 -0700,629691002245263360,"Richmond, Virginia,", -2491,No candidate mentioned,0.4659,yes,0.6825,Neutral,0.3452,None of the above,0.4659,,Willowmarie27,,1,,,RT @Oct8angle: First @TheDemocrats debate 2 months after #GOPDebate? Undemocratic. An Embarrassment. #WeWantDebate #WeNEEDdebate @DWStweets…,,2015-08-07 09:30:08 -0700,629691001775394818,, -2492,Ted Cruz,1.0,yes,1.0,Negative,0.6706,None of the above,0.6471,,mtada71,,127,,,"RT @pattonoswalt: Ted Cruz = ""Chubby Damien Thorne"" #GOPDebate",,2015-08-07 09:30:08 -0700,629691000970153984,NC, -2493,No candidate mentioned,1.0,yes,1.0,Negative,0.6163,Jobs and Economy,0.6977,,jay_slypig,,5,,,"RT @ProfKori: As person who grew up poor, I can tell you: no one is more brutal than poor ppl who make it & think success makes them better…",,2015-08-07 09:30:07 -0700,629690998302453760,,Central Time (US & Canada) -2494,No candidate mentioned,1.0,yes,1.0,Positive,0.6782,None of the above,1.0,,VeganYogaDude,,0,,,RT@brianstelter Overnight #'s: #GOPDebate had a 16.0 household rating. (vs 5.3 in 2011/12) http://t.co/4IH7BTyeaZ http://t.co/e9FIG93k0i,,2015-08-07 09:30:06 -0700,629690994066386944,"Montreal, QC, Canada", -2495,No candidate mentioned,1.0,yes,1.0,Positive,0.3478,None of the above,1.0,,EarthPeace33,,1,,,RT @LollyOhMy: Good thing #climatechange is not something to worry about! I'm excited about the beaches in Colorado. #GOPDebate,,2015-08-07 09:30:06 -0700,629690992397012992,,Central Time (US & Canada) -2496,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,ChrisJZullo,,8,,,"No substantive conversation about income inequality, declining wages, social security or race and minorities. #GOPDebate about nothing.",,2015-08-07 09:30:05 -0700,629690989607821312,The United States of America,Eastern Time (US & Canada) -2497,Marco Rubio,0.4302,yes,0.6559,Positive,0.6559,None of the above,0.4302,,goblueman,,1,,,RT @atlcav: All my faves did really well last night: @marcorubio @JohnKasich @RealBenCarson @CarlyFiorina #GOPDebate Rubio-Kasich ticket!…,,2015-08-07 09:30:05 -0700,629690987800068096,Michigan,Atlantic Time (Canada) -2498,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6522,,handymayhem,,0,,,Came in the negro barbershop asked about the #GOPDebate.... they told me to shut up,,2015-08-07 09:30:05 -0700,629690987699392512,(610),Atlantic Time (Canada) -2499,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,shawnsBrain66,,2,,,"""Ultimately, liberals were unhappy, which means the GOP did something right"" #gopDebate http://t.co/08nrvGEsrA",,2015-08-07 09:30:03 -0700,629690981647011841,IL, -2500,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Gina8_12,,0,,,#GOPDebate Gov.Walker being pro-life means pro EVERY life! When you develop a uterus then you can have an opinion!,,2015-08-07 09:30:03 -0700,629690980401348608,Greece,Athens -2501,Donald Trump,0.4061,yes,0.6372,Negative,0.6372,,0.2312,,TrumpIssues,,0,,,"Government can fu*k up so bad that an event like #Benghazi unfolds, but let's make a big deal about Trump calling someone a dog. #GOPDebate",,2015-08-07 09:30:03 -0700,629690979985981440,United States Of America,Pacific Time (US & Canada) -2502,No candidate mentioned,0.428,yes,0.6542,Neutral,0.6542,None of the above,0.428,,billboard,,20,,,#GOPDebate: We gave each Republican presidential candidate a theme song http://t.co/DZjpdUaFlm,,2015-08-07 09:30:03 -0700,629690979034001408,Worldwide!,Eastern Time (US & Canada) -2503,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6503,,AverageChirps,,1,,,"In 3pm #GOPDebate, Fox ""News"" asked a REAL softball of a question: 2 words to describe Hillary. ALL SEVEN answered with more than two words.",,2015-08-07 09:30:02 -0700,629690977268142084,Location: Scooched To The Left,Eastern Time (US & Canada) -2504,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AngelaTN777,,12,,,"RT @Reenit: Be back after 3 advil and a late dinner. #GOPDebate -Footnote @MeganKelly needs a new job! Is CNN hiring. She is way too full of…",,2015-08-07 09:30:01 -0700,629690971203092480,"Nashville, TN",Central Time (US & Canada) -2505,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.6322,None of the above,0.3997,,3Wave,,0,,,"There were lots of ""yikes"" moments in the #GOPDebate - @Dreamdefenders is starting a discussion about some: http://t.co/qmbM3Bg6tt #KKKorGOP",,2015-08-07 09:30:01 -0700,629690971106770944,"Brooklyn, NY",Eastern Time (US & Canada) -2506,No candidate mentioned,1.0,yes,1.0,Negative,0.6333,None of the above,1.0,,MSMisPropaganda,,13,,,"RT @nowiknowmyabcs: Lindsey Graham could be the solution for insomniacs everywhere. - -#GOPDebate",,2015-08-07 09:30:00 -0700,629690969806405632,America,Alaska -2507,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,MatthewTwihard,,0,,,Abortion rights are barbaric and need to go - we are killing American citizens! #GOPDebate #prolife #AbortionIsMurder #PlannedParenthood,,2015-08-07 09:30:00 -0700,629690967306547201,"Kenner,La",Central Time (US & Canada) -2508,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pam_mcmillan,,1,,,RT @ThatsJustBogus: The day after the #GOPDebate a man who is mean to everybody is complaining about everybody being mean to him. #TrumpThe…,,2015-08-07 09:29:58 -0700,629690961560502272,Virginia,Eastern Time (US & Canada) -2509,John Kasich,0.4074,yes,0.6383,Positive,0.3617,Jobs and Economy,0.2309,,MJB2_85,,101,,,RT @JohnKasich: John Kasich knows how to balance budgets because he's actually done it. He will do it again. #GOPDebate http://t.co/LuyfKOK…,,2015-08-07 09:29:56 -0700,629690951129239552,West Islip New York,Eastern Time (US & Canada) -2510,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,Religion,1.0,,allonb,,0,,,Did you notice on the GOD question they avoided saying they actually talk to god and have conversations being more general. #GOPdebate,,2015-08-07 09:29:55 -0700,629690948965040128,,Central Time (US & Canada) -2511,Ted Cruz,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,EarthPeace33,,1,,,"RT @wtc1998: I filled 15/25 of my bingo spaces tonight. I'm surprised I didn't get ""Cruz denies climate change."" #GOPDebate",,2015-08-07 09:29:54 -0700,629690944502296576,,Central Time (US & Canada) -2512,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6573,,36b4da8c444e4de,,36,,,"RT @larryelder: Donald Trump said, ""Single-payer works in Canada."" No...it...does...not!!! 20 reasons why not: -http://t.co/uR9oz95p9F -#GOPD…",,2015-08-07 09:29:54 -0700,629690942182690816,, -2513,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CalexQuint,,0,,,"Trump = Obama = Paranoid egomaniacs always blaming others. - -#DemocratsThinkAlike - -#GOPDebate",,2015-08-07 09:29:53 -0700,629690940433674240,"My heart lives in Ibiza, Spain",Central Time (US & Canada) -2514,No candidate mentioned,1.0,yes,1.0,Positive,0.6665,FOX News or Moderators,0.6665,,clifkee,,0,,,"@megynkelly well done! #GOPDebate suppose to advance survival of the fittest, not protection of endangered species. @greta #FoxNews",,2015-08-07 09:29:53 -0700,629690939687067648,"Carlsbad, California",Pacific Time (US & Canada) -2515,No candidate mentioned,1.0,yes,1.0,Neutral,0.6656,Immigration,0.6656,,EusebiaAq,,0,,,@EPAespanol Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:29:53 -0700,629690937707356160,America,Eastern Time (US & Canada) -2516,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DulinMaefly9,,30,,,RT @ThatTexasBoy26: 😄 that's messed up. @JebBush getting no love on @Snapchat #GOPDebate http://t.co/0jX8Yeb00F,,2015-08-07 09:29:51 -0700,629690931449593856,, -2517,Mike Huckabee,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6548,,rhUSMC,,1,,,RT @RebeccazWriting: @megynkelly @FrankLuntz @GovMikeHuckabee Interesting -considering he doesn't have a snowball's chance in HELL of winni…,,2015-08-07 09:29:51 -0700,629690928559558656,AZ USA, -2518,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,Women's Issues (not abortion though),0.6782,,bookoisseur,,190,,,RT @feministabulous: FYI: Planned Parenthood is more popular than any man on stage right now: http://t.co/IFPy8t26WB #GOPDebate,,2015-08-07 09:29:50 -0700,629690927850852352,"Brooklyn, NY",Eastern Time (US & Canada) -2519,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,mllnola,,1,,,"RT @IronHide_81: Tell me @marklevinshow, when are you going to moderate a #GOPDebate? It's the only chance to give conservatives a fair sha…",,2015-08-07 09:29:50 -0700,629690927817322497,NOLA,America/Chicago -2520,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EarthPeace33,,13,,,RT @foodwishes: Did I miss all the climate change questions? #GOPDebate,,2015-08-07 09:29:49 -0700,629690922259849216,,Central Time (US & Canada) -2521,No candidate mentioned,0.3989,yes,0.6316,Negative,0.6316,,0.2327,,Thor_2000,,3,,,"RT @wendmyoung: Not one clown on that stage of idiots last night, can match PBO's accomplishments #GOPDebate #voteblue2016 http://t.co/xocS…",,2015-08-07 09:29:48 -0700,629690918883467264,"Nashville, Tennessee",Central Time (US & Canada) -2522,No candidate mentioned,1.0,yes,1.0,Neutral,0.6848,None of the above,0.6848,,govtdude,,1,,,"RT @IAMMGraham: Time to talk #GOPDebate, and gutless #Irish liberals afraid to fight against evil (Hitler or ISIS) w/@ghook -@NewsRadio1067",,2015-08-07 09:29:46 -0700,629690910998138880,Georgia,Eastern Time (US & Canada) -2523,Donald Trump,0.4444,yes,0.6667,Negative,0.3448,None of the above,0.4444,,ohiomary,,2,,,RT @GhesheS: #GOPDebate: Trump Trumped! http://t.co/zWIN7P0vhH,,2015-08-07 09:29:46 -0700,629690909450444800,"Northville, Michigan",Eastern Time (US & Canada) -2524,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,None of the above,0.4805,,raygibbs1,,1,,,"RT @ShiCooks: The most offensive, confusing, hilarious, & wild moments #GOPDebate http://t.co/kJMyy04bnH http://t.co/a4ZOV5eKOt h/t @Vanity…",,2015-08-07 09:29:45 -0700,629690906225037312,"Washington, D. C. ",Central Time (US & Canada) -2525,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DardenKristen,,0,,,Drank way too much 🍷 watching the #GOPDebate hangover #GDFR,,2015-08-07 09:29:45 -0700,629690906103316480,, -2526,No candidate mentioned,1.0,yes,1.0,Negative,0.6768,None of the above,0.6566,,realJoshHughes,,0,,,@jeremypiven after watching last night's #GOPDebate I've decided Ari Gold really had the best domestic policy... http://t.co/k6XA5rlo70,,2015-08-07 09:29:45 -0700,629690905864368128,"Cookeville, TN", -2527,No candidate mentioned,1.0,yes,1.0,Negative,0.6733,None of the above,1.0,,EarthPeace33,,3,,,RT @SarahDoiron31: Can we talk about climate change or is that just going to be swept under the rug again? #GOPDebate #climatechange,,2015-08-07 09:29:44 -0700,629690900608905216,,Central Time (US & Canada) -2528,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6659999999999999,,JennHohman,,1,,,After #GOPDebate He's on top! Go @RealBenCarson Go!! #FoxNews and @megynkelly keep Ben on the air! http://t.co/DgGlgoNasd,,2015-08-07 09:29:44 -0700,629690898998136832,"Houston, Texas",Eastern Time (US & Canada) -2529,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,SantoliDonato,,7,,,RT @cappy_yarbrough: Love to see men who will never be faced with a pregnancy talk about what I can do with my body ❤️❤️❤️❤️ #GOPDebate,,2015-08-07 09:29:43 -0700,629690895479250944,Como, -2530,Mike Huckabee,1.0,yes,1.0,Positive,0.6965,None of the above,1.0,,RhondaWatkGwyn,,1,,,It sure was. #Huckabee delivered his message well. #ImWithHuck #GOPDebate #th2016 #ccot #tcot #teaparty #pjnet https://t.co/DwPzCZZrRL,,2015-08-07 09:29:42 -0700,629690894325837824,"Mount Airy, North Carolina",Eastern Time (US & Canada) -2531,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,Abortion,1.0,,Hooplaoly,,5,,,RT @AngryBlackLady: Pretty sure I was just drunkenly yelling “ABORTION” at the screen at the New Parkway last night. #GOPDebate,,2015-08-07 09:29:42 -0700,629690890743721984,,Pacific Time (US & Canada) -2532,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LadyPurdie,,60,,,RT @lizzwinstead: They all look like they need a stool softener #GOPDebate,,2015-08-07 09:29:41 -0700,629690888059506688,Kronos 1, -2533,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ITSCOLEPHILLIPS,,0,,,when Jeb Bush said all the Republican candidates were better than Hillary and Bernie #GOPDebate http://t.co/fWA5ir27bY,,2015-08-07 09:29:40 -0700,629690884792188928,US,Quito -2534,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,immunpulse,,2,,,RT @AnArousedWoman: All of these GOP assholes hate #women. Too bad women vote for these misogynists. #GOPDebate #GOPClownShow #p2 #fem2 htt…,,2015-08-07 09:29:39 -0700,629690878030925824,"Virginia, USA",Pacific Time (US & Canada) -2535,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6629,,verrrr_,,653,,,RT @HeadcACE1906: GOP in a nut shell #GOPDebate http://t.co/Q7Q7GXw3Lc,,2015-08-07 09:29:38 -0700,629690875270959105,"San Diego, California ",Pacific Time (US & Canada) -2536,Donald Trump,1.0,yes,1.0,Positive,0.6747,None of the above,0.6386,,alexrude,,0,,,Easily the best part of last night's #GOPDebate “@SRShowSXM: Trump takes down Rosie. https://t.co/kC62VtBf6p”,,2015-08-07 09:29:36 -0700,629690866613944323,"Sacramento, CA",Pacific Time (US & Canada) -2537,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,DianeSnavely,,17,,,RT @Booker25: #GOPDebate these 10 idiots forget that #irandeal involves 5 other countries,,2015-08-07 09:29:35 -0700,629690862599958528,"So.Nevada, USA",Pacific Time (US & Canada) -2538,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,MoieRay,,11,,,RT @CeeJayCraig: I'm so ready for the next #GOPDebate,,2015-08-07 09:29:34 -0700,629690860276461570,,Eastern Time (US & Canada) -2539,No candidate mentioned,1.0,yes,1.0,Negative,0.7004,None of the above,1.0,,madiallman,,19,,,RT @thedebaterprobs: The #GOPDebate made me realize how much people saying stupid things in suits makes me miss debate season.,,2015-08-07 09:29:34 -0700,629690857952690176,, -2540,Donald Trump,0.4274,yes,0.6538,Negative,0.6538,None of the above,0.4274,,aaronlmorrison,,0,,,How @realDonaldTrump imagined he performed at last night's #GOPDebate? https://t.co/J1UhtFQzii,,2015-08-07 09:29:34 -0700,629690857734701056,"New York, NY",Eastern Time (US & Canada) -2541,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6593,,dead_rachel,,567,,,RT @almightygod: I like to whisper different things in each candidate's ear. Keeps 'em guessing. #GOPDebate,,2015-08-07 09:29:34 -0700,629690857541648385,~ saturn ~,Arizona -2542,No candidate mentioned,1.0,yes,1.0,Neutral,0.6691,FOX News or Moderators,0.6732,,EarthPeace33,,4,,,"RT @seansimpson01: ""Let's talk about climate change and the environment?"" -""Nah. We're good."" - @FoxNews -#GOPDebate",,2015-08-07 09:29:32 -0700,629690849878765568,,Central Time (US & Canada) -2543,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,0.6552,,bmangh,,2,,,"#GOPDebate was like #JackNicholson driving his fellow patients around in ""One Flew Over the Cuckoos Nest."" http://t.co/lRpXQgx4A2",,2015-08-07 09:29:31 -0700,629690845021798400,"New Haven, CT",Eastern Time (US & Canada) -2544,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NewsyVideos,,1,,,RT @KGrumke: Check out our interactive fact check of the #GOPDebate! http://t.co/3064jPtpa0 @NewsyVideos,,2015-08-07 09:29:30 -0700,629690844086272000,United States,Central Time (US & Canada) -2545,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BryanSchleigh,,334,,,"RT @RedStateJake: Sorry, but @JebBush was as inspiring as a manila envelope. - -#GOPDebate #tcot #tlot #ccot #ycot #GOP http://t.co/5xeZ4vlJ…",,2015-08-07 09:29:30 -0700,629690842391908354,, -2546,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,thebestdanielle,,0,,,"Anyone else find it odd God would tell everyone to run? Wouldn't he have picked just one, you know, being God and all? #GOPDebate",,2015-08-07 09:29:29 -0700,629690839027978244,, -2547,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,chynna_ross,,1,,,RT @buckle2: The scary part about the #GOPDebate is that Trump won and is still leading the polls. Is America serious about making him Pres…,,2015-08-07 09:29:29 -0700,629690838772224000,existentialism,Central Time (US & Canada) -2548,Donald Trump,1.0,yes,1.0,Neutral,0.3646,FOX News or Moderators,0.6354,,Kim_Perryman,,0,,,@hrkbenowen Tuned in to learn more about the other guys not named Trump and it turned into Megyn Kelly's Peoples Court #GOPDebate #Cruz2016,,2015-08-07 09:29:29 -0700,629690838566592512,DFW,Central Time (US & Canada) -2549,No candidate mentioned,0.4393,yes,0.6628,Neutral,0.6628,None of the above,0.2312,,dominionIN,,0,,,"For Whom the Bells Toll? -* -The Million Dollar Question! #GOPDebate",,2015-08-07 09:29:29 -0700,629690838122037249,,New Delhi -2550,No candidate mentioned,1.0,yes,1.0,Negative,0.6372,None of the above,1.0,,isaacfromCT,,0,,,I've never seen a #GOPDebate as entertaining as last night's was,,2015-08-07 09:29:29 -0700,629690838105354240,"Hartford, CT, United States",Eastern Time (US & Canada) -2551,No candidate mentioned,0.4247,yes,0.6517,Neutral,0.3371,None of the above,0.4247,,McIrish2012,,3,,,RT @BMOREBrian: @BRappy55 RT @HuffPostLive: Last night's #GOPDebate in a nutshell. http://t.co/E7oOAW7nEa,,2015-08-07 09:29:29 -0700,629690836704366592,"Minnesota, USA",Eastern Time (US & Canada) -2552,No candidate mentioned,1.0,yes,1.0,Positive,0.3407,Immigration,0.6703,,acecustom1,,24,,,RT @TeamRickPerry: .@GovernorPerry has a plan to end sanctuary cities #tcot #GOPDebate #Perry2016 http://t.co/L3cZ6jbRYH,,2015-08-07 09:29:29 -0700,629690835978731520,round rock tx, -2553,Donald Trump,0.4633,yes,0.6807,Positive,0.3504,None of the above,0.4633,,DeafFromAIDS,,12,,,RT @DemsRRealRacist: Trump keeps trying to make definitive statements when the #GOPDebate is actually for mealy-mouthed hemming and hawing.…,,2015-08-07 09:29:29 -0700,629690835823669248,Milton Keynes, -2554,Ted Cruz,0.3941,yes,0.6277,Positive,0.6277,None of the above,0.3941,,dmc2et,,7,,,"RT @Laural4705: #GOPDebate my opinion, cruz had the best closing remarks, explaining his plan and vision for America. He was passionate, de…",,2015-08-07 09:29:28 -0700,629690835152568320,"SE Georgia, USA",Eastern Time (US & Canada) -2555,Scott Walker,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,AverageChirps,,0,,,---->> Court Docs: 'Probable Cause To Believe' Walker Committed Felony http://t.co/fZoQJXbm6X #topprog #GOPDebate,,2015-08-07 09:29:28 -0700,629690834141736960,Location: Scooched To The Left,Eastern Time (US & Canada) -2556,,0.2247,yes,0.341,Negative,0.341,,0.2247,,u_edilberto,,31,,,"RT @ImmigranNacion: @PeteSessions #GOPDebate #USA, seriously, would you vote for any of these CLOWNS? We NEED #CIRNow #AINF #TNTVote http:/…",,2015-08-07 09:29:28 -0700,629690833382588416,, -2557,Ted Cruz,0.4138,yes,0.6432,Positive,0.6432,None of the above,0.4138,,MN2A4ASupporter,,1,,,With first debate over.... hands down @TedCruz is my pick for President! #GOPDebate http://t.co/g0jq1Y53bo,,2015-08-07 09:29:28 -0700,629690831645995008,Minnesota, -2558,No candidate mentioned,0.6707,yes,1.0,Negative,1.0,None of the above,1.0,,Spiryt,,0,,,"""@dannyboi965: A shocking photo taken in the sewers in Ohio after the #GOPDebate last night. http://t.co/rbK7gMYhCE"" lol brilliant",,2015-08-07 09:29:27 -0700,629690830526087168,Columbia SC ,Quito -2559,Jeb Bush,0.6471,yes,1.0,Negative,0.6471,None of the above,1.0,,SandraSandlc52,,56,,,RT @ChuckNellis: Don't JEB me man! #GOPDebate http://t.co/KWDnwGf53Q,,2015-08-07 09:29:27 -0700,629690828722728960,, -2560,Ted Cruz,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6703,,stipton82,,364,,,RT @pattonoswalt: Cruz wants us to forfeit citizenship if we go and join ISIS? That seriously fucks up the spring break comedy script I jus…,,2015-08-07 09:29:27 -0700,629690827686543360,"Valparaiso, IN",Eastern Time (US & Canada) -2561,Jeb Bush,0.6613,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LinFlies,,2,,,"RT @br549q: #MegynKelly #KellyFile #GOPDebate -#foxnews demnstrtes its bias for Jeb by time allotment & time spent attackng Trump -http://t.…",,2015-08-07 09:29:26 -0700,629690827292307456,"San Diego, CA USA",Pacific Time (US & Canada) -2562,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,GetUpStandUp2,,0,,,"#TheDonald says re: calling #women dogs, disgusting animals: ""We have a lot of fun, I say what I say."" #TrumpMisogynist #misogyny #GOPDebate",,2015-08-07 09:29:26 -0700,629690825597784064,Washington State,Pacific Time (US & Canada) -2563,Rand Paul,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,JaredYamamoto,,0,,,Rand Paul tried to relate with #millennials #randpaul #gopdebate https://t.co/M6DbM4SHY3,,2015-08-07 09:29:26 -0700,629690824461303808,"Atlanta, Ga", -2564,No candidate mentioned,1.0,yes,1.0,Neutral,0.6524,None of the above,1.0,,EarthPeace33,,10,,,"RT @janekleeb: So 20 more minutes of #GOPDebate and nothing on clean energy, climate change, environment #nokxl clearest indicator of party…",,2015-08-07 09:29:26 -0700,629690823479816192,,Central Time (US & Canada) -2565,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RefuseOfCuyahog,,16,,,"RT @GetUpStandUp2: #BATsAsk What if you gave a #GOPDebate and NOBODY came? Oh, wait!!! https://t.co/9TrCpw0EfM @BadassTeachersA http://t.co…",,2015-08-07 09:29:25 -0700,629690821625913344,"Cleveland, OH", -2566,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JapanForMe,,1,,,RT @CarolCNN: GOP candidates take aim at @HillaryClinton during #GOPdebate. Does it help or hurt her? @ChrisKofinis weighs in @CNN http://t…,,2015-08-07 09:29:25 -0700,629690820917133312,greensboro, -2567,Jeb Bush,0.4218,yes,0.6495,Negative,0.6495,Immigration,0.2277,,Velvet_Shotgun,,60,,,"RT @ThaRightStuff: Yes goyim, communist sympathizer @chrislhayes approves of @JebBush . Plz stop being racist #GOPDebate #cuckservative htt…",,2015-08-07 09:29:22 -0700,629690810246627332,, -2568,No candidate mentioned,1.0,yes,1.0,Positive,0.6879,None of the above,0.7019,,smailliWyblehS,,11,,,"RT @ArsenioHall: BTW ... @CarlyFiorina earned a spot at the ""big table"" for next debate, don't you think? #GOPDebate #shebrungit",,2015-08-07 09:29:21 -0700,629690805431705601,KY, -2569,Donald Trump,0.6786,yes,1.0,Negative,0.6786,None of the above,1.0,,ScottyTres,,0,,,"TRUMP: ""MORE ADAM SANDLER MOVIES!"" #MakeAmericaFartAgain #GOPDebate",,2015-08-07 09:29:21 -0700,629690803221172225,Indianapolis,Quito -2570,Jeb Bush,1.0,yes,1.0,Neutral,0.6742,FOX News or Moderators,0.6742,,RefuseOfCuyahog,,17,,,RT @marla_kilfoyle: Here is what Jeb did to ed in FL http://t.co/TP1pTWUjFa @megynkelly @bretbaier @FoxNewsSunday #GOPDebate #BATsAsk,,2015-08-07 09:29:20 -0700,629690799408685056,"Cleveland, OH", -2571,No candidate mentioned,1.0,yes,1.0,Negative,0.6362,None of the above,1.0,,GOP_DEM,,1,,,RT @ChrisClaytonDTN: Political junkies are worse than football fans. One poor debate and suddenly that guy isn't going to the Super Bowl. #…,,2015-08-07 09:29:19 -0700,629690796627759104,USA,Pacific Time (US & Canada) -2572,Donald Trump,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,LucyLindenTree,,0,,,"Kept wondering where The Donald left his pinky ring and gold chains were, what with his used car salesman gesturing/talk. #GOPDebate",,2015-08-07 09:29:19 -0700,629690795763871744,"New Hope, PA",Eastern Time (US & Canada) -2573,No candidate mentioned,1.0,yes,1.0,Negative,0.6593,Immigration,0.6593,,EusebiaAq,,0,,,@NowWithALEX Who's the real illegal alien #GOPDEbate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:29:19 -0700,629690794983583744,America,Eastern Time (US & Canada) -2574,Rand Paul,0.4539,yes,0.6737,Positive,0.6737,None of the above,0.4539,,stentaracks,,7,,,RT @MN4RAND: Glenn Beck is saying Rand is a big winner in the #GOPDebate and Christie is a big loser. #StandWithRand #GetAWarrant @RandPaul,,2015-08-07 09:29:18 -0700,629690789799440384,Minneapolis, -2575,Ben Carson,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,WarriorDanielle,,1,,,"RT @JRpolitirants: Don't get me wrong, Ben Carson is a brilliant man, I admire him, but I don't see him as president, its true he has a lot…",,2015-08-07 09:29:17 -0700,629690788578865152,"California, USA", -2576,Marco Rubio,0.4771,yes,0.6907,Positive,0.6907,Abortion,0.4771,,kjcopp,,0,,,YES! MT @CNNPolitics: .@marcorubio takes a stand on abortion during the #GOPDebate http://t.co/8KAOnV4Kb7 http://t.co/fiQDbU1do2”,,2015-08-07 09:29:16 -0700,629690785097760768,,Eastern Time (US & Canada) -2577,Rand Paul,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,TheAtlanticVamp,,0,,,"Rand Paul is looking for a fight. Problem is, is it a political fight he wants, or is he merely pent up? #GOPDebate",,2015-08-07 09:29:16 -0700,629690783294164993,Georgia,Eastern Time (US & Canada) -2578,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BrittanyCBP,,0,,,Veteran political journalist Jim Barnes breaks down winners and losers of #GOPDebate for @ballotpedia: http://t.co/eza7pbYaKh,,2015-08-07 09:29:15 -0700,629690779884072960,"Chicago, IL", -2579,Jeb Bush,0.6989,yes,1.0,Neutral,0.6452,Jobs and Economy,0.6452,,Julie_Vit,,0,,,That Common Core question on #GOPdebate really escalated quickly. http://t.co/Xq0WaKYBH4,,2015-08-07 09:29:15 -0700,629690778848264192,"Washington, DC",Mountain Time (US & Canada) -2580,Jeb Bush,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,DeafFromAIDS,,8,,,"RT @NicholasPell: ""Whatever the geometric mean position of all primary voters is, that is also my position. Also, stammering."" - Jeb #GOPDe…",,2015-08-07 09:29:13 -0700,629690770799374336,Milton Keynes, -2581,Marco Rubio,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,ruth_walshe,,16,,,"RT @chrisgeidner: Rubio says all life should be protected. Rejects that he supports ""life of the mother"" exceptions. #GOPDebate",,2015-08-07 09:29:12 -0700,629690767213240320,Probably asleep. ,London -2582,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Thor_2000,,1,,,RT @BecomingUsBrook: Watched a part of the #GOPDebate last night. Hilarious that @ScottWalker thinks he has any chance. Let alone any of th…,,2015-08-07 09:29:10 -0700,629690759206281216,"Nashville, Tennessee",Central Time (US & Canada) -2583,Donald Trump,1.0,yes,1.0,Positive,0.3563,None of the above,1.0,,Patriot_Girl_TX,,15,,,RT @AgainstCronyCap: Fiorina calls Trump out for giving to Hillary's Senate run http://t.co/huTOQZGYud #Trump2016 #GOPDebate http://t.co/1X…,,2015-08-07 09:29:09 -0700,629690752793088001,,Central Time (US & Canada) -2584,No candidate mentioned,1.0,yes,1.0,Neutral,0.6307,Religion,1.0,,DianeSnavely,,5,,,"RT @mommadona: Every father w a daughter needs to think, very hard, about what these #religion zealots are saying #PlannedParenthood #GOPDe…",,2015-08-07 09:29:08 -0700,629690751031447554,"So.Nevada, USA",Pacific Time (US & Canada) -2585,Donald Trump,0.3974,yes,0.6304,Negative,0.337,,0.233,,fezfucka,,254,,,RT @megynkelly: .@realDonaldTrump: If it weren’t for me you wouldn’t even be talking about illegal immigration #GOPDebate,,2015-08-07 09:29:07 -0700,629690745620856832,, -2586,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,goodrichgevaart,,1,,,"""the military's favorite song is Break Stuff by Limp Bizkit""- @MikeHuckabeeGOP #GOPDebate",,2015-08-07 09:29:06 -0700,629690741791584256,Chicago,Central Time (US & Canada) -2587,Donald Trump,1.0,yes,1.0,Negative,0.6694,FOX News or Moderators,1.0,,MichaelWhatley7,,0,,,@megynkelly needs to get in the kitchen and make @realDonaldTrump a sandwich. She doesn't belong in that setting with him. #GOPDebate,,2015-08-07 09:29:06 -0700,629690741317632000,Alabama,Central Time (US & Canada) -2588,No candidate mentioned,1.0,yes,1.0,Negative,0.7034,None of the above,0.7034,,EarthPeace33,,25,,,"RT @peterdaou: Great to hear about critical topics like extreme inequality, poverty, climate change, racial justice at the #GOPDebate ... o…",,2015-08-07 09:29:04 -0700,629690734757695488,,Central Time (US & Canada) -2589,Rand Paul,1.0,yes,1.0,Negative,0.6866,None of the above,1.0,,Dr_C2006,,4,,,"RT @Fingers_of_Fury: It's ""fewer"" records, not ""less"" records, Rand Paul. Sorry, pally. My president knows the difference. #GOPDebate",,2015-08-07 09:29:04 -0700,629690731087691776,I'm near PS153.H56H33 2005, -2590,No candidate mentioned,1.0,yes,1.0,Negative,0.7045,Racial issues,0.7045,,GwapedUp_Richie,,0,,,Rap Nigga That Dont Rap Just Look Like 1! #GOPDebate,,2015-08-07 09:29:03 -0700,629690730752163840,AnyWhere,Central Time (US & Canada) -2591,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,consmover,,2,,,"RT @senatorshoshana: If @realDonaldTrump is complaining about hard questions from a ""bimbo"" like @megynkelly, how is he to lead America? #G…",,2015-08-07 09:29:03 -0700,629690728646512640,"Nashville , TN", -2592,No candidate mentioned,1.0,yes,1.0,Negative,0.6537,None of the above,1.0,,hgrace112,,629,,,RT @BreeNewsome: I predict tonight's winner will be late night comedians and Twitter. #GOPDebate,,2015-08-07 09:29:03 -0700,629690728164163585,, -2593,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,queerquxxn,,0,,,"my head still hurts from hearing mike huckabee imply trans ppl are a ""social experiment"" like eat my trans shit u moldy dishrag #GOPDebate",,2015-08-07 09:29:03 -0700,629690727497232384,vanessa is my sunshine,Eastern Time (US & Canada) -2594,Marco Rubio,0.4211,yes,0.6489,Positive,0.6489,None of the above,0.4211,,atlcav,,1,,,All my faves did really well last night: @marcorubio @JohnKasich @RealBenCarson @CarlyFiorina #GOPDebate Rubio-Kasich ticket! #Outnumbered,,2015-08-07 09:29:03 -0700,629690727262482432,Atlanta,Quito -2595,No candidate mentioned,1.0,yes,1.0,Neutral,0.7016,None of the above,0.7016,,leslieshedd,,0,,,MUST WATCH: @carlyfiorina & @hardball_chris debate @HillaryClinton’s trustworthiness. https://t.co/CFH5kfzKwF #GOPDebate #Carly2016,,2015-08-07 09:29:02 -0700,629690724624105472,"Washington, DC",Eastern Time (US & Canada) -2596,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Eykis,,1,,,RT @Xaron4: Glad to see SOMEBODY fact-checking #GOPDebate. #Fox let lies slide last night & rest of #media not much better. https://t.co/R…,,2015-08-07 09:29:02 -0700,629690723777015808,"Music City, USA - NashVegas",Central Time (US & Canada) -2597,No candidate mentioned,0.4311,yes,0.6566,Neutral,0.3333,FOX News or Moderators,0.4311,,antidonaldtrump,,0,,,"good that the moderators asked about past parties & bankruptcies but they forgot the deferments,McCain comments,rape allegations..#GOPDebate",,2015-08-07 09:29:02 -0700,629690722795393024,"San Diego, CA", -2598,No candidate mentioned,0.4612,yes,0.6791,Neutral,0.6791,None of the above,0.4612,,FineArtsUT,,2,,,RT @LandmarksUT: Ben Rubin's AND THAT'S THE WAY IT IS is back up and running. I'm sure it has plenty to say after the #GOPDebate. http://t.…,,2015-08-07 09:29:01 -0700,629690719968591872,"Austin, Texas", -2599,Ted Cruz,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,bonniebo40,,29,,,RT @thecjpearson: Ted would prosecute @PPact. #CruzToVictory #GOPDebate,,2015-08-07 09:29:00 -0700,629690718311714816,NW Wyoming & NW Montana,Mountain Time (US & Canada) -2600,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Dustin2008,,1,,,RT @Vara11: @JohnKasich really impressed in last night's #GOPDebate http://t.co/RbpOmS07gC #Kasich4Us,,2015-08-07 09:28:59 -0700,629690713723273216,⭕️-H-I-⭕️,Eastern Time (US & Canada) -2601,Donald Trump,0.6629,yes,1.0,Neutral,0.7079,None of the above,1.0,,politicsastar,,0,,,.@JDiamond1 finds strengths for #Trump #Paul & #Christie but wonders about #Bush & #Walker in last night's #GOPDebate http://t.co/CM8uowwG4S,,2015-08-07 09:28:59 -0700,629690713635180544,,London -2602,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RuthNkweti,,0,,,"A weave on your head should look like you own the hair. If I see anymore glue, I will scream. Looking like Trump -#weave -#GOPDebate -#bad",,2015-08-07 09:28:58 -0700,629690708878852096,"Yaounde, Lagos",Atlantic Time (Canada) -2603,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,0.6629999999999999,,RefuseOfCuyahog,,27,,,"RT @StevenSinger3: #BATSask if Scott Walker's ""Pro-life"" stance covers school kids, too? http://t.co/39ZRoENv9K #GOPDebate",,2015-08-07 09:28:56 -0700,629690700486049792,"Cleveland, OH", -2604,No candidate mentioned,1.0,yes,1.0,Neutral,0.6716,None of the above,1.0,,TomGalloway12,,1,,,RT @BrendanKelleyOH: The #GOPDebate last night was everything I hoped for and more. The internet will be amazing for weeks. #GOPClownCar,,2015-08-07 09:28:56 -0700,629690700112637952,, -2605,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TonyConesa,,17,,,RT @scottEweinberg: These guys should write for SNL. Not even kidding. #GOPDebate,,2015-08-07 09:28:56 -0700,629690699672203264,,Pacific Time (US & Canada) -2606,No candidate mentioned,1.0,yes,1.0,Negative,0.6685,Foreign Policy,1.0,,psgamer92,,0,,,I like the part where some Americans think that it's only or mostly Americans getting killed by ISIS. Research people! #GOPDebate,,2015-08-07 09:28:54 -0700,629690691719856128,,Central Time (US & Canada) -2607,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,aaronlmorrison,,0,,,"So, of course my phone would die in the middle of the #GOPDebate last night. I missed Twitter reax to the second hour of the debate.",,2015-08-07 09:28:54 -0700,629690690100948992,"New York, NY",Eastern Time (US & Canada) -2608,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ullikemike,,0,,,"Sorry, Jeb but Compassionate Conservative message is so 2000 -#GOPDebate RT https://t.co/8uAi8mR3di",,2015-08-07 09:28:53 -0700,629690686124740608,"Pewee Valley, KY",Eastern Time (US & Canada) -2609,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,meghna_mee,,0,,,tyler_batson: https://t.co/n0Lhfj92Kw #GOPdebate #funny #meme #Obama #HillaryClinton #badassBiden http://t.co/5YJw85akBV,,2015-08-07 09:28:52 -0700,629690684342149120,"Mumbai, Maharashtra", -2610,Scott Walker,0.4049,yes,0.6363,Negative,0.6363,,0.2314,,RefuseOfCuyahog,,31,,,RT @mariaglass7: #BATsAsk #GopDebate why does Walker believe busting unions is the same as fighting terrorism? @bretbaier,,2015-08-07 09:28:52 -0700,629690683524300800,"Cleveland, OH", -2611,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Thor_2000,,3,,,"RT @Chief_Kels: The #GOPDebate last night got me even more fired up about Bernie #FeelTheBern -http://t.co/3A5MQyKifG",,2015-08-07 09:28:52 -0700,629690681632661504,"Nashville, Tennessee",Central Time (US & Canada) -2612,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,0.6897,,EvelynGarone,,0,,,'Why did the #Moderators get more time than candidates? #GOPDebate,,2015-08-07 09:28:51 -0700,629690680416169984,"Phoenix, AZ", -2613,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3476,,maxmacias,,0,,,"Racist, religious fanatic debate. #GOPignorance #GOPDebate https://t.co/u8zEB21JXh",,2015-08-07 09:28:50 -0700,629690673952731136,Oregon,Pacific Time (US & Canada) -2614,Chris Christie,1.0,yes,1.0,Neutral,0.6563,Foreign Policy,1.0,,RefuseOfCuyahog,,28,,,RT @mariaglass7: #BatsAsk #GopDebate will Christie address foreign dignitaries like he does teachers? @bretbaier,,2015-08-07 09:28:47 -0700,629690661462278144,"Cleveland, OH", -2615,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,krystalvivian,,0,,,Make sure you take our poll: Which candidate do you think was most impressive during #GOPdebate last night? http://t.co/x4pNZqxCJU,,2015-08-07 09:28:47 -0700,629690660698890240,"Elkhart/Mishawaka, Ind.",Eastern Time (US & Canada) -2616,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6875,,rakapanka,,1,,,"Megan: you've called women fat pigs, etc. -#GOP audience: ha ha ha. -WTF? What is wrong with these people? #GOPDebate",,2015-08-07 09:28:46 -0700,629690657385381888,"Greensboro, NC",Central Time (US & Canada) -2617,No candidate mentioned,1.0,yes,1.0,Negative,0.6928,Racial issues,0.6455,,TonyConesa,,1,,,RT @BuenaVista28: Old racist/sexist Wall Street ass-kissing white guys arguing? No thanks. #GOPDebate,,2015-08-07 09:28:46 -0700,629690655652970498,,Pacific Time (US & Canada) -2618,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,Immigration,0.6629,,EusebiaAq,,0,,,@polisterpolls Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:28:45 -0700,629690655233540100,America,Eastern Time (US & Canada) -2619,No candidate mentioned,1.0,yes,1.0,Neutral,0.6582,None of the above,1.0,,sistertoldjah,,6,,,.@CarlyFiorina at @ijreview: Why I’m Running For President --->>> http://t.co/phNgdByKSP #Carly2016 #GOPdebate http://t.co/8pUrBWZBRS,,2015-08-07 09:28:45 -0700,629690654289956864,North Carolina,Eastern Time (US & Canada) -2620,Donald Trump,1.0,yes,1.0,Negative,0.6813,None of the above,0.6484,,TexasArmyMom18,,1,,,American voters deserved better questions for @realDonaldTrump during #GOPDebate @FoxNews knew better... #EPICFAIL https://t.co/xtOsLXWf43,,2015-08-07 09:28:44 -0700,629690649378304000,, -2621,Scott Walker,1.0,yes,1.0,Positive,0.6786,FOX News or Moderators,1.0,,kretch48,,0,,,#@ScottWalker #GOPDebate #winner in spite of the #FoxNews #debacle https://t.co/6B6F2NeeJ4,,2015-08-07 09:28:43 -0700,629690646123524096,SunLakes Banning CA,Pacific Time (US & Canada) -2622,Donald Trump,0.4584,yes,0.6771,Negative,0.3542,Women's Issues (not abortion though),0.4584,,SharNeal,,1,,,RT @docmurdock: Love how .@megynkelly BAITED .@realDonaldTrump with women question. Then he gave .@Rosie airtime she couldn't have paid for…,,2015-08-07 09:28:43 -0700,629690643904774145,Arizona USA,Pacific Time (US & Canada) -2623,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.3469,,RefuseOfCuyahog,,11,,,"RT @summer4jul: @JohnKasich, What about all of the kids in poverty in OH? #BatsAsk #GOPDebate",,2015-08-07 09:28:43 -0700,629690643539996673,"Cleveland, OH", -2624,No candidate mentioned,1.0,yes,1.0,Neutral,0.6638,None of the above,1.0,,bmcvrkel,,14,,,RT @taotaotasi: You are more likely to be standing on the #GOPDebate stage right now than be killed by a shark this year,,2015-08-07 09:28:42 -0700,629690641275031552,DC,Atlantic Time (Canada) -2625,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,PoliTweetCal,,0,,,Disgrace @GovMikeHuckabee cites #science in anti-abortion rant but dismisses it on #globalwarming #GOPcircus #GOPDebate,,2015-08-07 09:28:41 -0700,629690635692441600,,Atlantic Time (Canada) -2626,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6503,,924hawkeye,,25,,,RT @Annietiques: 116 Minutes BEFORE the word 'Veteran' was Even Uttered Tonight During a 2 Hour #GOPDebate . . Do You At STILL Think The GO…,,2015-08-07 09:28:40 -0700,629690633263812608,, -2627,Ben Carson,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6503,,zolly_b,,11,,,"RT @pittgriffin: Who did Megyn Kelly ask about racism in America? Ben Carson - why, because he's a neurosurgeon? #GOPDebate",,2015-08-07 09:28:40 -0700,629690632370561024,,Eastern Time (US & Canada) -2628,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,nat3lia,,0,,,The winners and losers of last night's #gopdebate http://t.co/FDOXvoJoM5,,2015-08-07 09:28:40 -0700,629690630923546624,DC | ATL,Quito -2629,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6742,,mallllllory5,,67,,,RT @UrProbsJewish: The reason there's never been a Jewish President is because his Mother would most likely run the White House #GOPDebate,,2015-08-07 09:28:39 -0700,629690628352438272,,Quito -2630,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Austin31Bennett,,0,,,"According to ratings today it seems Rubio won the #GOPDebate and I am super pumped. Young, Latino guy is a great image for the new GOP :)",,2015-08-07 09:28:39 -0700,629690626368405504,"Manahawkin, 20",Eastern Time (US & Canada) -2631,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,0.6932,,AngelaTN777,,38,,,RT @DarrenGoodman46: #MeganKelly news flash the debate isn't about you! The candidates should have put you panelists in your place. #GOPDeb…,,2015-08-07 09:28:39 -0700,629690626347393024,"Nashville, TN",Central Time (US & Canada) -2632,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LadyPurdie,,48,,,RT @lizzwinstead: These are the most boring match dot com profiles ever. #GOPDebate,,2015-08-07 09:28:38 -0700,629690625324154881,Kronos 1, -2633,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,None of the above,1.0,,andreafed,,0,,,@Deb_Libby I was laughing so hard I almost busted a rib. #GOPDebate,,2015-08-07 09:28:38 -0700,629690622199201792,Southern California,Central Time (US & Canada) -2634,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,RefuseOfCuyahog,,12,,,RT @PennBat: #BATsAsk GOP doesn't like big gov so are you in favor of locally elected school boards? #GOPDebate,,2015-08-07 09:28:37 -0700,629690619305312256,"Cleveland, OH", -2635,No candidate mentioned,0.5017,yes,0.7083,Positive,0.7083,None of the above,0.5017,,BlackServative,,0,,,No question she should be in the top 10. #CarlyFiorina #CarlyFiorina #GOPDebate #GOP https://t.co/aWF2zNvqVo,,2015-08-07 09:28:36 -0700,629690614620266496,"New York, NY", -2636,Donald Trump,1.0,yes,1.0,Neutral,0.6854,None of the above,1.0,,AShockedPerson,,0,,,"Wow, the endless fake pearl-clutching by establishment Repubs at everything #BasedTrump says now at fever pitch. #cuckservative #GOPDebate",,2015-08-07 09:28:35 -0700,629690611810086912,,Central Time (US & Canada) -2637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,morganracheld,,432,,,RT @sallykohn: Everyone at #GOPDebate: I’m against the Iran Deal because Obama made it. Obama isn’t strong because he’s Obama. Because.,,2015-08-07 09:28:35 -0700,629690610346098688,"D[M]V/ Jamaica ☼/ 中国, 宇宙",Central Time (US & Canada) -2638,No candidate mentioned,1.0,yes,1.0,Negative,0.3543,None of the above,1.0,,Jay7Bee,,0,,,Nope. I think that was the most unintentionally funny political event I've ever seen. It was great! #GOPDebate https://t.co/DLaPGgPrcI,,2015-08-07 09:28:34 -0700,629690608056172544,DC suburb, -2639,No candidate mentioned,1.0,yes,1.0,Negative,0.6765,None of the above,1.0,,OklaVoter,,0,,,#GOPDebate was great reality TV. Can't wait for next episode to see who gets voted off the Island of Dr. Moreau!,,2015-08-07 09:28:34 -0700,629690606147751936,Tulsa, -2640,Marco Rubio,0.4594,yes,0.6778,Positive,0.3667,Abortion,0.4594,,CindyDPishere,,0,,,"From watching #GOPDebate last nite, now know Rubio, Walker & Santorum share belief they'd rather see wives die thn ""let"" thm get abortions.",,2015-08-07 09:28:33 -0700,629690602788012032,, -2641,,0.2296,yes,0.3571,Negative,0.3571,,0.2296,,LOrionII,,2,,,"RT @LOrion: HOOT! LOOKY THIS.. huh last I heard neither Clinton nor Sanders was part of #GOPdebate - RT @davidbadash: Today’s... http://t.c…",,2015-08-07 09:28:33 -0700,629690602561609728,,Alaska -2642,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DinocoreV2,,5,,,RT @JohnJFrusciante: I didn't watch the #GOPDebate but I did see an old dog struggle to take a shit on the sidewalk so that's basically the…,,2015-08-07 09:28:33 -0700,629690601290608640,"ÜT: 44.233034,-88.392829",Central Time (US & Canada) -2643,No candidate mentioned,1.0,yes,1.0,Neutral,0.3511,None of the above,0.6809,,ColJE10,,0,,,yall should tithing 10 percent of your followers to Colin. just saying God told you too. #GOPDebate,,2015-08-07 09:28:32 -0700,629690596760940546,315,Atlantic Time (Canada) -2644,Donald Trump,1.0,yes,1.0,Negative,0.6629,Women's Issues (not abortion though),1.0,,XPravdaX,,0,,,"#GOPDebate Anyone who cheered when Trump was asked about his comments towards women, you are part of the problem. #feminism #UniteBlue",,2015-08-07 09:28:31 -0700,629690594714087424,United States,Central Time (US & Canada) -2645,No candidate mentioned,1.0,yes,1.0,Negative,0.6838,Foreign Policy,0.3527,,fjudkins1,,159,,,"RT @BRios82: .@CarlyFiorina laid off 30,000 workers and outsourced jobs to China. #GOPDebate http://t.co/nuBzUmsZCj",,2015-08-07 09:28:30 -0700,629690589978628096,United States., -2646,No candidate mentioned,0.42700000000000005,yes,0.6534,Negative,0.3313,,0.2265,,zinseng,,58,,,RT @stevenoh88: So sad that today is Jon Stewart's last day on @TheDailyShow. I would love to see his take on #GOPDebate,,2015-08-07 09:28:29 -0700,629690587243884544,,Eastern Time (US & Canada) -2647,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,Gdestefano95,,0,,,"@FrankLuntz can count and ask simple questions, short of that I don't see much wisdom! @realDonaldTrump #GOPDebate",,2015-08-07 09:28:27 -0700,629690576049414145,"Central NY, USA",Eastern Time (US & Canada) -2648,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6344,,LaVidaLopa,,2,,,"RT @OnTheManney: It's funny to see a bunch of grown ass men, trying to scare America about a woman running for president. -#GOPDebate",,2015-08-07 09:28:26 -0700,629690574744985600,"Atlanta, GA",Eastern Time (US & Canada) -2649,Donald Trump,1.0,yes,1.0,Negative,0.6491,None of the above,1.0,,ChadFromStL,,2,,,.@realDonaldTrump should answer @jdharm's hard-hitting question from last night's #GOPDebate @sternshow @HowardStern http://t.co/cF3m0LEHUa,,2015-08-07 09:28:26 -0700,629690573322977280,"St Louis, MO",Central Time (US & Canada) -2650,No candidate mentioned,1.0,yes,1.0,Negative,0.7174,FOX News or Moderators,1.0,,FieldGeorge,,0,,,"If that was a bit of rope-a-dope, @megynkelly, it sure worked. #GOPDebate https://t.co/2TrFPmEWCl",,2015-08-07 09:28:26 -0700,629690573000208384,"Boston MA, USA",Eastern Time (US & Canada) -2651,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,Religion,0.6517,,Kimindex,,0,,,"#GOPDebate Next time, shld 2 arrange candidates in order of most dangerous 2 least, assessed partly by who hears God talking back the most",,2015-08-07 09:28:24 -0700,629690566826160128,"By the sea, PZ - ex-SE London",London -2652,Donald Trump,0.6738,yes,1.0,Negative,1.0,None of the above,1.0,,TheFriddle,,2,,,"I miss the days when conservatives wanted a @GOP Presidential candidate who was, you know, a conservative... #Trump #GOPDebate #tcot",,2015-08-07 09:28:24 -0700,629690564980506624,Vegas via Penn's Woods - USA,Pacific Time (US & Canada) -2653,Donald Trump,0.6705,yes,1.0,Negative,0.6818,FOX News or Moderators,1.0,,paolo44444,,0,,,"Foxylady #MegynKelly stood up to that Tramp -#GOPDebate #Trump #USA2016 #FoxDebate http://t.co/YYb9cSKrO2",,2015-08-07 09:28:23 -0700,629690561608450048,,Ljubljana -2654,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,0.3503,,larryleetacoma,,87,,,RT @HeyHayward: EXCLUSIVE: Trump reveals renderings for border wall #GOPDebate http://t.co/ZLxsFcQAMr,,2015-08-07 09:28:22 -0700,629690556742905856,, -2655,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MannyWallace,,0,,,Even the @POTUS came out for the #GOPDebate http://t.co/u93VyVHmyf,,2015-08-07 09:28:21 -0700,629690552745791488,"ÜT: 41.453387,-81.603972",Eastern Time (US & Canada) -2656,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EvaNoslen,,0,,,Even the @POTUS came out for the #GOPDebate http://t.co/NJ9P7V90nv,,2015-08-07 09:28:21 -0700,629690552720601088,Ohio,Eastern Time (US & Canada) -2657,No candidate mentioned,0.6383,yes,1.0,Neutral,0.6809,LGBT issues,1.0,,ruth_walshe,,6,,,"RT @chrisgeidner: Three Republicans were asked about marriage equality, said nothing bad about gay couples. http://t.co/UjtwNczoNY #GOPDeba…",,2015-08-07 09:28:21 -0700,629690550602604544,Probably asleep. ,London -2658,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,therealjwmiller,,0,,,"#GOPDebate #FOXNews anchors must not have been getting invites to the ""cool"" DC parties .",,2015-08-07 09:28:19 -0700,629690542301974528,The Great Midwest,Central Time (US & Canada) -2659,Donald Trump,0.6561,yes,1.0,Negative,0.6561,None of the above,1.0,,RefuseOfCuyahog,,6,,,RT @svme: Did Donald endorse Ben Carson when he said this country needs someone with a brain? #BATsAsk #GOPDebate,,2015-08-07 09:28:18 -0700,629690539819016192,"Cleveland, OH", -2660,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Gun Control,0.4492,,GoodTwitty,,13,,,"RT @shannonrwatts: CDC funding for firearm injury prevention fell 96 percent, down to $100,000, from 1996 to 2013 http://t.co/hxkZueE2Uf #G…",,2015-08-07 09:28:18 -0700,629690539710021632,State of Mind,Atlantic Time (Canada) -2661,No candidate mentioned,1.0,yes,1.0,Neutral,0.6678,Immigration,1.0,,SabreenaMSW,,7,,,"RT @ReverendDrDash: ""Mommy, your cooking is too spicy."" -Piyush RT @BobbyJindal Immigration without assimilation is not immigration, it is …",,2015-08-07 09:28:17 -0700,629690536320851969,Vegas!, -2662,Donald Trump,1.0,yes,1.0,Neutral,0.6625,Jobs and Economy,0.3375,,03forester,,216,,,"RT @DanScavino: ""EXCUSE ME! THIS COUNTRY OWES $19 TRILLION DOLLARS & THEY NEED SOMEONE LIKE ME TO STRAIGHTEN IT OUT!"" @realDonaldTrump #GOP…",,2015-08-07 09:28:17 -0700,629690533871398913,, -2663,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,Healthcare (including Medicare),0.6556,,ahzoov,,0,,,Right: the big problem in US is political correctness...and not cops killing citizens or women being denied basic health care. #GOPDebate,,2015-08-07 09:28:16 -0700,629690531858087936,Minnesota, -2664,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6703,,MisteProgram,,0,,,"#gopdebate -Trump says it's FUN to call women animals. -THAT audience APPLAUDED his misogyny. -Outrageous! All Republicans are misogynists.",,2015-08-07 09:28:16 -0700,629690530058907648,,Eastern Time (US & Canada) -2665,No candidate mentioned,0.4359,yes,0.6602,Negative,0.6602,,0.2243,,petelefebvre,,0,,,Bitch betta have my social security money. #pimps #GOPDebate,,2015-08-07 09:28:14 -0700,629690524916649984,Chicago,Eastern Time (US & Canada) -2666,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChrisClaytonDTN,,1,,,Political junkies are worse than football fans. One poor debate and suddenly that guy isn't going to the Super Bowl. #GOPDebate,,2015-08-07 09:28:14 -0700,629690524773933056,"Glenwood, Iowa",Central Time (US & Canada) -2667,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Jobs and Economy,0.3448,,ARdubbs108,,0,,,"@BarbaraBoxer on #GOPDebate ""I never heard the words income inequality, equal pay or climate change."" Gonna miss her but ready for Kamala",,2015-08-07 09:28:13 -0700,629690521083080704,Nationally universal , -2668,Marco Rubio,1.0,yes,1.0,Neutral,0.6358,Immigration,0.6705,,rath_oe,,285,,,"RT @OhNoSheTwitnt: How great would it be if Rubio said the immigrants aren't coming from Mexico, they're coming from CANADA and glared at T…",,2015-08-07 09:28:13 -0700,629690520848199680,, -2669,Mike Huckabee,0.4123,yes,0.6421,Negative,0.6421,LGBT issues,0.4123,,AndreStClair,,0,,,"women, serving openly gay and now #transgender in the military are just social experiments according to @GovMikeHuckabee #GOPDebate #late",,2015-08-07 09:28:12 -0700,629690516075073536,New York,Quito -2670,Donald Trump,0.6686,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,allurephoto,,1,,,"RT @Brenkoski: She @megynkelly is a horrible commentator @FoxNews did a terrible job last night, very DISAPPOINTING! #GOPDebate https://t…",,2015-08-07 09:28:12 -0700,629690514284105728,"Kansas, USA",Central Time (US & Canada) -2671,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,Foreign Policy,0.3409,,Mohamma76707332,,2,,,"RT @jdenari: Who wants to take bets? How long will it take a #GOPDebate candidate to bring up ""radical Islam""?",,2015-08-07 09:28:11 -0700,629690511327121408,, -2672,No candidate mentioned,1.0,yes,1.0,Negative,0.6196,None of the above,1.0,,SamanthamLehman,,0,,,So are we all drunk now? #GOPDebate #2016,,2015-08-07 09:28:11 -0700,629690509204676608,, -2673,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.7027,,lduck623,,4,,,RT @mofopolitics: It looked like Megyn Kelly but it sounded like Saul Alinsky at the #GOPDebate,,2015-08-07 09:28:09 -0700,629690501470359552,armpit of Alaska,Pacific Time (US & Canada) -2674,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,GrnEyedMandy,,10,,,There are grown ass adult women on the Right who seem to enjoy being treated like incompetent children. #PlannedParenthood #GOPDebate,,2015-08-07 09:28:08 -0700,629690499666980864,"Florida, Gun Nut Capital, USA ",Atlantic Time (Canada) -2675,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CarolCNN,,1,,,GOP candidates take aim at @HillaryClinton during #GOPdebate. Does it help or hurt her? @ChrisKofinis weighs in @CNN http://t.co/kHoL8s7f7w,,2015-08-07 09:28:08 -0700,629690497821339648,, -2676,Marco Rubio,0.4298,yes,0.6556,Positive,0.6556,None of the above,0.4298,,atlcav,,0,,,All of my faves did really well last night: @marcorubio @JohnKasich @RealBenCarson @CarlyFiorina #GOPDebate I like a Rubio-Kasich ticket!,,2015-08-07 09:28:08 -0700,629690496408027136,Atlanta,Quito -2677,Scott Walker,0.6647,yes,1.0,Negative,1.0,Abortion,1.0,,ChrisJZullo,,19,,,Scott Walker chooses killing mother rather than aborting unborn embryo. This is reason other countries give us that funny look #GOPDebate,,2015-08-07 09:28:07 -0700,629690494839353344,The United States of America,Eastern Time (US & Canada) -2678,Rand Paul,1.0,yes,1.0,Negative,0.6764,None of the above,0.6301,,ruth_walshe,,14,,,RT @chrisgeidner: First mention of Ferguson and Baltimore comes in Rand Paul's closing. #GOPDebate,,2015-08-07 09:28:07 -0700,629690494239526912,Probably asleep. ,London -2679,Donald Trump,1.0,yes,1.0,Neutral,0.6456,None of the above,1.0,,hc_eh,,0,,,#DonaldTrumpforPresident #GOPDebate The morning after http://t.co/tp1xQGbPbh,,2015-08-07 09:28:06 -0700,629690489483194368,North Carolina,Eastern Time (US & Canada) -2680,No candidate mentioned,0.4746,yes,0.6889,Negative,0.6889,Immigration,0.4746,,EusebiaAq,,0,,,@politicalAnt Who's the real illegal alien #GOPDEbate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:28:05 -0700,629690484185677824,America,Eastern Time (US & Canada) -2681,No candidate mentioned,0.4307,yes,0.6562,Neutral,0.6562,None of the above,0.4307,,SeaBassThePhish,,2,,,RT @ebubae: When Hillary coming out with this diss track? #GOPDebate,,2015-08-07 09:28:04 -0700,629690480821968896,,Eastern Time (US & Canada) -2682,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,grexyoung,,467,,,"RT @greysonchance: Watching the #GOPDebate with my parents. Different generational views, but we can still laugh at Trump together. http://…",,2015-08-07 09:28:03 -0700,629690476585594880,PLANET X WITH GREXy, -2683,No candidate mentioned,1.0,yes,1.0,Neutral,0.6677,None of the above,1.0,,ahuva_g,,0,,,"So confused, where was Alan Alda? #GOPDebate",,2015-08-07 09:28:03 -0700,629690475499225088,Tel Aviv,Greenland -2684,Donald Trump,0.4186,yes,0.647,Positive,0.647,None of the above,0.4186,,cracks1313,,719,,,RT @TomBradysEgo: He got my vote #GOPDebate http://t.co/XMFPoYhcN1,,2015-08-07 09:28:00 -0700,629690466544566272,West Pubnico,Atlantic Time (Canada) -2685,No candidate mentioned,1.0,yes,1.0,Negative,0.6995,FOX News or Moderators,1.0,,PeteBakeman,,3,,,RT @ctmommy: Great. Even more people saw hack @megynkelly at #GOPdebate: Early numbers suggest record audience http://t.co/IIl0XF6T3p @foxN…,,2015-08-07 09:27:59 -0700,629690460777263104,, -2686,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6489,,ShiCooks,,1,,,"The most offensive, confusing, hilarious, & wild moments #GOPDebate http://t.co/kJMyy04bnH http://t.co/a4ZOV5eKOt h/t @VanityFair @morgfair",,2015-08-07 09:27:59 -0700,629690460336820225,,Pacific Time (US & Canada) -2687,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ljamieson7,,7,,,RT @_mattybswag: I honestly think that Key Club candidates are more well-spoken than some of these. #GOPDebate,,2015-08-07 09:27:59 -0700,629690460102086656,seeds of peace 14,Eastern Time (US & Canada) -2688,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,How is playing nice with the opposite party an insult...apparently cooperation isn't a leadership trait anymore #GOPDebate,,2015-08-07 09:27:59 -0700,629690458835419136,,Eastern Time (US & Canada) -2689,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,asheeka1,,16,,,RT @JohnJohnsonson: Ten rich white guys promise to stop poor young black women getting an abortion. #GOPDebate,,2015-08-07 09:27:59 -0700,629690458793336833,& a couple of Fa-la-la's ,Melbourne -2690,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Inigomarpeni,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/FVB6NrMjBC",,2015-08-07 09:27:57 -0700,629690450564157440,, -2691,,0.2285,yes,0.3532,Negative,0.3532,,0.2285,,nanook1118,,0,,,@HalftimeReport the smartest people sound like drunk uncles when limited to 140characters #twitter #GOPdebate #joshbrown,,2015-08-07 09:27:57 -0700,629690450501242880,, -2692,Ted Cruz,0.4444,yes,0.6667,Negative,0.6667,Immigration,0.4444,,TheAtlanticVamp,,0,,,"Meanwhile, Ted Cruz wants to limit immigration. I guess after him, fuck everyone else, right? #GOPDebate #Canadian",,2015-08-07 09:27:56 -0700,629690448752308224,Georgia,Eastern Time (US & Canada) -2693,No candidate mentioned,1.0,yes,1.0,Positive,0.3399,None of the above,0.6601,,YMcglaun,,6,,,RT @warriorwoman91: Carly Declared Winner by Many at the first #GOPdebate http://t.co/82iEpzFJOm,,2015-08-07 09:27:55 -0700,629690445409316864,, -2694,No candidate mentioned,0.3923,yes,0.6264,Negative,0.3297,None of the above,0.3923,,DakotaleeNolan,,39,,,"RT @MartinOMalley: In Maryland, we didn’t wait for the federal gov to act, we passed our own DREAM Act. #WWOMD #GOPDebate -https://t.co/tWLK…",,2015-08-07 09:27:55 -0700,629690445136838657,"Thornville, Ohio",Atlantic Time (Canada) -2695,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6437,,Letysiren,,49,,,RT @brianstelter: #GOPDebate and #JonVoyage are competing for the title of Top U.S. Twitter Trend right now...,,2015-08-07 09:27:55 -0700,629690443261870080,"Nuevo México, USA",Central Time (US & Canada) -2696,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JsnshsSushd,,35,,,RT @KurtSchlichter: Nice Dr Carson. Nice. #GOPDebate,,2015-08-07 09:27:55 -0700,629690443094069248,, -2697,Ben Carson,0.5102,yes,0.7143,Neutral,0.3626,None of the above,0.5102,,mmmEggSandwich,,0,,,"@RealBenCarson to @realDonaldTrump: Being a billionaire isn't exactly brain surgery though, is it? https://t.co/kGZnJmYKX7 #GOPDebate",,2015-08-07 09:27:55 -0700,629690442880282624,"New York, NY", -2698,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tabithanne,,64,,,RT @SteveAmiri: HOW IS JEFF DUNHAM WORKING SO MANY PUPPETS AT ONCE?!?! #GOPDebate,,2015-08-07 09:27:55 -0700,629690441710047232,"Phoenix, AZ",Pacific Time (US & Canada) -2699,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BeaverZack,,0,,,@marcorubio did a fantastic job showing why @MarcoRubio_2016 is the only way to go. #GOPDebate #Rubio2016 #letsgo http://t.co/JGnN2f5qo2,,2015-08-07 09:27:54 -0700,629690440908935168,"Indiana, USA", -2700,John Kasich,1.0,yes,1.0,Positive,0.6807,None of the above,1.0,,SarahBeckman3,,0,,,"Though not the clear winner from last night's #GOPDebate, @JohnKasich search on Google spiked in 24 hours. http://t.co/6smJVSAeHX",,2015-08-07 09:27:54 -0700,629690439575076864,"Des Moines, IA",Eastern Time (US & Canada) -2701,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6471,,jkruzel25,,25,,,"RT @WayneDupreeShow: @FoxNews is still trying 2 destroy @RealDonaldTrump huh? - -Guess they have to cover up why they only spent 1:30 on race…",,2015-08-07 09:27:54 -0700,629690439075938304,Reno NV Icant help it, -2702,Marco Rubio,0.6897,yes,1.0,Negative,1.0,None of the above,1.0,,PaulaC222,,285,,,"RT @DamienFahey: If Marco Rubio does a good job answering tonight, his mom says they can stop for pizza on the way home. #GOPDebate",,2015-08-07 09:27:52 -0700,629690431895416833,"St. Paul, MN ",Central Time (US & Canada) -2703,Marco Rubio,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,MrsPaolaGil,,1,,,RT @CarlosGil83: Back in the day with @MarcoRubio when he was running for U.S. Senate. #GOPDebate #TBT http://t.co/pZ96mmlt9t,,2015-08-07 09:27:51 -0700,629690426203570176,"San Francisco, CA ",Central Time (US & Canada) -2704,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dbedeau,,0,,,#GOPDebate was pure propaganda hope CNN can provide a forum to hear views. Fox News Moderators = haters,,2015-08-07 09:27:49 -0700,629690419442401280,The Pacific Northwest,Pacific Time (US & Canada) -2705,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JaysWorldLive,,0,,,#GOPDebate Did #foxnews actually ask a political issue question last night?,,2015-08-07 09:27:48 -0700,629690415814475776,"Tamap, FL",Eastern Time (US & Canada) -2706,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,Japio1979,,0,,,@APechtold Hilarisch of Hillarys? #GOPDebate,,2015-08-07 09:27:48 -0700,629690415667617793,Prinsenbeek,Greenland -2707,No candidate mentioned,1.0,yes,1.0,Neutral,0.6347,None of the above,1.0,,thisismegamo,,0,,,No greater compliment than losing followers after the #GOPDebate! :),,2015-08-07 09:27:48 -0700,629690414912507904,"Seattle, WA", -2708,Chris Christie,0.6643,yes,1.0,Negative,1.0,None of the above,1.0,,RefuseOfCuyahog,,26,,,"RT @dawnintheworld: @ChrisChristie you HUG? I thought you only punched. Or, guess that's just teachers. #BATsAsk #GopDebate @BadassTeacher…",,2015-08-07 09:27:48 -0700,629690413524348928,"Cleveland, OH", -2709,John Kasich,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,FOmyronpitts,,0,,,@JohnKasich ate @JebBush's lunch last nite. You get the compassion and moderation without the Bush name. #Election2016 #GOPDebate,,2015-08-07 09:27:47 -0700,629690409506185216,"Fayetteville, NC",Central Time (US & Canada) -2710,No candidate mentioned,1.0,yes,1.0,Neutral,0.6576,None of the above,1.0,,dominique11,,335,,,RT @DamienFahey: “Ya know what? I’m staying.” - Jon Stewart after watching 3 seconds of this debate #GOPDebate,,2015-08-07 09:27:46 -0700,629690404774940672,los angeles california ,Pacific Time (US & Canada) -2711,Chris Christie,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,RefuseOfCuyahog,,11,,,"RT @svme: @HuffPostPol @ChrisChristie When doing a CNN interview, you can blow hot air about attacking women. Did you mean it? #GOPDebate #…",,2015-08-07 09:27:45 -0700,629690403747459072,"Cleveland, OH", -2712,No candidate mentioned,1.0,yes,1.0,Positive,0.3409,FOX News or Moderators,0.6818,,AllenEllis14,,2,,,RT @warriorwoman91: I love how @megynkelly who holds the highest position of any media figure on Fox is asking questions about a Repub war …,,2015-08-07 09:27:43 -0700,629690394230583296,"alexandria,va",Eastern Time (US & Canada) -2713,No candidate mentioned,1.0,yes,1.0,Negative,0.6496,Religion,1.0,,abgutman,,0,,,God was mentioned in #GOPDebate more than twice the time the constitution did.,,2015-08-07 09:27:42 -0700,629690389189017600,New York - Tel Aviv, -2714,No candidate mentioned,0.6087,yes,1.0,Negative,1.0,None of the above,1.0,,Dar15_,,0,,,He won that debate but if you are even considering voting for that piece of trash you need to be evaluated. #GOPDebate #Trump,,2015-08-07 09:27:41 -0700,629690384533352448,,Pacific Time (US & Canada) -2715,Donald Trump,0.6667,yes,1.0,Negative,1.0,None of the above,1.0,,nicole473,,0,,,"If you listen closely,all the Repub. candidates r talking the same nonsense as Trump. .@NYTimeskrugman: http://t.co/KQemVNMXja -#GOPDebate",,2015-08-07 09:27:41 -0700,629690383094693888,Inter-Planetary,Eastern Time (US & Canada) -2716,Donald Trump,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,FOX News or Moderators,0.4396,,BrooksReese,,0,,,"During the #GOPDebate, @megynkelly used biased personal attacks on @realDonaldTrump. We wanted to hear legitimate questions. Shameful.",,2015-08-07 09:27:40 -0700,629690382629011456,,Mountain Time (US & Canada) -2717,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,byHeatherLong,,0,,,In the @AP factcheck of the #GOPDebate Jeb Bush appears to come off looking the worst... http://t.co/IrZVUGgYCu http://t.co/6EhHQjEYG2,,2015-08-07 09:27:40 -0700,629690382025138177,"New York, NY",Eastern Time (US & Canada) -2718,No candidate mentioned,1.0,yes,1.0,Neutral,0.7093,None of the above,0.7093,,Tommy_Sears,,1,,,RT @JeffFrederick: @CarlyFiorina left @hardball_chris speechless. No small task. http://t.co/9XJNtVbLb2 #GOPDebate #Carly2016,,2015-08-07 09:27:40 -0700,629690381446287360,"Washington, DC",Eastern Time (US & Canada) -2719,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,Jobs and Economy,0.6598,,jimbthepilot,,377,,,RT @GregAbbott_TX: Dear @FoxNews: I could create millions of jobs & a 4% growth rate by eliminating ObamaCare gutting EPA & repealing Dodd-…,,2015-08-07 09:27:39 -0700,629690377281253380,, -2720,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,None of the above,1.0,,CapitalisticPig,,0,,,Overnights show 16% of every US household w/ TV watched #GOPDebate last night. All time record. America is hungry for new ideas #FoxDebate,,2015-08-07 09:27:39 -0700,629690375901433856,, -2721,No candidate mentioned,1.0,yes,1.0,Negative,0.6634,Gun Control,0.6743,,GoodTwitty,,15,,,RT @shannonrwatts: The repeal of an #NRA-backed military gag-order contributed to a 22% decline in military suicides in 2013 #GOPdebate #gu…,,2015-08-07 09:27:37 -0700,629690368620167168,State of Mind,Atlantic Time (Canada) -2722,No candidate mentioned,1.0,yes,1.0,Neutral,0.6677,None of the above,1.0,,JohnnyUsman,,23,,,RT @loudobbsnews: .@JedediahBila: @CarlyFiorina was the winner in the early #GOPDebate. #Dobbs,,2015-08-07 09:27:36 -0700,629690362596954112,"Manila, Philippines",Beijing -2723,No candidate mentioned,0.4077,yes,0.6385,Neutral,0.3389,Women's Issues (not abortion though),0.4077,,ShojoPower,,0,,,It was truly amazing how derogatory the #GOPDebate was towards women. They didn't even try to apologize.,,2015-08-07 09:27:35 -0700,629690361280110592,NYC, -2724,No candidate mentioned,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,TomHall,,27,,,"The only thing that could've made last night's #GOPDebate more amusing would have been: - -#CowBells! - -#MoreCowBells http://t.co/F76MsA5b8t",,2015-08-07 09:27:35 -0700,629690360378175490,"Santa Monica, CA",Pacific Time (US & Canada) -2725,No candidate mentioned,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,Healthcare (including Medicare),0.2393,,fapnot,,0,,,You forgot to mention the thousands killed by the rise in GMO Manbearpig attacks @WhiteHouse #GOPDebate,,2015-08-07 09:27:33 -0700,629690350572044288,"St Louis, MO", -2726,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,DrLecter11,,17,,,"RT @KonaLowell: Republican audience loudly cheering inhumanity, warmongering, lies and racism with wild abandon. So yeah, nothing new. #GOP…",,2015-08-07 09:27:32 -0700,629690348860801024,, -2727,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6602,,CindyTreadway,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 09:27:32 -0700,629690346079809536,,Eastern Time (US & Canada) -2728,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,the_roookie2,,0,,,It's so funny trying to watch people act smart talking about the #GOPDebate when clearly they know nothing. 😂,,2015-08-07 09:27:29 -0700,629690334537216000,In the cages ⚾️,Eastern Time (US & Canada) -2729,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RefuseOfCuyahog,,14,,,"RT @svme: Not quite, Jeb. How about a little truth? http://t.co/M3VPNb1KnT #BATsAsk #GOPDebate",,2015-08-07 09:27:28 -0700,629690330569404416,"Cleveland, OH", -2730,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6484,,zinseng,,35,,,RT @RadioBear13: Who else is watching the new episode of The Biggest Loser on @FoxNews right now? #GOPDebate #TYTLive,,2015-08-07 09:27:27 -0700,629690328065294338,,Eastern Time (US & Canada) -2731,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,caramba12,,0,,,"@FoxNews #GOPDebate In the end, impressed with questions and moderators. Kudos to Fox News.",,2015-08-07 09:27:27 -0700,629690326941196288,,Pacific Time (US & Canada) -2732,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6703,,KW2Kenai,,0,,,"Fox News was the real winner of the #gopDebate http://t.co/dae5e8RjGa via @HuffPostPol | It needs to be called ""The"" #foxnews",,2015-08-07 09:27:27 -0700,629690324932276224,"Gulf Coast, Florida",Eastern Time (US & Canada) -2733,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,AwardsDaily,,3,,,I don't think I've ever seen a bunch of dudes so afraid of one woman as during last night's debates. #GOPDebate,,2015-08-07 09:27:26 -0700,629690321643794432,Los Angeles,Casablanca -2734,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Marko510,,0,,,"Not only Mr. @realDonaldTrump 's polls are #1, but his Twitter followers are spiking up. #1stplace #trump #gopdebate http://t.co/Q9YXEH55EF",,2015-08-07 09:27:26 -0700,629690321601822720,AZ and West Coast (SF & LA),Arizona -2735,No candidate mentioned,0.4541,yes,0.6738,Negative,0.6738,None of the above,0.4541,,CodyBrooks85,,0,,,#GOPDebate - They dummies couldn't lead a circle jerk!,,2015-08-07 09:27:26 -0700,629690320926588928,"Colorado Springs, Colorado", -2736,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,Jobs and Economy,1.0,,imoore8904,,0,,,"Hmm, just found out that as CEO of HP, Carly Fiorina was fired and shipped 1000s of jobs oversea. Not good 4 economy. #GOPDebate",,2015-08-07 09:27:22 -0700,629690306687012864,United States,Pacific Time (US & Canada) -2737,Ben Carson,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,BDehonna,,2,,,RT @AFarray: Ben Carson at last night's #GOPDebate http://t.co/efv4ZagbAW,,2015-08-07 09:27:22 -0700,629690303901925377,, -2738,No candidate mentioned,1.0,yes,1.0,Negative,0.6923,None of the above,1.0,,xlcomedy,,0,,,"@awyattman88 Hilary however can & will win. It's why, at #GOPDebate she was the most talked about person. They know they can't beat her!",,2015-08-07 09:27:21 -0700,629690302802956288,Chicago,Central Time (US & Canada) -2739,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,None of the above,0.6698,,RayDeRousse,,0,,,"Someone at CNN said that last night's #GOPDebate should've ""gone full reality TV with celebrity judges and a gong."" Hilarious!",,2015-08-07 09:27:20 -0700,629690298311049216,Imagination, -2740,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Samuel_Hudson,,0,,,Fox & executives' attempt to kill Trump's buzz/momentum could have had the opposite effect -- a 'martyr effect.' #GOPDebate,,2015-08-07 09:27:20 -0700,629690296842915840,"St. Louis, MO",Eastern Time (US & Canada) -2741,No candidate mentioned,0.6558,yes,1.0,Negative,1.0,FOX News or Moderators,0.6558,,TrixieConQueso,,1,,,"RT @TheAtlanticVamp: I've said it before: if he talks to Rosie O'Donnell, and now Megyn Kelly, like that, imagine how he'd speak to Angela …",,2015-08-07 09:27:19 -0700,629690292623421440,New Mexico,Mountain Time (US & Canada) -2742,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6196,,DaTechGuyblog,,0,,,Advice to #GOP candidates in order of how I think they finished 2nd place Rand Paul Keep Swinging & crying Constitution #gopdebate #tcot #p2,,2015-08-07 09:27:19 -0700,629690292585787392,Central massachusetts,Eastern Time (US & Canada) -2743,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,QENerd,,327,,,"RT @BreeNewsome: Donald Trump is the Nene Leaks of the Republican Party. READ, HONEY, READ. 😂 #GOPDebate",,2015-08-07 09:27:19 -0700,629690292413796352,Durm,Eastern Time (US & Canada) -2744,Donald Trump,1.0,yes,1.0,Negative,0.7134,Immigration,1.0,,TheAtlanticVamp,,0,,,"Trump wants a ""big beautiful door"" in a wall for immigration. This door is on his fly. #GOPDebate #Wives",,2015-08-07 09:27:19 -0700,629690291734380544,Georgia,Eastern Time (US & Canada) -2745,No candidate mentioned,1.0,yes,1.0,Neutral,0.6782,FOX News or Moderators,0.6667,,bloodletting911,,0,,,sounded like @msnbc or @CNN was doing the questioning last night! #GOPDebate,,2015-08-07 09:27:19 -0700,629690290891304960,, -2746,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6593,,TXTaxCPA,,0,,,#GOPDebate @foxnewspolitics I was really looking for a debate of the candidates not an attack on Trump - #notfair #notbalanced,,2015-08-07 09:27:17 -0700,629690283945361408,"Dallas/Fort Worth, Texas",Central Time (US & Canada) -2747,Donald Trump,1.0,yes,1.0,Negative,0.6706,None of the above,0.6706,,mikerotondo86,,3,,,RT @ullikemike: #Trump was spot on in his description of business bankruptcies. Playing by same rules as all businesses. #GOPDebate https:…,,2015-08-07 09:27:17 -0700,629690283056218112,"Los Angeles, CA", -2748,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6706,,hankthtank,,0,,,Who CARES @BernieSanders socialist COMMIE says n #GOP #FOXNEWSDEBATE! His policies will destroy country! #gopdebate https://t.co/vtPrBB8J8l,,2015-08-07 09:27:15 -0700,629690276055920640,Conservative Christian Texan,Central Time (US & Canada) -2749,No candidate mentioned,1.0,yes,1.0,Negative,0.6806,None of the above,1.0,,bmangh,,10,,,"RT @ZeitgeistGhost: And the winner of the 1st #GOPDebate is.... @HillaryClinton !!! - -What a mob of lying pandering jackasses ....",,2015-08-07 09:27:13 -0700,629690269156409344,"New Haven, CT",Eastern Time (US & Canada) -2750,No candidate mentioned,0.4204,yes,0.6484,Negative,0.3297,None of the above,0.4204,,spooney35,,0,,,"Interest take on the aftermath of the first 2016 #GOPDebate -We're actually talking about who & when a candidate looked presidential @cspanwj",,2015-08-07 09:27:12 -0700,629690263296868352,"SF, East Bay, So. Cal,World",Pacific Time (US & Canada) -2751,No candidate mentioned,1.0,yes,1.0,Neutral,0.3794,None of the above,0.6885,,Matt_Kalish,,1,,,"RT @RobElgasABC7: WOW. The ratings for last night's #GOPDebate are jaw dropping. Nielsen says 16.0 nationwide, most watch debate ever.",,2015-08-07 09:27:12 -0700,629690262873206784,"Wichita, KS",Central Time (US & Canada) -2752,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,FBravodelaPena,,6,,,"RT @VishalDisawar: .@realDonaldTrump - ""We need to keep illegals out"". How about we keep Donald Trump out. #GOPDebate #immigration",,2015-08-07 09:27:12 -0700,629690261304537088,, -2753,Donald Trump,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,senatorshoshana,,2,,,"If @realDonaldTrump is complaining about hard questions from a ""bimbo"" like @megynkelly, how is he to lead America? #GOPDebate",,2015-08-07 09:27:11 -0700,629690257026510848,"Washington, DC ",Eastern Time (US & Canada) -2754,No candidate mentioned,1.0,yes,1.0,Negative,0.6528,None of the above,1.0,,aarchitect,,0,,,"Oh, and climate change? Crickets. #GOPDebate",,2015-08-07 09:27:10 -0700,629690256430751745,"Santa Monica, CA",Pacific Time (US & Canada) -2755,No candidate mentioned,1.0,yes,1.0,Neutral,0.6358,Women's Issues (not abortion though),0.3642,,Four_in_hand,,0,,,@ThePatriot143 @FoxNews Wait? Only post #GOPDebate debate?,,2015-08-07 09:27:10 -0700,629690254098698240,"Washington, USA", -2756,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ConnieTN,,6,,,"RT @palmaceiahome1: Rush Limbaugh ""Fox News made the debate seem like there is a Republican war on women."" #EpicFail #FoxNews #GOPDebate",,2015-08-07 09:27:10 -0700,629690252966260738,"Small Town,TN",Central Time (US & Canada) -2757,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,VictorJDH,,0,,,#GOPDebate is just embarrassing,,2015-08-07 09:27:09 -0700,629690251410214912,East Lansing,Eastern Time (US & Canada) -2758,Ted Cruz,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,eyslas5,,4,,,"RT @IraqiSuryani1: According to Ted Cruz, here are the top 4 threats against America. -1 ISIS -2 Iran -3 China -4 Russia -#GOPDebate",,2015-08-07 09:27:09 -0700,629690250307092480,, -2759,John Kasich,1.0,yes,1.0,Negative,0.6941,None of the above,0.6588,,blackbear93,,0,,,I did like @FredToucher's #GOPDebate analysis where some guy made a great impression and then couldn't think of his name.#Kasich,,2015-08-07 09:27:09 -0700,629690248814006276,"Topsham, ME",Eastern Time (US & Canada) -2760,No candidate mentioned,0.3964,yes,0.6296,Positive,0.321,None of the above,0.3964,,LambasixX,,0,,,Ghana got swag RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timayatimaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:27:08 -0700,629690247174094849,DOPECITY HD,London -2761,No candidate mentioned,0.3867,yes,0.6218,Positive,0.3349,None of the above,0.3867,,nathggns,,0,,,Where can I watch the #GOPDebate from last night (the 8pm one),,2015-08-07 09:27:08 -0700,629690246544945152,"Leeds, UK",London -2762,Donald Trump,1.0,yes,1.0,Negative,0.6793,None of the above,0.6793,,PoloT_TreyG,,0,,,Hard to take sides in the Donald Trump vs. Megyn Kelly dilemma when both are equally deplorable. #GOPDebate,,2015-08-07 09:27:08 -0700,629690246284845057,"Tampa, FL- Miami, FL - Mars",Eastern Time (US & Canada) -2763,Scott Walker,0.4444,yes,0.6667,Negative,0.6667,Foreign Policy,0.4444,,TheRandallPink,,0,,,"""Sad to think Russia, China likely know more about Hillary Clinton's email server than Congress"" - Scott Walker -#GOPDebate #quotes #truth",,2015-08-07 09:27:06 -0700,629690239884201984,Los Angeles, -2764,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,FOX News or Moderators,1.0,,DennisMJordan,,0,,,.@FoxNews is receiving high praise from liberal mainstream media while Rush Limbaugh and conservatives are panning moderators. #GOPDebate,,2015-08-07 09:27:06 -0700,629690237673996288,"Mandeville, LA",Central Time (US & Canada) -2765,No candidate mentioned,0.4536,yes,0.6735,Negative,0.6735,Racial issues,0.2337,,RefuseOfCuyahog,,29,,,"RT @GetUpStandUp2: #BATSAsk where's the humanity? #GOPDebate I see humans, but little to no humanity. http://t.co/ecz8WovIki",,2015-08-07 09:27:06 -0700,629690236327600128,"Cleveland, OH", -2766,Ben Carson,1.0,yes,1.0,Neutral,0.6549,None of the above,0.6556,,Amotekun1,,0,,,"#GOPDebate - -There is no such thing as a politically correct war - Ben Carson - -@amotekun1",,2015-08-07 09:27:05 -0700,629690234683441152,,Pacific Time (US & Canada) -2767,Donald Trump,1.0,yes,1.0,Negative,0.6854,None of the above,1.0,,junnny,,0,,,@mitchellreports Trump is negotiating a deal w/ the GOP! He's leveraging by threatening to go 3rd party unless he's the nominee. #GOPDebate,,2015-08-07 09:27:05 -0700,629690234578567168,,Eastern Time (US & Canada) -2768,Jeb Bush,1.0,yes,1.0,Neutral,0.6645,None of the above,1.0,,stipton82,,131,,,RT @pattonoswalt: The whites of Jeb Bush's eyes are flesh-colored. #GOPDebate,,2015-08-07 09:27:01 -0700,629690217872490496,"Valparaiso, IN",Eastern Time (US & Canada) -2769,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6719,,mountaingal79,,4,,,"RT @mariaguido: GOD IS A WOMAN, AND SHE'S PISSED. #GOPDebate",,2015-08-07 09:27:00 -0700,629690211522363392,, -2770,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KeriIreland,,0,,,"Sorry boys, but Huckabee and Carson dominated last night. #GOPDebate",,2015-08-07 09:26:58 -0700,629690206506098688,,Atlantic Time (Canada) -2771,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,FOX News or Moderators,0.4495,,DouglasDigital,,0,,,That was not a debate on @foxnews last night that was a reality show #gopdebate,,2015-08-07 09:26:58 -0700,629690205138780160,,Pacific Time (US & Canada) -2772,No candidate mentioned,1.0,yes,1.0,Negative,0.6756,None of the above,1.0,,JohnKittridge,,0,,,The #macdebate may have been just as nonsensical but it did offer a more varied and colourful cast of characters than the #GOPDebate.,,2015-08-07 09:26:57 -0700,629690200902385664,,Eastern Time (US & Canada) -2773,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,TheJeffManghera,,0,,,Via @NPR: Fact Check: Candidates Don't Tell The Whole Stories In First Debate http://t.co/gwYJ8uz442 #gopdebate,,2015-08-07 09:26:57 -0700,629690200663273472,"San Pedro, California, U.S.A.",Pacific Time (US & Canada) -2774,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6813,,sanstew,,0,,,@megynkelly I'm so disappointed. I lost total respect for you and will no longer watch your show! @realDonaldTrump #GOPDebate #Trump2016,,2015-08-07 09:26:57 -0700,629690200604545024,Denver,Mountain Time (US & Canada) -2775,Donald Trump,0.2576,yes,0.7017,Neutral,0.7017,None of the above,0.4924,,producerkris,,2,,,RT @carterintampa: Trump post-debate media gaggle. #GOPDebate @MyFoxTampaBay @Fox13Politics http://t.co/kb2ySJhXon,,2015-08-07 09:26:57 -0700,629690199593873408,"Tampa, FL",Eastern Time (US & Canada) -2776,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,JaysWorldLive,,1,,,RT @DrZhivag0: I think after the #GOPDebate last night it's official. Our election process has officially become a reality show! Trump/Kar…,,2015-08-07 09:26:54 -0700,629690189070368768,"Tamap, FL",Eastern Time (US & Canada) -2777,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EdgarXRodriguez,,0,,,No one on my social media is talking about last night's #GOPDebate.,,2015-08-07 09:26:53 -0700,629690185396158464,North Carolina / Texas,Eastern Time (US & Canada) -2778,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,Jobs and Economy,0.4123,,RefuseOfCuyahog,,12,,,RT @summer4jul: Hmmm. GOP warmongers. What about poverty? Education? Jobs? #BATsAsk #GOPDebate,,2015-08-07 09:26:53 -0700,629690182778925056,"Cleveland, OH", -2779,Donald Trump,0.6802,yes,1.0,Negative,0.6502,FOX News or Moderators,1.0,,YippieKya,,0,,,@megynkelly #KellyFile Ur inner @KarlRove was on full display at #GOPDebate against @realDonaldTrump. No wonder #CNN and #NYTimes loved it.,,2015-08-07 09:26:52 -0700,629690180627140609,USA,Eastern Time (US & Canada) -2780,Jeb Bush,1.0,yes,1.0,Negative,0.3448,None of the above,0.6552,,GeezerRepublic,,11,,,"RT @HayesBrown: Fact: Before Jeb was governor, Florida was run by a death cult. #GOPDebate",,2015-08-07 09:26:51 -0700,629690176571314177,South Florida,Central Time (US & Canada) -2781,No candidate mentioned,1.0,yes,1.0,Negative,0.6413,None of the above,1.0,,llynchem,,1,,,"RT @kristawelz: Raise your words, not your voice. It is rain 💧 that grows flowers 🌷, not thunder ⚡️. #edchat #GOPDebate #GOPDbate #edcampgl…",,2015-08-07 09:26:49 -0700,629690165418659840,, -2782,No candidate mentioned,1.0,yes,1.0,Negative,0.6876,None of the above,1.0,,willnotsmith,,0,,,"I barely know how to manage my life, but I think I have a good shot at running for president now. #gopdebate",,2015-08-07 09:26:48 -0700,629690164596445188,,Pacific Time (US & Canada) -2783,Marco Rubio,0.4492,yes,0.6702,Positive,0.6702,None of the above,0.4492,,SpoaSteph,,4,,,"RT @GordonPress: I would love a Fiorina, Rubio, Huckabee, Walker, Cruz debate. each has great strengths. Who's with me? #GOPDebate",,2015-08-07 09:26:48 -0700,629690162205822976,,Eastern Time (US & Canada) -2784,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,radhat,,0,,,@TwitchyTeam Why haven't I seen coverage on your site about the outrage over @megynkelly of @Foxnews during the #GOPDebate #InquiringMinds,,2015-08-07 09:26:45 -0700,629690151921299456,California,Pacific Time (US & Canada) -2785,No candidate mentioned,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,dustyhey,,8,,,RT @jessicahagy: A great primer for all the topics to avoid this Thanksgiving. #GOPDebate,,2015-08-07 09:26:44 -0700,629690147580329984,Salt Lake City,Mazatlan -2786,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NegaTheist,,0,,,"This has got to be a joke, right? Does one of these morons from the #GOPDebate really have a chance at being president? I'm actually scared.",,2015-08-07 09:26:44 -0700,629690145059532800,, -2787,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,brandonpierce,,0,,,"@daveohoots I've avoided the debates personally, the #GOPDebate just looked like a clown circus.",,2015-08-07 09:26:43 -0700,629690139623727104,"Greensboro, NC",Eastern Time (US & Canada) -2788,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,meg_a_wo_man,,0,,,"Can't quite put my finger on why, but Marco Rubio reminded me of Chung from VEEP last night #GOPDebate #VEEP",,2015-08-07 09:26:40 -0700,629690128198430720,,Quito -2789,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mspinkify,,54,,,"RT @Gabby_Hoffman: .@tedcruz is the smartest, most underrated candidate up on stage. We should be looking to him for leadership. #GOPDebate",,2015-08-07 09:26:39 -0700,629690126034206720,,Pacific Time (US & Canada) -2790,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,LWPapleux,,0,,,People of the #GOPDebate last night denying they support rape/incest exception like its a bad thing... #thisissobackwards,,2015-08-07 09:26:38 -0700,629690122427101184,, -2791,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,AmeliaBethB,,1,,,"RT @Eitanthegoalie: Imagining Fox News correcting it to ""BERNARD Sanders"" with the same anger and cadence that they say ""Barack HUSSEIN Oba…",,2015-08-07 09:26:38 -0700,629690120724201472,NYC,Quito -2792,Donald Trump,1.0,yes,1.0,Negative,0.6785,None of the above,1.0,,Asojoseph1,,0,,,"Honestly, Donald Trump you were ALL types of petty at last night's #GOPDebate �� --> http://t.co/6WIztltokv http://t.co/aHgh2Cb4mg""",,2015-08-07 09:26:37 -0700,629690118035652608,abuja nigeria, -2793,Ted Cruz,1.0,yes,1.0,Negative,0.6779,None of the above,1.0,,CJBertelli,,0,,,"Every @tedcruz answer at #GOPDebate: 50 sec of ""everyone is corrupt and/or immoral and everything stinks,"" followed by 10 sec of ""not me.""",,2015-08-07 09:26:37 -0700,629690117284872192,"Sacramento, CA",Pacific Time (US & Canada) -2794,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,FOX News or Moderators,1.0,,Xaron4,,1,,,Glad to see SOMEBODY fact-checking #GOPDebate. #Fox let lies slide last night & rest of #media not much better. https://t.co/R8bBw43Z2c,,2015-08-07 09:26:35 -0700,629690109395210240,Colorado,Mountain Time (US & Canada) -2795,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ritzy_jewels,,2,,,RT @JohnLibertyUSA: The most amazing outcome of the #GOPdebate is that @MeganKelly still has a job at @FoxNews. Most pathetic moderator eve…,,2015-08-07 09:26:34 -0700,629690101879058432,, -2796,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,freedom3556,,1,,,RT @thehumangraham: How the hell do people come to the conclusion that @realDonaldTrump won the debate by a landslide !! #StandWithRand #GO…,,2015-08-07 09:26:34 -0700,629690101853859841,, -2797,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,FOX News or Moderators,0.4074,,robjones3030,,0,,,"@OnBakerStreet @FrankLuntz @maxwelltani -I dont watch debates with intent of letting moderators direct my vote. Total sham. #GOPDebate",,2015-08-07 09:26:33 -0700,629690099412955136,A bit outside of Ft Worth,Central Time (US & Canada) -2798,Rand Paul,1.0,yes,1.0,Negative,0.6847,None of the above,1.0,,SpicyMustang,,1,,,"RT @tweetybirdnerd: #RonPaul proved at the #GOPDebate -That he isn't ready or qualified to be -#POTUS",,2015-08-07 09:26:31 -0700,629690091691053056,"Montana, USA",Pacific Time (US & Canada) -2799,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,Religion,0.6702,,ggheorghiu,,355,,,RT @DaneCook: This just in... God leading in the polls after the #GOPDebate,,2015-08-07 09:26:30 -0700,629690088545484800,"Montreal, Canada",Eastern Time (US & Canada) -2800,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JWesWilliams,,41,,,RT @bourgeoisalien: When are they going to have the swimsuit competition? #GOPDebate,,2015-08-07 09:26:29 -0700,629690082631364608,"Dallas, Texas",Central Time (US & Canada) -2801,Chris Christie,0.4408,yes,0.6639,Negative,0.3374,None of the above,0.4408,,RefuseOfCuyahog,,21,,,"RT @PennBat: ""We fought the teachers union""--.@ChrisChristie ...and how did that improve New Jersey schools? #BATsAsk #GOPDebate .@NJBatsa",,2015-08-07 09:26:29 -0700,629690082493132800,"Cleveland, OH", -2802,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,0.6552,,JoeMGoldner,,0,,,".@hardball_chris Whines about No Voter ID, Issues Moms 'Care About' in #GOPDebate http://t.co/HAHrepIUkT",,2015-08-07 09:26:28 -0700,629690077090836480,Florida,Eastern Time (US & Canada) -2803,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Adrenaline4P,,1,,,RT @kubiak11: Last night I got drunk and live tweeted the #GOPDebate. I'm the most adult person I know.,,2015-08-07 09:26:26 -0700,629690072095264769,1991,Central Time (US & Canada) -2804,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6774,,NewsWriter2,,2,,,So we have Americans getting beheaded overseas and @megynkelly is worried whether @realDonaldTrump calls Rosie O'Donnell fat? #GOPDebate,,2015-08-07 09:26:26 -0700,629690071457738752,Los Angeles,Pacific Time (US & Canada) -2805,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,,0.233,,teddyvalentine,,0,,,".@realDonaldTrump mightn't have declared bankruptcy, but now that corporations are people, his corporate offspring have #GOPDebate",,2015-08-07 09:26:26 -0700,629690070933504000,"San Francisco, CA.",Arizona -2806,No candidate mentioned,1.0,yes,1.0,Negative,0.6512,FOX News or Moderators,0.6744,,EssmailPatricia,,258,,,RT @jjauthor: I just have to say I like @megynkellybut but she has gone over the top. She was trying to be the star instead of the candidat…,,2015-08-07 09:26:26 -0700,629690069498986496,"Waco, TX", -2807,No candidate mentioned,1.0,yes,1.0,Neutral,0.7143,Foreign Policy,0.3626,,thelawmom,,9,,,"RT @TRVR1979: Chase Norton, the nice young man whose question about hearing from God ended the #GOPDebate (from his Facebook) http://t.co/w…",,2015-08-07 09:26:25 -0700,629690067502690304,midwest,Central Time (US & Canada) -2808,No candidate mentioned,1.0,yes,1.0,Neutral,0.636,None of the above,0.636,,Rixon_tk,,20,,,"RT @peddoc63: My how times have changed.... -""@Pieter_Gericke #tcot #PJNET #RedNationRising #GOPDebate http://t.co/DnPhuQaQ0n",,2015-08-07 09:26:25 -0700,629690065925636096,,Eastern Time (US & Canada) -2809,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,england498,,27,,,RT @MichaelBrownUSA: Can anyone state the time #TedCruz was asked a question? Was it yesterday? #GOPDebate,,2015-08-07 09:26:25 -0700,629690064813973504,,Central Time (US & Canada) -2810,Ben Carson,0.6813,yes,1.0,Positive,0.6813,None of the above,0.6484,,AwardedXnAuthor,,64,,,"RT @PamelaGeller: Ben Carson: ""There are no politically correct wars."" #amen #GOPDebate",,2015-08-07 09:26:24 -0700,629690062565953540,"Toronto, Canada",Atlantic Time (Canada) -2811,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,yadavdhruv14,,1,,,RT @PresidentMadan: This comes as a generalization but most Americans care too much about eloquence and not enough about substance. #GOPDeb…,,2015-08-07 09:26:24 -0700,629690060720484352,, -2812,Ted Cruz,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,mayapilbrow,,0,,,"#GOPDebate @tedcruz is it really worth mentioning the Reagan thing? you know correlation and causation are 2 different things, right?",,2015-08-07 09:26:21 -0700,629690049169264640,your actual anus,Hawaii -2813,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BizRadio111,,1,,,RT @patfrap: We'll talk to Potomac's Greg Valliere at 1pm ET about this and the #GOPDebate https://t.co/FMmPriLU5F,,2015-08-07 09:26:20 -0700,629690047164514304,"Philadelphia, PA",Hawaii -2814,No candidate mentioned,0.6667,yes,1.0,Neutral,0.6437,None of the above,0.6667,,DrDickDanger,,4,,,RT @jasontoff: A perfect summation of the #GOPDebate (Vine by @nowthisnews) https://t.co/icc1DlpvXX,,2015-08-07 09:26:20 -0700,629690046333849600,,Pacific Time (US & Canada) -2815,No candidate mentioned,1.0,yes,1.0,Positive,0.6196,None of the above,1.0,,Princejihadi,,0,,,#GOPDebate had more action than the Manny vs Mayweather fight,,2015-08-07 09:26:20 -0700,629690044207333377,Philly,Quito -2816,Ted Cruz,1.0,yes,1.0,Neutral,0.6374,None of the above,1.0,,kimmieb2u,,142,,,"RT @DLoesch: Cruz/Rubio, Walker, Rand, Carson. My order. #GOPdebate",,2015-08-07 09:26:20 -0700,629690043838300160,,Pacific Time (US & Canada) -2817,Ben Carson,1.0,yes,1.0,Negative,0.6825,None of the above,1.0,,RefuseOfCuyahog,,10,,,RT @dawnintheworld: #BATsAsk @RealBenCarson Can you do some quick brain surgeries before the curtain goes down on tonight's #GopDebate? @B…,,2015-08-07 09:26:19 -0700,629690039883165696,"Cleveland, OH", -2818,Rand Paul,1.0,yes,1.0,Neutral,0.6915,None of the above,0.6915,,BansheeofBebop,,12,,,RT @kesgardner: Note to Rand Paul: don't pick fights with Chris Christie. #GOPDebate,,2015-08-07 09:26:19 -0700,629690039249666048,, -2819,Donald Trump,0.4656,yes,0.6824,Positive,0.3647,None of the above,0.4656,,DavidKatalenas,,9,,,RT @NRO: If you missed the first few minutes of last night's #GOPDebate -- you have got to see this: http://t.co/Rlww9F1Ote,,2015-08-07 09:26:18 -0700,629690034866688000,"Louisville, Kentucky",Atlantic Time (Canada) -2820,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,JuelzReyes,,0,,,"Good job, you have just stooped to the level of the two biggest jack asses in ""Entertainment""👏🏼 #GOPDebate https://t.co/unbe3HIn5V",,2015-08-07 09:26:18 -0700,629690034829008896,, -2821,Donald Trump,1.0,yes,1.0,Negative,0.6349,FOX News or Moderators,1.0,,docmurdock,,1,,,Love how .@megynkelly BAITED .@realDonaldTrump with women question. Then he gave .@Rosie airtime she couldn't have paid for. #GOPDebate,,2015-08-07 09:26:17 -0700,629690033830649856,"Huntington Beach, CA",Pacific Time (US & Canada) -2822,No candidate mentioned,0.3813,yes,0.6175,Negative,0.6175,,0.2362,,morganOPINES,,6,,,RT @GrnEyedMandy: It is pretty terrifying that conservative women seem to be just fine with government controlling women's bodies. #GOPDeb…,,2015-08-07 09:26:17 -0700,629690030517190656,San Diego,Pacific Time (US & Canada) -2823,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EricTTung,,1,,,"""I never heard the word income equality, climate change, voting rights."" via @BarbaraBoxer #GOPDebate",,2015-08-07 09:26:16 -0700,629690029762220032,"Houston, TX",Central Time (US & Canada) -2824,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DrZhivag0,,1,,,I think after the #GOPDebate last night it's official. Our election process has officially become a reality show! Trump/Kardashian 2016?,,2015-08-07 09:26:16 -0700,629690026981507072,New Haven,Eastern Time (US & Canada) -2825,No candidate mentioned,1.0,yes,1.0,Neutral,0.6292,None of the above,1.0,,unicorn_vinny,,6,,,RT @lukeoneil47: I went long and hard on the #GOPDebate debate for @Esquire http://t.co/XTjmCwySHo http://t.co/p2yHFbZBnD,,2015-08-07 09:26:15 -0700,629690025920167936,"Omaha, NE", -2826,No candidate mentioned,1.0,yes,1.0,Neutral,0.7048,None of the above,1.0,,ovrdrv,,2,,,"RT @AnnaRawsuh: What even happened last night???? http://t.co/XW1BAii9lq #GOPDebate #JonVoyage - -via @ovrdrv",,2015-08-07 09:26:15 -0700,629690024548802560,"Boston, MA",Eastern Time (US & Canada) -2827,John Kasich,1.0,yes,1.0,Neutral,0.7029,None of the above,1.0,,deniseizac,,263,,,"RT @TeaPainUSA: John Kasich seems likable, reasonable and thoughtful and that's why he don't stand a chance. #GOPDebate",,2015-08-07 09:26:15 -0700,629690024100003840,East Cost, -2828,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,RefuseOfCuyahog,,17,,,"RT @GetUpStandUp2: The vouchers create conditions of corruption, @jebbush. They have have re-segregated schools! #BATSask #GOPdebate http:…",,2015-08-07 09:26:15 -0700,629690023613460480,"Cleveland, OH", -2829,No candidate mentioned,1.0,yes,1.0,Neutral,0.3461,None of the above,1.0,,MarcRudelli,,14,,,RT @yankeebrit77: 96% of the media is owned by a handful of people. They will decide who you get to vote for in 16 #GOPDebate,,2015-08-07 09:26:15 -0700,629690022803812352,Capri,Rome -2830,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mkgumban,,0,,,Preview of Donald Trump tonight at the #GOPDebate (Vine by @CaseyBake16) https://t.co/KqJCtDAuqf,,2015-08-07 09:26:14 -0700,629690021973467136,"New York, USA",Atlantic Time (Canada) -2831,No candidate mentioned,1.0,yes,1.0,Positive,0.6485,None of the above,1.0,,mal_baz,,43,,,RT @hemantmehta: You have to admit: That was more entertaining than any episode of The Apprentice. #GOPDebate,,2015-08-07 09:26:14 -0700,629690018844442624,"Bellevue, WA",Central Time (US & Canada) -2832,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,patfrap,,1,,,We'll talk to Potomac's Greg Valliere at 1pm ET about this and the #GOPDebate https://t.co/FMmPriLU5F,,2015-08-07 09:26:13 -0700,629690014104993793,"Philadelphia, PA",Quito -2833,Chris Christie,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,slofoodlvr,,0,,,#ChrisChristie and #CarlyFiorina what a team they'd make! #GOPDebate #Election2016,,2015-08-07 09:26:12 -0700,629690012582473729,, -2834,,0.2248,yes,0.6587,Positive,0.3391,None of the above,0.4339,,monicalmtf,,31,,,"RT @NARAL: ""@scottwalker, given your record in Wisconsin, why should voters believe you?"" Great question, #GOPDebate.",,2015-08-07 09:26:12 -0700,629690010787315712,milwaukee ,Central Time (US & Canada) -2835,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,morrisBestnut_,,0,,,Time to watch the white devil hoopla...I mean the #GOPdebate,,2015-08-07 09:26:11 -0700,629690007352180736,"brick city, nj", -2836,Donald Trump,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,jofo2005,,0,,,Trump is like napalm sprayed over all the other candidates. #GOPDebate,,2015-08-07 09:26:11 -0700,629690006982934530,, -2837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,RefuseOfCuyahog,,2,,,RT @NancyOsborne180: #GOPDebate #BATsAsk Same old talking points. Why no solutions beyond cutting taxes for rich? http://t.co/JwdCZYYPwm,,2015-08-07 09:26:10 -0700,629690004017688576,"Cleveland, OH", -2838,No candidate mentioned,0.3951,yes,0.6286,Negative,0.3314,LGBT issues,0.3951,,greatNPtweets,,168,,,RT @HRC: For too long outdated ban has discriminated against qualified transgender Americans who simply want to serve their country #GOPDeb…,,2015-08-07 09:26:08 -0700,629689996530819073,, -2839,No candidate mentioned,1.0,yes,1.0,Negative,0.6437,None of the above,1.0,,daneahunderwood,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/S1aKZ2OC7i via @theSkimm,,2015-08-07 09:26:07 -0700,629689990251831296,Los Angeles,Pacific Time (US & Canada) -2840,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,ClintFix,,0,,,I like Carly Fiorina. I hope she continues to get more air time. She's much better than some of the front runners. #GOPDebate,,2015-08-07 09:26:06 -0700,629689988326633473,"Colorado Springs, CO",Mountain Time (US & Canada) -2841,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,austinsailas,,61,,,RT @TheBardockObama: Is this a debate or a comedy central roast? #GOPDebate,,2015-08-07 09:26:06 -0700,629689987609395204,, -2842,No candidate mentioned,1.0,yes,1.0,Positive,0.653,FOX News or Moderators,1.0,,JonAlba,,0,,,"After watching back, I will say, while not fans of theirs by any means, I thought the Fox News panel was very fair last night. #GOPDEbate",,2015-08-07 09:26:05 -0700,629689983985541120,,Eastern Time (US & Canada) -2843,Donald Trump,1.0,yes,1.0,Neutral,0.6703,FOX News or Moderators,0.6484,,EastHillHypnos,,0,,,"Gee. Do ya think it's because, you know, The Donald? - -""Last night's #GOPdebate was the most watched Fox News... http://t.co/0Dln7370gQ",,2015-08-07 09:26:05 -0700,629689980953174016,"Fort Walton Beach, FL",Central Time (US & Canada) -2844,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JsnshsSushd,,157,,,RT @KatiePavlich: Audience loves Carson #GOPDebate,,2015-08-07 09:26:05 -0700,629689980638531584,, -2845,No candidate mentioned,1.0,yes,1.0,Negative,0.685,None of the above,1.0,,JWesWilliams,,15,,,"RT @bourgeoisalien: This is the most fucked up production of ""12 Angry Men"" I've ever seen. I assume Quentin Tarantino directed it? #GOPDe…",,2015-08-07 09:26:03 -0700,629689974930026496,"Dallas, Texas",Central Time (US & Canada) -2846,Donald Trump,0.4499,yes,0.6707,Positive,0.3537,FOX News or Moderators,0.2372,,GodsDontExist,,0,,,"@ericbolling ppl say @realDonaldTrump needs specifics. so, WHY did #GOPDebate panel give all THOSE type of questions to opponents?! RIGGED!",,2015-08-07 09:26:02 -0700,629689970576326656,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -2847,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DavidTATL,,0,,,Love this! Hilarious. #GOPDebate @realDonaldTrump https://t.co/gKdaQXMum2,,2015-08-07 09:26:01 -0700,629689966071816192,"Atlanta, GA USA",Eastern Time (US & Canada) -2848,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ThatConservativ,,0,,,"At least the Fox moderators didn't ask Republican candidates what they weere going to do about Global Warming. -#GOPDebate",,2015-08-07 09:26:01 -0700,629689965568393216,"Florida, USA", -2849,No candidate mentioned,1.0,yes,1.0,Negative,0.6353,FOX News or Moderators,1.0,,warriorwoman91,,2,,,I love how @megynkelly who holds the highest position of any media figure on Fox is asking questions about a Repub war on women #GOPDebate,,2015-08-07 09:26:01 -0700,629689964486197248,Not Of This World,Pacific Time (US & Canada) -2850,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,tonygates44,,0,,,"FactChecking the #GOPDebate, Late Edition: http://t.co/1QmuSYxzYu",,2015-08-07 09:26:00 -0700,629689959847333888,"Sacramento, CA",Pacific Time (US & Canada) -2851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,breninhurley,,0,,,"As funny as Twitter was last night during the #GOPDebate it is fucking scary that this is one half of the selection, for the POTUS! #newlow",,2015-08-07 09:26:00 -0700,629689959436255232,ATL,Central Time (US & Canada) -2852,Ben Carson,1.0,yes,1.0,Negative,0.3523,None of the above,1.0,,DaTechGuyblog,,1,,,Advice to #GOP candidates in order of how I think they finished 3rd place Ben Carson you'rve been noticed flesh it out #gopdebate #tcot #p2,,2015-08-07 09:25:59 -0700,629689956622012416,Central massachusetts,Eastern Time (US & Canada) -2853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DarrenMills,,0,,,"Before we give @megynkelly credit for bad-ass questions, let's be real: It was all pre-written by FOX to frame the debate. #GOPDebate",,2015-08-07 09:25:58 -0700,629689954159833088,Seattle & Cleveland,Quito -2854,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,deniseizac,,377,,,RT @FrankTheDoorman: The winner of the #GOPDebate is anyone who didn't watch.,,2015-08-07 09:25:58 -0700,629689952142495745,East Cost, -2855,No candidate mentioned,0.435,yes,0.6596,Negative,0.6596,None of the above,0.435,,ColJE10,,0,,,#GOPDebate you can't lie in 2015. you just can't Twitter exists. Google exists. jfc,,2015-08-07 09:25:54 -0700,629689937596710912,315,Atlantic Time (Canada) -2856,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6842,,SpicyMustang,,0,,,"@realDonaldTrump Calling someone a fat pig isn't about ""tone"" #GOPDebate https://t.co/2B39l6KSbD",,2015-08-07 09:25:54 -0700,629689936296292352,"Montana, USA",Pacific Time (US & Canada) -2857,No candidate mentioned,1.0,yes,1.0,Negative,0.6837,None of the above,1.0,,JulieKJohnson,,0,,,Fact checking is always my favorite part of the debates! Do most presume politicians' words are truthful? Scary. #GOPDebate,,2015-08-07 09:25:53 -0700,629689933611954176,Boston,Quito -2858,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,YuncheWilson,,0,,,Donald Trump reminds me of Frank Underwood from @HouseofCards. Nothing good can come from this. #huffpost #GOPDebate #politricks,,2015-08-07 09:25:53 -0700,629689933133824000,In my imagination,Central Time (US & Canada) -2859,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,0.6859999999999999,,psgamer92,,1,,,RT @bflatbunny81: Bernie Sanders live-tweeting the #GOPDebate was the best thing to happen to the GOP debate #FeelTheBern #BernieSanders2016,,2015-08-07 09:25:53 -0700,629689932668256261,,Central Time (US & Canada) -2860,Donald Trump,1.0,yes,1.0,Negative,0.7004,None of the above,1.0,,Noor_Ullah_,,0,,,Received a call from @realDonaldTrump begging me to watch #GOPDebate & judge him over performance he put in.,,2015-08-07 09:25:53 -0700,629689930470543360,,Kabul -2861,Ben Carson,1.0,yes,1.0,Negative,0.6705,Racial issues,0.6591,,toniac18,,41,,,"RT @zellieimani: Ben Carson never being talked about in elementary schools during Black History Month ever again, dawg. #GOPDebate",,2015-08-07 09:25:51 -0700,629689924137058304,Orlando,Eastern Time (US & Canada) -2862,Ben Carson,1.0,yes,1.0,Positive,1.0,Racial issues,1.0,,sara_au1,,86,,,RT @peddoc63: I loved❤️@RealBenCarson said he doesn't see race because he's a neurosurgeon! Person's skin doesn't make them who they are! A…,,2015-08-07 09:25:50 -0700,629689920987140096,Nashville Tn, -2863,No candidate mentioned,1.0,yes,1.0,Neutral,0.67,Foreign Policy,1.0,,acousticsounds,,3,,,RT @CharleneCac: So does his position on Iran mean that Rick Perry is also pro-divestment from Israel? #GOPDebate,,2015-08-07 09:25:50 -0700,629689920496496640,"Albany,New York", -2864,No candidate mentioned,1.0,yes,1.0,Negative,0.6792,None of the above,1.0,,MichaelToxic1,,3,,,"RT @scottsigler: Looks like Wheaton's Law ""Don't be a dick"" doesn't apply to people Tweeting about #GOPDebate. Then again, does it ever cou…",,2015-08-07 09:25:50 -0700,629689918403391488,Los Angeles, -2865,Donald Trump,0.6667,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),0.6667,,OpiningCourt,,0,,,.@IvankaTrump Call your father out re: comments about @Rosie. Supposedly he listens to you. SHAMEFUL. You've got daughters. #GOPDebate,,2015-08-07 09:25:50 -0700,629689917422075904,#Savopoulos #JusticeReform ,Eastern Time (US & Canada) -2866,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,rach2me,,35,,,RT @jenniferweiner: So Trump is proud of making money in Atlantic City? Or proud of filing for bankruptcy and leaving? #GOPDebate,,2015-08-07 09:25:49 -0700,629689916264435714,Philadelphia , -2867,Scott Walker,0.6905,yes,1.0,Negative,1.0,None of the above,1.0,,lindaleedonahue,,14,,,RT @JimKilbane: #unions #teamsters #Walker16 #GOPDebate. Stupid is as stupid does. http://t.co/TjvtUWVt6E,,2015-08-07 09:25:49 -0700,629689913244545025,, -2868,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,IronHide_81,,1,,,"Tell me @marklevinshow, when are you going to moderate a #GOPDebate? It's the only chance to give conservatives a fair shake. #FauxNews",,2015-08-07 09:25:48 -0700,629689912921452544,"Idaho, Planet Earth",Pacific Time (US & Canada) -2869,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6552,,GrnEyedMandy,,5,,,Gawd forbid any of the GOP candidates win in 2016. As a woman I fear for women if any of those men take power. #GOPDebate,,2015-08-07 09:25:48 -0700,629689910191067136,"Florida, Gun Nut Capital, USA ",Atlantic Time (Canada) -2870,No candidate mentioned,0.4207,yes,0.6486,Positive,0.3407,,0.2279,,tonifitz76,,0,,,"The #GOPDebate ratings were huge, which appeared to hurt broadcast: http://t.co/DRn2BHOhII",,2015-08-07 09:25:48 -0700,629689909410942976,,Eastern Time (US & Canada) -2871,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,bmangh,,8,,,"RT @Wolfrum: It seems that the #GOPDebate was kinda dull cause candidates being plain ol' racist, sexist warmongers just doesn't do it anym…",,2015-08-07 09:25:48 -0700,629689909301764096,"New Haven, CT",Eastern Time (US & Canada) -2872,No candidate mentioned,1.0,yes,1.0,Positive,0.3636,Jobs and Economy,0.6915,,mariaj81,,0,,,"Babara Boxer running a CHECK on Carly Fiorina and her record in Calif. Outsourcing jobs, lining her pockets w/$$$, corp welfare #GOPDebate",,2015-08-07 09:25:47 -0700,629689905275379712,"nyc (born in atlanta, ga)",Guadalajara -2873,Mike Huckabee,0.7065,yes,1.0,Neutral,0.6739,Foreign Policy,1.0,,mgrhe17,,111,,,"RT @GovMikeHuckabee: Americans need to know: the Iranian threat isn't unique to Israel. It involves U.S. & rest of the world. #GOPDebate -ht…",,2015-08-07 09:25:46 -0700,629689902771343360,, -2874,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jessekb,,1,,,"#GOPDebate watched in 16% of U.S. homes. Now, if we could only get voter turnout that high... https://t.co/XRmn3QF1Lj",,2015-08-07 09:25:46 -0700,629689902268071936,"Cambridge, Massachusetts",Eastern Time (US & Canada) -2875,Mike Huckabee,0.4829,yes,0.6949,Negative,0.6949,Abortion,0.4829,,VirginiaBemis,,1,,,RT @peoplefor: Here's what Mike Huckabee's anti-choice remarks from last night really mean: http://t.co/xcVekaU2bl #GOPdebate,,2015-08-07 09:25:46 -0700,629689901492117505,"Ashland, Ohio, USA",Atlantic Time (Canada) -2876,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6556,,MarciaBelsky,,91,,,RT @hipsterocracy: If I wanted to watch this many white men that hate women talk I'd have gone to an open mic. #GOPDebate,,2015-08-07 09:25:45 -0700,629689900103794689,"NY, NY",Eastern Time (US & Canada) -2877,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,tbg2000,,0,,,The #GOPDebate’s Biggest Winners–And Losers http://t.co/GLeQq6GWGF,,2015-08-07 09:25:44 -0700,629689892096856064,Virginia,Eastern Time (US & Canada) -2878,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ctmommy,,0,,,Wonder if @Megynkelly is as smug this morning.... Debbie Wasserman Schultz reacts to the #GOPdebate... https://t.co/oCNo5mPgUh @foxnews,,2015-08-07 09:25:43 -0700,629689888850448384,New Jersey,Eastern Time (US & Canada) -2879,Scott Walker,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.2222,,lindaleedonahue,,6,,,RT @JimKilbane: #unions #teamsters #walker16 #GOPDebate here's the facts. Check them out. http://t.co/tg2eIAbIfM,,2015-08-07 09:25:42 -0700,629689887818674176,, -2880,Rand Paul,0.2245,yes,0.6596,Negative,0.6596,None of the above,0.2245,,JLUnrein,,1,,,"RT @anna_strophe: Paul: ""I want to collect more records from terrorists, but less ... from innocent Americans."" -PERFECT INFORMATION IS NOT …",,2015-08-07 09:25:42 -0700,629689887726252032,"Chicago, IL",Central Time (US & Canada) -2881,No candidate mentioned,1.0,yes,1.0,Positive,0.6854,None of the above,0.6854,,Sportsnut2013,,183,,,"RT @FrankLuntz: Tonight’s biggest winner may have very well been @CarlyFiorina. - -#GOPDebate",,2015-08-07 09:25:42 -0700,629689886195355649,"From Saint Paul, Minnesota", -2882,No candidate mentioned,0.4299,yes,0.6557,Negative,0.6557,,0.2258,,wbaileyferrell,,0,,,"""@ThePatriot143: this is hilarious! -http://t.co/u9rfFMqPtU #GOPDebate #GOPDebate2016 http://t.co/mSdyK7NUJt""",,2015-08-07 09:25:42 -0700,629689885583114240,virginia,Quito -2883,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3333,None of the above,0.2222,,EusebiaAq,,0,,,Who's the real illegal alien #SoniaSotomayor - Farrakhan on #GOPDebate Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 09:25:42 -0700,629689884018487296,America,Eastern Time (US & Canada) -2884,Rand Paul,0.6552,yes,1.0,Negative,1.0,None of the above,1.0,,craigcarroll,,0,,,"One thing in the debate was evident, apart from Trump, Rand Paul is the most absurd choice for a candidate. #GOPDebate",,2015-08-07 09:25:41 -0700,629689883401936898,"Mobile, Al", -2885,Marco Rubio,0.6653,yes,1.0,Neutral,0.3534,Jobs and Economy,0.6881,,307carguy,,241,,,"RT @TomiLahren: Hell yes! @marcorubio ""I was raised paycheck to paycheck..how is Hillary going to lecture me about student loans?!"" #Rubio …",,2015-08-07 09:25:41 -0700,629689880012926976,, -2886,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gianLuca_leMort,,0,,,Like you could have told me that the #GOPDebate was hosted by @TheOnion and I would have totally believed it. #GOPClownCar,,2015-08-07 09:25:40 -0700,629689879396352000,"Seattle, Washington",Pacific Time (US & Canada) -2887,Donald Trump,1.0,yes,1.0,Neutral,0.6704,Foreign Policy,1.0,,mikeyagray,,1,,,RT @rikardorichards: #DonaldTrump and #JebBush clash over their respective plans for the #MiddleEast #GOPDebate http://t.co/zc1793pjGz,,2015-08-07 09:25:36 -0700,629689861696569344,,London -2888,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CQuintanaSF,,2,,,"Loop, baffled by the #GOPDebate refusal to address climate change @darth http://t.co/BC9cAhhHJL",,2015-08-07 09:25:36 -0700,629689861226692608,Santa Fe,Central Time (US & Canada) -2889,No candidate mentioned,0.3889,yes,0.6237,Neutral,0.3333,,0.2347,,Bigwilliestyle,,6,,,"RT @cap: ""How will you defeat her Kamehameha attack? How will you survive her Spirit Bomb?"" --#GOPDebate",,2015-08-07 09:25:34 -0700,629689852414406656,,Pacific Time (US & Canada) -2890,No candidate mentioned,1.0,yes,1.0,Neutral,0.6383,FOX News or Moderators,1.0,,DanMaduri,,0,,,You knew it was going to be big. The numbers in and it's a record http://t.co/UgJ1WVgCnh #GOPDebate,,2015-08-07 09:25:34 -0700,629689852360060928,"Tampa, Fl", -2891,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,Foreign Policy,1.0,,nancyhoffner,,3,,,"RT @DeadLioness: Ironic that they pronounce it ""I-ran"" #GOPDebate",,2015-08-07 09:25:34 -0700,629689852292931586,in your vicinity,Eastern Time (US & Canada) -2892,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3371,,CrockettLives,,1,,,RT @forgedbytrials: @rushlimbaugh notes @CarlyFiorina nails it. @TheDemocrats are a dangerous #AssaultWeapon on #USA #TCOT #GOPDebate htt…,,2015-08-07 09:25:34 -0700,629689850812174336,,Eastern Time (US & Canada) -2893,Donald Trump,0.4171,yes,0.6458,Negative,0.3238,None of the above,0.4171,,mimimayesTN,,1,,,RT @_HankRearden: Trump haters seem especially mad today. I wonder why lol? Whiny little bitches should get over it. #GOPDebate,,2015-08-07 09:25:34 -0700,629689850363539456, Nashville, -2894,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Bigwilliestyle,,26,,,"RT @cap: ""How will you destroy Hillary Clinton once she reaches her final form?"" --#GOPDebate",,2015-08-07 09:25:33 -0700,629689847209328640,,Pacific Time (US & Canada) -2895,No candidate mentioned,1.0,yes,1.0,Neutral,0.6977,Jobs and Economy,1.0,,sara_bang,,31,,,"RT @sallykohn: #GOPDebate last night showed party moving in opposite direction from majority of Americans on economic policy, women's healt…",,2015-08-07 09:25:32 -0700,629689844277604352,"Chattanooga, TN",Eastern Time (US & Canada) -2896,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SilvAdams,,0,,,"RT If I'm our nominee, we'll be the party of the future. #GOPDebate",,2015-08-07 09:25:31 -0700,629689839701610496,"St. Joseph, MO", -2897,No candidate mentioned,0.4347,yes,0.6593,Neutral,0.6593,None of the above,0.4347,,nikkipagliaro,,0,,,A #GOPDebate Vine for every #FridayFeel,,2015-08-07 09:25:31 -0700,629689839009570816,nyc,Eastern Time (US & Canada) -2898,Rand Paul,1.0,yes,1.0,Neutral,0.6729,Healthcare (including Medicare),0.6813,,Ric_Arthur,,1,,,RT @UnionMaiden: Sen Paul - Obamacare covers hearing tests. #GOPDebate,,2015-08-07 09:25:30 -0700,629689833707823108,,Hawaii -2899,Ben Carson,0.3991,yes,0.6318,Negative,0.3285,,0.2326,,hi_cherie,,3,,,RT @BOUNCE_COMIC: Black folks looking at @BenCarson2016 like... #GOPDebate http://t.co/PU672WgzYm,,2015-08-07 09:25:28 -0700,629689828658016256,,Pacific Time (US & Canada) -2900,Scott Walker,1.0,yes,1.0,Positive,0.6452,FOX News or Moderators,0.6452,,kretch48,,0,,,@ScottWalker #GOPDebate #held your own! Although a debacle for #FoxNews,,2015-08-07 09:25:28 -0700,629689827982610433,SunLakes Banning CA,Pacific Time (US & Canada) -2901,Jeb Bush,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,stewsviews,,0,,,To me it looked like Jeb doing Ferrell doing W. #GOPDebate,,2015-08-07 09:25:28 -0700,629689825352941568,, -2902,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,beccasplain,,0,,,My take on the #GOPDebate . @realDonaldTrump talked too much about how great he is zero on his plan. @SenTedCruz didn't get to talk enough.,,2015-08-07 09:25:27 -0700,629689821791784961,"St. Louis, MO, USA",Central Time (US & Canada) -2903,Ted Cruz,1.0,yes,1.0,Positive,0.6786,None of the above,1.0,,YMcglaun,,580,,,RT @tedcruz: A little #GOPDebate prep with my two best advisers. #CruzCrew http://t.co/nICXayCSI4 http://t.co/fA4EQQhFW1,,2015-08-07 09:25:25 -0700,629689816444067840,, -2904,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DkDkaney,,0,,,The real winner of #gopdebate was #Facebook,,2015-08-07 09:25:24 -0700,629689812363165696,, -2905,No candidate mentioned,0.6897,yes,1.0,Negative,0.6667,Religion,1.0,,kyaecker,,0,,,@JohnKasich No where in the bible does it say God gives unconditional love. His love is very conditional & depends on r behavior #gopdebate,,2015-08-07 09:25:24 -0700,629689811704492033,California Sierra Nevada,Pacific Time (US & Canada) -2906,Donald Trump,0.4679,yes,0.684,Negative,0.684,FOX News or Moderators,0.2373,,BamaStephen,,0,,,"@realDonaldTrump @FrankLuntz Mr. Trump, do you have any idea how unhinged, bitter, vindictive, and petty you sound with this? #GOPDebate",,2015-08-07 09:25:24 -0700,629689811624857601,Alabama ,Central Time (US & Canada) -2907,No candidate mentioned,0.3872,yes,0.6222,Positive,0.6222,None of the above,0.3872,,followthelede,,0,,,Best thing about last night's #GOPDebate? Following along w @latinovictoryus hashtag #LatinosListen. Gr8 comments by engaged Latino voters.,,2015-08-07 09:25:23 -0700,629689805824237569,Philadelphia,Eastern Time (US & Canada) -2908,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,,0.2298,,mamasan00754,,1,,,"RT @BlackPearlMoi: DeclarationOfIndependence mentions -3 Rights: -Life,Liberty&thePursuitOfHappiness. -#GOPDebate reveals denial4someOfUS! ht…",,2015-08-07 09:25:22 -0700,629689803659874304,, -2909,Jeb Bush,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,Shaughn_A,,13,,,"I can think of at least 1 person @CarlyFiorina shld've replaces. Was @JebBush even on the #GOPDebate stage? 😕 - -#tcot http://t.co/PP1S25CVyM",,2015-08-07 09:25:22 -0700,629689803211038720,Somewhere hating on fraud.,Central Time (US & Canada) -2910,Ted Cruz,0.6791,yes,1.0,Neutral,0.6801,None of the above,1.0,,LindaFortWorth,,0,,,@parshalltalk No change for me. I still support #TedCruz for president. #GOPdebate,,2015-08-07 09:25:18 -0700,629689784328306689,Fort Worth,Central Time (US & Canada) -2911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Namine2468,,4,,,RT @dannyfratella: mortified by the ignorance of the republican frontrunners. who in their right mind would let one of these clowns run a c…,,2015-08-07 09:25:17 -0700,629689781056700416,What Is Sleep?? xD, -2912,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,FOX News or Moderators,1.0,,CNHolefield,,0,,,#GOPDebate Chris Wallace was wearing Rick Perry's fancy eyeglasses last night.,,2015-08-07 09:25:17 -0700,629689779349770241,The Aether, -2913,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,ChudierKong,,338,,,RT @mattymonsterz: I AM SCREAMING 💀💀💀💀 #GOPDebate http://t.co/yrsGber2nG,,2015-08-07 09:25:17 -0700,629689778930200576,, -2914,No candidate mentioned,1.0,yes,1.0,Neutral,0.6452,None of the above,1.0,,Sikiro_Ateri,,0,,,Hear me out: GOP duels. Think about it. #GOPDebate #GOP,,2015-08-07 09:25:16 -0700,629689778770968580,Nightmares, -2915,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,PlankySmith,,13,,,"RT @allisonkilkenny: This is basically what the GOP is always saying, but stripped down, minus the euphemisms #GOPDebate",,2015-08-07 09:25:15 -0700,629689774182260736,Private Crime-Detecting Star,Quito -2916,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ofelia_bh,,0,,,"if I have to see one more fucken #GOPDebate email, txt, or post I will break my computer in half. dont give these idiots the time of day",,2015-08-07 09:25:15 -0700,629689773649608704,"Boyle Heights, Los Angeles", -2917,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RobotChichi,,1,,,RT @SeaBassThePhish: What if Donald Trump has been a liberal this whole time and he's just running to prove how stupid the GOP is? #GOPDeba…,,2015-08-07 09:25:15 -0700,629689772290756608,,Eastern Time (US & Canada) -2918,No candidate mentioned,1.0,yes,1.0,Neutral,0.6735,None of the above,1.0,,JeetendrSehdev,,33,,,"Authenticity and transparency is a cost to entry today, especially among Millennials and teens. #GOPDebate @OrlandoDish @KeenaMcGee",,2015-08-07 09:25:14 -0700,629689767517515777,Los Angeles,Pacific Time (US & Canada) -2919,Donald Trump,1.0,yes,1.0,Negative,0.6502,None of the above,1.0,,nannacassie,,0,,,"So,we can poke at #trump for the nasty things he said to Rosie in the past but, who hadn't shot off their mouth?#skeletons anyone?#GOPDebate",,2015-08-07 09:25:14 -0700,629689767270092800,, -2920,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.665,,Streeck,,0,,,#GOPDebate Maybe they were right to try & destroy Obama in 1st term. It's hard to imagine being led automatically by an old White guy.,,2015-08-07 09:25:13 -0700,629689765856739328,New York City,Eastern Time (US & Canada) -2921,Donald Trump,1.0,yes,1.0,Positive,0.3536,None of the above,0.6464,,Mulder24,,0,,,"Megyn Kelly played footies with Debbie Washerwoman Schultz. She attempted to take out Donald Trump. -#Foxnews -#Gopdebate",,2015-08-07 09:25:13 -0700,629689765084856320,Texas,Central Time (US & Canada) -2922,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,None of the above,1.0,,KGeanie,,0,,,IF I YELL LOUDER THAN MAN I AM BETTER MAN #GOPDebate,,2015-08-07 09:25:13 -0700,629689762496942080,,Arizona -2923,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,VirginiaBemis,,0,,,"So @realDonaldTrump calls women fat pigs disgusting animals. Sez just kidding, we're having fun. What's this we, white man? #GOPDebate",,2015-08-07 09:25:12 -0700,629689759544311810,"Ashland, Ohio, USA",Atlantic Time (Canada) -2924,No candidate mentioned,1.0,yes,1.0,Positive,0.6364,None of the above,1.0,,KEvangelista263,,0,,,I just finished reading @BuckSexton 's #GOPDEBATE tweets and still laughing until now. Very entertaining (:,,2015-08-07 09:25:12 -0700,629689759334436864,,Pacific Time (US & Canada) -2925,Scott Walker,0.7079,yes,1.0,Negative,0.7079,None of the above,1.0,,lindaleedonahue,,4,,,RT @JimKilbane: #unions #teamsters #Walker16 #GOPDebate who side is this turd on????????????????????????????????????????????????????? http:…,,2015-08-07 09:25:10 -0700,629689753110224896,, -2926,Mike Huckabee,0.7053,yes,1.0,Negative,0.6316,None of the above,0.3684,,rhUSMC,,1,,,RT @Schwabcycler: “@megynkelly focus group picks Huckabee comment on Pres. #Obama & Iran as top moment of #GOPDebate.” says a lot about tha…,,2015-08-07 09:25:10 -0700,629689750840958976,AZ USA, -2927,No candidate mentioned,1.0,yes,1.0,Positive,0.6897,None of the above,0.6437,,RobElgasABC7,,1,,,"WOW. The ratings for last night's #GOPDebate are jaw dropping. Nielsen says 16.0 nationwide, most watch debate ever.",,2015-08-07 09:25:09 -0700,629689746755817472,"Chicago, IL",Central Time (US & Canada) -2928,No candidate mentioned,0.4102,yes,0.6404,Neutral,0.6404,None of the above,0.4102,,MelisaAnnis,,0,,,Forgive me but I'm only now watching #GOPDebate - Daddy's Table.,,2015-08-07 09:25:09 -0700,629689745946316800,"Brooklyn, NY",Quito -2929,,0.228,yes,0.3516,Negative,0.3516,,0.228,,matevans13,,0,,,"After last night's #GOPDebate, I think it's clear that #JohnMcCain is the Aegon Targaryen of the #Republican Party. -#GameofThrones",,2015-08-07 09:25:09 -0700,629689745434542080,"Littleton, CO", -2930,No candidate mentioned,1.0,yes,1.0,Negative,0.6791,None of the above,1.0,,VoicesOutside,,1,,,RT @ahzoov: File this under: Subjects Overlooked in the #GOPDebate http://t.co/L4X9stUjVM,,2015-08-07 09:25:07 -0700,629689738065256448,,Eastern Time (US & Canada) -2931,No candidate mentioned,1.0,yes,1.0,Neutral,0.6708,None of the above,1.0,,IikkaKorhonen,,10,,,RT @kscheib: Russia got a whopping total of 9 mentions at last night's #GOPdebate - and don't even ask about #Ukraine. http://t.co/moReusH…,,2015-08-07 09:25:07 -0700,629689737658396672,"Helsinki, Finland", -2932,No candidate mentioned,0.6915,yes,1.0,Negative,1.0,None of the above,0.6915,,MyAfro,,0,,,"@Salon @AntarianRani - It's sinking in with the #GOP: can't keep blaming the Dems, so they direct frustrations at each other. #GOPDebate",,2015-08-07 09:25:07 -0700,629689737196900352,"Oakland, California, USA",Pacific Time (US & Canada) -2933,Ben Carson,1.0,yes,1.0,Negative,0.6667,None of the above,0.6563,,england498,,41,,,"RT @AmyMek: ""If you don't get the Military Right, nothing else is going 2 work…"" - Carson. This is exactly why Obama attacks our Military! …",,2015-08-07 09:25:06 -0700,629689736576172032,,Central Time (US & Canada) -2934,No candidate mentioned,1.0,yes,1.0,Negative,0.6854,Women's Issues (not abortion though),0.6854,,FlorentineHill,,4,,,RT @minasmith64: You're behaving like a dumb #Feminist when you blame Misogyny for person's response to your unwarranted attacks. #GOPDeba…,,2015-08-07 09:25:05 -0700,629689729173229568,"Temecula, CA", -2935,No candidate mentioned,1.0,yes,1.0,Negative,0.6521,Racial issues,0.6637,,LorrettaJohnson,,2,,,"The #GOPdebate showed that the GOP candidates are out of touch with workers, women, people of color and basically anyone not rich.",,2015-08-07 09:25:03 -0700,629689724127449089,, -2936,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,Cindsation,,1,,,"RT @impetu4: Can we also compare and talk how many minority American citizens have died due to ""self-defense""? #GOPDebate",,2015-08-07 09:25:03 -0700,629689722756034560,"Manassas, JMU '15",Quito -2937,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,senatorshoshana,,3,,,"If @megynkelly is a bimbo, as @realDonaldTrump says, shouldn't he have had a super easy time answering her questions? #GOPDebate",,2015-08-07 09:25:03 -0700,629689721468383232,"Washington, DC ",Eastern Time (US & Canada) -2938,Mike Huckabee,1.0,yes,1.0,Neutral,0.3474,None of the above,1.0,,mhfa16hq,,1,,,"RT @georgehenryw: Who thought Huckabee exceeded their expectations - -#gopdebate #imwithhuck #gop #ccot #teaparty #tcot -@laura4fairtax http…",,2015-08-07 09:25:02 -0700,629689719056568320,USA, -2939,No candidate mentioned,0.467,yes,0.6834,Neutral,0.6834,None of the above,0.467,,Y2k509,,8,,,#GOPDebate (Vine by @dabulldawg88) https://t.co/5Yl7W2UhtX,,2015-08-07 09:25:01 -0700,629689714514239488,509,Pacific Time (US & Canada) -2940,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,Abortion,0.6703,,Yoshgunn,,0,,,Relevant after last night's #GOPDebate http://t.co/dSUVHB0lgd,,2015-08-07 09:25:01 -0700,629689714426126336,"Hoboken, NJ", -2941,No candidate mentioned,1.0,yes,1.0,Neutral,0.6537,None of the above,0.6537,,bgittleson,,0,,,ICYMI: Rick Perry's in it for the long game. Check out his post-#GOPDebate comments: http://t.co/kE8ebDAB7W,,2015-08-07 09:25:01 -0700,629689712446447616,"New York, NY",Eastern Time (US & Canada) -2942,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6829999999999999,,BrandonB209,,91,,,"RT @BRios82: ""Conservatives want live babies so they can raise them to be dead soldiers."" -George Carlin #GOPDebate",,2015-08-07 09:25:00 -0700,629689710718226432,A Pale Blue Dot,Pacific Time (US & Canada) -2943,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,None of the above,1.0,,TroyKinsey,,0,,,"Suntrust analyst Robert Peck on @CNBC re: Facebook sponsoring last night's #GOPDebate: ""This is what Twitter should be.""",,2015-08-07 09:25:00 -0700,629689709854367744,"Tallahassee, FL",Quito -2944,Donald Trump,0.4311,yes,0.6566,Positive,0.6566,None of the above,0.4311,,AllenEllis14,,8,,,RT @saramarietweets: Trump isn't a career politician either & I like him. Carson just lacks the experience and knowledge. @jaxnmelody @GOP …,,2015-08-07 09:24:59 -0700,629689705689403393,"alexandria,va",Eastern Time (US & Canada) -2945,Marco Rubio,0.4307,yes,0.6562,Positive,0.6562,None of the above,0.4307,,Reid_FSU,,0,,,"Rubio might be my new pick for president, he gave some really intellgent answers last night #GOPDebate",,2015-08-07 09:24:59 -0700,629689705366441986,"Fort Walton Beach, Fl", -2946,,0.2355,yes,0.6202,Negative,0.6202,,0.2355,,ggheorghiu,,0,,,@FoxNews @marcorubio after the #GOPDebate it seems that God has punished you...,,2015-08-07 09:24:58 -0700,629689702375890944,"Montreal, Canada",Eastern Time (US & Canada) -2947,No candidate mentioned,0.4181,yes,0.6466,Positive,0.6466,FOX News or Moderators,0.4181,,shain881,,15,,,"RT @eurorabbit: Only a #Cuckservative would dodge giving Megyn Kelly an earful on #WhiteGenocide -#GOPDebate #SmackDown #NRx #tcot http://t.…",,2015-08-07 09:24:58 -0700,629689700534489088,, -2948,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TomStuchinski,,0,,,Latest article! http://t.co/TkYfwzo0se #GOPDebate #PoliticalHumor #Tech,,2015-08-07 09:24:57 -0700,629689695996260352,"Redmond, WA",Pacific Time (US & Canada) -2949,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EricGuster,,0,,,"Why does Christie keep saying he was appointed as US Atty Sept 10? He was appt in December of that year. Come on, dude #GOPDebate",,2015-08-07 09:24:56 -0700,629689691571417088,✈️ Birmingham ✈️ Brooklyn ✈️,Central Time (US & Canada) -2950,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,RenaJargon,,0,,,@Davids_Brain All that talk abt pro-life & not 1 suggestion on what to do w/ forced birth babies. The poor get poorer. #prochoice #GOPDebate,,2015-08-07 09:24:55 -0700,629689689918705664,"Irving, TX",Central Time (US & Canada) -2951,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kenjbarnes1,,0,,,A takeaway from last night's #GOPDebate: Sen. #RandPaul doesn't belong in the heavyweight division #NotReadyForPrimeTime,,2015-08-07 09:24:54 -0700,629689685057540096,San Diego,Pacific Time (US & Canada) -2952,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BrendanKelleyOH,,1,,,The #GOPDebate last night was everything I hoped for and more. The internet will be amazing for weeks. #GOPClownCar,,2015-08-07 09:24:54 -0700,629689684835364864,,Eastern Time (US & Canada) -2953,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,Women's Issues (not abortion though),1.0,,fezfucka,,88,,,RT @LaurenSivan: Twitter is full of #GOPDebate hair jokes. Who says there isn't gender equality? 💁🏽,,2015-08-07 09:24:54 -0700,629689684226998272,, -2954,No candidate mentioned,0.6685,yes,1.0,Negative,1.0,None of the above,1.0,,larryfeltonj,,6,,,"It must be awful living with the paranoid worldview presented at the #GOPDebate. These guys need therapy, not public office.",,2015-08-07 09:24:54 -0700,629689682561863680,Atlanta, -2955,Donald Trump,1.0,yes,1.0,Positive,0.6786,None of the above,1.0,,_HankRearden,,1,,,Trump haters seem especially mad today. I wonder why lol? Whiny little bitches should get over it. #GOPDebate,,2015-08-07 09:24:53 -0700,629689678967504896,District of Columbia, -2956,Donald Trump,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,GIVENT0FLY,,0,,,Funny how hypocritical @93wibc hosts are when discussing Trump vague answers vs ALL GOP candidates doing the same every debate. #GOPDebate,,2015-08-07 09:24:52 -0700,629689676639502336,"Hamilton County, IN",Eastern Time (US & Canada) -2957,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,AverageChirps,,3,,,7 Disturbing Megyn Kelly Moments On Race https://t.co/Mmh7abJQK5 #topprog #GOPDebate,,2015-08-07 09:24:52 -0700,629689676530585600,Location: Scooched To The Left,Eastern Time (US & Canada) -2958,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,em_kay_bee,,1,,,RT @MarkMMcClain: The Left always tells us of whom they are most afraid. #GOPDebate https://t.co/ib6o7f755V,,2015-08-07 09:24:52 -0700,629689673992900609,NWA,Central Time (US & Canada) -2959,No candidate mentioned,1.0,yes,1.0,Negative,0.6809999999999999,Immigration,1.0,,TNTweetersUSA,,1,,,RT @ItsShoBoy: #GOPDebate’s Biggest Winners–And Losers http://t.co/wMmnx3AjGE Latin@s Think All @GOP Lost Because #ImmigrationReform #TNTVo…,,2015-08-07 09:24:51 -0700,629689671400861696,,Central Time (US & Canada) -2960,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6452,,12345Hazel,,2,,,"RT @abgutman: Word count from #GOPDebate last night- -God: 19 -Planned Parenthood: 5 -Abortion: 8 -Guns: 2 -Obama: 36 -Hillary:29 -Israel: 12 -Pal…",,2015-08-07 09:24:51 -0700,629689670264205312,Monnmouth Manufacturing,Kuwait -2961,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,0.6848,,naziabi84,,8,,,"RT @zackisthe: Just a few things not mentioned in the #GOPdebate: -Voting rights -Climate change -Gun violence -Police shootings -Student debt -I…",,2015-08-07 09:24:50 -0700,629689669492543488,United kingdom , -2962,Donald Trump,1.0,yes,1.0,Negative,0.6453,None of the above,1.0,,AmericansvsLies,,131,,,RT @peddoc63: This is why @realDonaldTrump is polling so high! Got it👉🏾LIARS✔️ @jimlibertarian @MaydnUSA #GOPDebate @CarmineZozzora http://…,,2015-08-07 09:24:50 -0700,629689666636251136,New York City, -2963,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,Women's Issues (not abortion though),1.0,,mpoulos,,286,,,"RT @rachelheldevans: #GOPDebate: Plague of political correctness keeps us from torturing prisoners and calling women ""fat pigs"" & human bei…",,2015-08-07 09:24:48 -0700,629689657735966720,,Eastern Time (US & Canada) -2964,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6915,,1964dwclark,,1,,,RT @ilirprogri: @FoxNews @lizpeek @realDonaldTrump is highly adaptable! He will improve more than anyone else from the #GOPDebate #Inconsis…,,2015-08-07 09:24:46 -0700,629689650412531712,"Baton Rouge, La", -2965,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,bradburger,,14,,,RT @sub150run: I was really hoping Chris Christie would make a Kool-Aid man style entrance #GOPDebate http://t.co/7b1WGdj4WV,,2015-08-07 09:24:46 -0700,629689649728851968,depends on the day of the week,Central Time (US & Canada) -2966,No candidate mentioned,0.6742,yes,1.0,Negative,0.6742,None of the above,1.0,,lindaleedonahue,,2,,,RT @JimKilbane: #unions #teamsters #Walker16 #GOPDebate What a Koch http://t.co/mrhu93tQDM,,2015-08-07 09:24:45 -0700,629689646872723456,, -2967,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6744,,Dr_C2006,,9,,,RT @BitchestheCat: No rapists in my backyard. Sorry @realDonaldTrump #GOPDebate #bitches2016 #AmericaMeow http://t.co/n6o8SY2231,,2015-08-07 09:24:45 -0700,629689645719269376,I'm near PS153.H56H33 2005, -2968,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,davek,,167,,,"RT @RedStateJake: Hey @FoxNews - keep that degenerate @DWStweets FAR away from ANY #GOPDebate. - -#tcot #ccot #ycot #tlot -#PJNET #icon http:…",,2015-08-07 09:24:45 -0700,629689645471674368,"Southbay of LA, CA",Pacific Time (US & Canada) -2969,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sunnflores,,0,,,Does anyone have a link to the #GOPDebate? I didn't get to watch it,,2015-08-07 09:24:45 -0700,629689645379366912,"Lynwood, California",Pacific Time (US & Canada) -2970,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,Foreign Policy,1.0,,MuralidharAjay,,33,,,"RT @tanvi_madan: For the umpteenth time — Iran is not an Apple product. ih-raan not iRan. -#GOPDebate",,2015-08-07 09:24:45 -0700,629689645245181952,Mumbai, -2971,John Kasich,0.4002,yes,0.6326,Positive,0.6326,LGBT issues,0.4002,,HeatherScobie,,0,,,@JohnKasich #GOPDebate #Out Answer on gay marriage was best ever for Dems and Repubs alike. Gets Independents like me 2 look his way.,,2015-08-07 09:24:44 -0700,629689643756204032,"Austin, Los Angeles", -2972,No candidate mentioned,1.0,yes,1.0,Neutral,0.6988,None of the above,1.0,,valuepointorg,,46,,,RT @_HankRearden: I wonder where Luntz found these ppl lol. This is my favorite fake focus group member from tonight. 😂😂 #GOPDebate http://…,,2015-08-07 09:24:43 -0700,629689638232289280,,Eastern Time (US & Canada) -2973,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,asthehosptuRNs,,0,,,Because we can't make up this shit. #GOPDebate #lol,,2015-08-07 09:24:42 -0700,629689634717458433,St Lou Suburbia ,Pacific Time (US & Canada) -2974,No candidate mentioned,0.4399,yes,0.6632,Neutral,0.6632,None of the above,0.4399,,daveohoots,,0,,,Seems these elections are coming at a great time for Twitter. Havent seen this much convo in a while #GOPdebate #cdnelxn,,2015-08-07 09:24:40 -0700,629689627100770304,"Vancouver, BC",Pacific Time (US & Canada) -2975,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6705,,MollyMGaussa,,1,,,Highlights from last night's #GOPDebate http://t.co/KsoSbFJiLo via @NRO,,2015-08-07 09:24:40 -0700,629689626643574784,"Upper St. Clair, PA", -2976,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ACPress_Tracey,,0,,,I think @_Hetrick in particular would like this @latimes entertainment take on #GOPDebate http://t.co/eecRwTlkEl,,2015-08-07 09:24:39 -0700,629689623011303424,"Brigantine, NJ",Atlantic Time (Canada) -2977,Ben Carson,1.0,yes,1.0,Neutral,0.6706,Racial issues,1.0,,ssamanthamariie,,9,,,RT @XLNB: Ben Carson's presence on #GOPDebate doesn't negate the fact there was barely any mention of racial inequality for questions.,,2015-08-07 09:24:39 -0700,629689622826586112,,Eastern Time (US & Canada) -2978,Ben Carson,0.4205,yes,0.6484,Negative,0.6484,None of the above,0.4205,,alexkimmellauth,,219,,,RT @pattonoswalt: Dear Dr. Ben Carson: A CANTICLE FOR LEIBOWITZ is not a hopeful vision of the future. #tithing #GOPDebate,,2015-08-07 09:24:39 -0700,629689621488795649,i write. i exist., -2979,Rand Paul,0.6333,yes,1.0,Negative,0.6333,None of the above,0.3667,,teeheeheemcfee,,15,,,"RT @therightswrong: Head Of #RandPaul SuperPAC Indicted With 3 #RonPaul Staffers, Helped Pay Off state senator for endorsement #GOPDebate -h…",,2015-08-07 09:24:38 -0700,629689619207069700,,Pacific Time (US & Canada) -2980,No candidate mentioned,0.4152,yes,0.6444,Neutral,0.3328,,0.2292,,bflatbunny81,,1,,,Bernie Sanders live-tweeting the #GOPDebate was the best thing to happen to the GOP debate #FeelTheBern #BernieSanders2016,,2015-08-07 09:24:38 -0700,629689617847980033,"Celina, Texas ", -2981,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.7066,,crockettclass,,10,,,"RT @VishalDisawar: Dear @FoxNews, how about you stop using the word 'illegal' when talking about immigration. No human being is illegal. #G…",,2015-08-07 09:24:37 -0700,629689615004385280,North Carolina,Atlantic Time (Canada) -2982,Jeb Bush,0.6562,yes,1.0,Negative,1.0,None of the above,0.3438,,Leefellerguy,,18,,,RT @MzDivah67: Obamacare suppresses wages and kills jobs? #JebBush #GOPDebate http://t.co/eha7FscJgX,,2015-08-07 09:24:35 -0700,629689606393344000,Soggytits South VA., -2983,No candidate mentioned,1.0,yes,1.0,Neutral,0.3562,FOX News or Moderators,0.653,,jakezemp,,16,,,RT @sistertoldjah: Since when did we become so thin-skinned that tough questions automatically equated to bias?? They will only get tougher…,,2015-08-07 09:24:35 -0700,629689605546115072,, -2984,Scott Walker,0.6452,yes,1.0,Negative,1.0,None of the above,1.0,,patiencehaggin,,0,,,"To Walker, Cruz and Carson: You didn't take swipes at anyone in #GOPDebate. That just makes you look sad and lonely: http://t.co/mTuIDQhR8C",,2015-08-07 09:24:35 -0700,629689605248253953,"San Francisco, CA",Eastern Time (US & Canada) -2985,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lindaleedonahue,,6,,,"RT @JimKilbane: #unions #teamsters #Walker16 #GOPDebate ""Stupid is as stupid does"". Quote Forest Gump. http://t.co/cukNlvtoSi",,2015-08-07 09:24:34 -0700,629689601679036416,, -2986,Donald Trump,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,0.6778,,AllenEllis14,,2,,,"RT @saramarietweets: You should've made @realDonaldTrump answer about God, @FoxNews @megynkelly @BretBaier. That's crappy that u didn't. #G…",,2015-08-07 09:24:34 -0700,629689600903004160,"alexandria,va",Eastern Time (US & Canada) -2987,Ted Cruz,0.2489,yes,0.6824,Neutral,0.6824,None of the above,0.4656,,nielslesniewski,,2,,,RT @ha_nah_nah: Watching #GOPdebate in South Carolina with @RepSanfordSC via @nielslesniewski http://t.co/46jHssbV5C,,2015-08-07 09:24:33 -0700,629689595597352960,"Washington, D.C.",Eastern Time (US & Canada) -2988,No candidate mentioned,0.4298,yes,0.6556,Neutral,0.6556,None of the above,0.4298,,theRab,,10,,,RT @iSocialFanz: All the real-time social buzz around the 2016 US Elections in one place http://t.co/0SPGhG1DVn via @Zoomph #GOPdebate http…,,2015-08-07 09:24:31 -0700,629689589712711681,Raleigh / Las Vegas ,Eastern Time (US & Canada) -2989,No candidate mentioned,0.4255,yes,0.6523,Neutral,0.6523,Racial issues,0.4255,,racewarspodcast,,1,,,RT @mojowhoha: @Sherrod_Small & @kurtmetzger Have the Cure for Racism on @racewarspodcast on @OpieRadio XM103 Sirius206 Wed @ 9pm est #GOPD…,,2015-08-07 09:24:31 -0700,629689588337012736,"New York, NY",Eastern Time (US & Canada) -2990,No candidate mentioned,0.6911,yes,1.0,Negative,1.0,None of the above,1.0,,JackiSuzieq,,1,,,RT @secretcabdriver: Because EVERYTHING he says is a lie. #tcot #GOPDebate #p2 https://t.co/snDQwf6cLC,,2015-08-07 09:24:30 -0700,629689585505677314,, -2991,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CaffeineHound,,45,,,"RT @peddoc63: God has blessed Republican Party with good candidates. Democrats can't find one! @marcorubio #GOPDebate ""@ChadHarvey7 http://…",,2015-08-07 09:24:30 -0700,629689585392599040,Heartland of USA,Central Time (US & Canada) -2992,Donald Trump,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,itshillaryhere,,0,,,#GOPDebate @realDonaldTrump got the most time out of all the other ten people. #isthisajoke #DonaldTrump,,2015-08-07 09:24:30 -0700,629689582963986433,"Little Rock, AR",Central Time (US & Canada) -2993,Donald Trump,1.0,yes,1.0,Neutral,0.6769,None of the above,1.0,,JohnSkogman,,5,,,"RT @MentalityMag: Top 5 candidates by searches on Google were Donald Trump, Ben Carson, Ted Cruz,l Jeb Bush and Marco Rubio. #GOPDebate htt…",,2015-08-07 09:24:30 -0700,629689582930554880,"Jacksonville, NC",Central Time (US & Canada) -2994,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,themaddiefoley,,3,,,"RT @joegarofoli: The party of business? Word ""technology"" not mentioned once at #GOPDebate http://t.co/gQtdMHvn21 via @sfchronicle http://t…",,2015-08-07 09:24:29 -0700,629689579860303872,, -2995,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,politicsastar,,0,,,Missed the #GOPDebate? @CarlCannon has 10 great takeaways for @RealClearNews http://t.co/PcydIY47GA,,2015-08-07 09:24:29 -0700,629689578849443840,,London -2996,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mindytrotta,,0,,,RT @TheBaxterBean: Fact: Scott Walker Lies More Often Than He Tells The Truth http://t.co/DY4Jz3x9pi #GOPDebate http://t.co/ZLo08jtFnR,,2015-08-07 09:24:26 -0700,629689565612273665,"Jersey City, NJ/SoCal",Eastern Time (US & Canada) -2997,Scott Walker,1.0,yes,1.0,Negative,0.6531,None of the above,0.6735,,lindaleedonahue,,25,,,RT @JimKilbane: #unions #teamsters #Walker16 #GOPDebate Facts are facts people. http://t.co/IEYSqoZDwD,,2015-08-07 09:24:24 -0700,629689558381281280,, -2998,Donald Trump,0.6629999999999999,yes,1.0,Negative,0.6629999999999999,None of the above,0.6629999999999999,,maria_carroll14,,0,,,"For someone who doesn't care who he offends, really gets offended easily... #GOPDebate #talkingaboutyoutrump @megynkelly",,2015-08-07 09:24:23 -0700,629689556309266432,Cincinnati,Eastern Time (US & Canada) -2999,Marco Rubio,1.0,yes,1.0,Negative,1.0,Immigration,0.6739,,TH3R34LTRUTH,,6,,,#Rubio said he was worried about all the people who can't get in. How about worrying about those born here 4a change #GOPDebate #tcot,,2015-08-07 09:24:23 -0700,629689555470299136,Texas, -3000,Donald Trump,1.0,yes,1.0,Positive,0.36200000000000004,None of the above,1.0,,gregfocker,,0,,,#GOPDebate #GOP #GOPClownCar Best video EVER !!!!!! Night at the Roxbury with the @realDonaldTrump ! LOL ! https://t.co/uHq5vx44JW,,2015-08-07 09:24:23 -0700,629689554560139264,Sports & Cooking is my passion,Central Time (US & Canada) -3001,Ben Carson,1.0,yes,1.0,Negative,1.0,Religion,1.0,,tracyealy1,,49,,,"RT @sbthistle: #GOPDebate ""I think God's a pretty fair guy."" God's not a guy, Dr. Carson. Women as well as men are created in ""God's image.…",,2015-08-07 09:24:22 -0700,629689550374203393,Central Illinois via Seattle,Central Time (US & Canada) -3002,No candidate mentioned,0.4247,yes,0.6517,Negative,0.6517,None of the above,0.4247,,TheStifTip,,23,,,RT @peterdaou: Complete #climatechange blackout at the first 2015 #GOPDebate. Unreal.,,2015-08-07 09:24:21 -0700,629689547291365377,,Eastern Time (US & Canada) -3003,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6705,,lungtawellness,,0,,,@SenatorBoxer @mitchellreports other loser in #GOPDebate - the environment!!,,2015-08-07 09:24:20 -0700,629689543919321088,Global Free Spirit,Eastern Time (US & Canada) -3004,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,FOX News or Moderators,0.6957,,leiboaz,,0,,,No Cecil the Lion question. No Salt River Horses question. Cmon Fox News. #GOPDebate,,2015-08-07 09:24:19 -0700,629689539586461696,"Phoenix, AZ",Arizona -3005,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,drjmftspeaks,,0,,,It's official; #Trump is GOP's Frankenstein 'a monster &they cannot control him #GOPdebate #AboutLastNight http://t.co/n2X8mQYFS6,"[35.95976052, -86.81232094]",2015-08-07 09:24:19 -0700,629689538466705409,, -3006,No candidate mentioned,0.3787,yes,0.6154,Negative,0.6154,None of the above,0.3787,,sleddogwatchdog,,2,,,RT @ZeitgeistGhost: I did watch all 2nd string #GOPDebate ... can tell y they are 2nd string. Not enough original stupidty and hatred. Ju…,,2015-08-07 09:24:19 -0700,629689536373600256,Canada,Central Time (US & Canada) -3007,Ted Cruz,0.4233,yes,0.6506,Negative,0.3373,Religion,0.4233,,SPWMthe3rd,,1,,,"@PoliSciUMN did Ted Cruz just misspeak when he said during his closing statement that he would ""persecute religious liberty?"" #GOPDebate",,2015-08-07 09:24:18 -0700,629689532905091073,"Rock Hill, SC",Eastern Time (US & Canada) -3008,No candidate mentioned,1.0,yes,1.0,Negative,0.6432,None of the above,0.6432,,AndrewsDisciple,,0,,,The Biggest Reality Show on Earth. #GOPDebate http://t.co/hfqxstl4XF,,2015-08-07 09:24:17 -0700,629689529864208385,United States,Eastern Time (US & Canada) -3009,No candidate mentioned,1.0,yes,1.0,Negative,0.6726,None of the above,0.7133,,BMOREBrian,,3,,,@BRappy55 RT @HuffPostLive: Last night's #GOPDebate in a nutshell. http://t.co/E7oOAW7nEa,,2015-08-07 09:24:17 -0700,629689528459116544,Baltimore (Canton),Eastern Time (US & Canada) -3010,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BettyGeneric,,0,,,So the @realDonaldTrump is running so he can be in his own pocket instead of bribing politicians second hand #GOPdebate,,2015-08-07 09:24:15 -0700,629689522696134656,"South Bend, Indiana",Pacific Time (US & Canada) -3011,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6588,,jamesKARATEpolk,,0,,,"""I will defund Planned Parenthood!"" because fuck reproductive health amirite??? LESS SEX ED! MORE BABIES! #GOPdebate",,2015-08-07 09:24:14 -0700,629689517818146816,, -3012,,0.2297,yes,0.3574,Negative,0.3574,,0.2297,,RealTonyConnors,,3,,,"RT @SternFanNation: #Trump Scalps -@megynkelly of The #GOP Establishment on #GOPDebate - -#TrumpWins -#WWE #ECW #WWF #NWO #BWO -#FoxDebate RT ht…",,2015-08-07 09:24:14 -0700,629689516538900480,, -3013,Donald Trump,0.4964,yes,0.7045,Neutral,0.3636,None of the above,0.4964,,agentm0m,,0,,,#GOPDebate: Fiorina Blasts Trump's Clinton Ties: 'I Didn't Get A Phone Call From Bill' | http://t.co/UctIhxDwSz,,2015-08-07 09:24:14 -0700,629689515356102656,Quick! Look Behind You!,Eastern Time (US & Canada) -3014,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,istolethekishka,,4,,,"RT @LandoKardashian: The #GOPDebate featured a true ""confederacy of dunces""-- a group of dunces who want to revive the Confederacy.",,2015-08-07 09:24:13 -0700,629689511388155904,Colorado,Quito -3015,Rand Paul,0.4493,yes,0.6703,Neutral,0.6703,None of the above,0.2284,,TrendTopicsUSA,,1,,,"Phoenix -1 #KISSLoves5H -2 Aldon Smith -3 #InternationalBeerDay -4 #eWNConf -5 #abc15 -6 #GOPDebate -7 Rand Paul http://t.co/2bVMWdQBKY",,2015-08-07 09:24:11 -0700,629689505633558528,, -3016,No candidate mentioned,0.5079,yes,0.7126,Negative,0.3908,None of the above,0.2785,,EdgOfARvolution,,73,,,RT @YoungBLKRepub: Only Rosie O'Donnell. #GOPDebate http://t.co/BVGULzHvHR,,2015-08-07 09:24:11 -0700,629689503670648832,Texas,Central Time (US & Canada) -3017,Marco Rubio,0.4257,yes,0.6525,Negative,0.6525,None of the above,0.4257,,JulietteIsabell,,10,,,RT @JohnGGalt: Marco Rubio is like a little boy compared to the others—talks an extra sentence after bell shows his balls have yet to drop!…,,2015-08-07 09:24:07 -0700,629689488499978240,"Greenwich, CT. ",Eastern Time (US & Canada) -3018,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6975,,Rottenest_Apple,,0,,,You can't just bring up god for all of your fucking answers. #GOPDebate,,2015-08-07 09:24:07 -0700,629689485412933632,"Massillon, Ohio",Eastern Time (US & Canada) -3019,No candidate mentioned,1.0,yes,1.0,Positive,0.6804,None of the above,1.0,,AllenEllis14,,7,,,RT @saramarietweets: Agree!!! @CarlyFiorina #GOPDebate https://t.co/hIwQ4EMa3F,,2015-08-07 09:24:06 -0700,629689484016287744,"alexandria,va",Eastern Time (US & Canada) -3020,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,julseyxo,,13,,,"RT @bellykagby: No uterus, no opinion. Why am I watching a bunch of men discuss the future of women and their bodies? Confused? #GOPDebate",,2015-08-07 09:24:05 -0700,629689478647521281,, -3021,Ben Carson,0.6409999999999999,yes,1.0,Negative,0.6409999999999999,None of the above,1.0,,DanCas2,,2,,,RT @Politics4dum: 67 honorary degrees Ben Carson has and still has no brain! #Republicandebate #GOPDebate,,2015-08-07 09:24:05 -0700,629689478374789120,California (o/18 :-),America/Los_Angeles -3022,Donald Trump,1.0,yes,1.0,Neutral,0.6591,FOX News or Moderators,1.0,,mrjackcoleman,,22,,,RT @dynamodreams: @realDonaldTrump @megynkelly Megyn Kelly will also be rolling her eyes as she watches her ratings drop drastically. #GOP…,,2015-08-07 09:24:04 -0700,629689473975103488,Tennessee,Central Time (US & Canada) -3023,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,None of the above,1.0,,dannyboi965,,4,,,A shocking photo taken in the sewers in Ohio after the #GOPDebate last night. http://t.co/vZd9qTCYz1,,2015-08-07 09:24:04 -0700,629689472972558336,"Kansas City, Missouri",Central Time (US & Canada) -3024,Rand Paul,0.4062,yes,0.6374,Neutral,0.3407,None of the above,0.4062,,MisteProgram,,0,,,#gopdebate Rand Paul called out Chris Christe on privacy concerns CC shares with PBO. RP refers to Sandy hug. CC comes back with 9/11 hugs?!,,2015-08-07 09:24:04 -0700,629689472872001536,,Eastern Time (US & Canada) -3025,Ted Cruz,1.0,yes,1.0,Positive,0.6596,None of the above,0.6915,,jewbaby57,,199,,,"RT @tedcruz: Great conversation with @SeanHannity in advance of tonight's #GOPDebate: https://t.co/gRT7H6mJHG - -#CruzCrew, I hope you’ll lis…",,2015-08-07 09:24:03 -0700,629689469860495360,The Sinus Valley, -3026,No candidate mentioned,0.6949,yes,1.0,Positive,0.6451,None of the above,1.0,,Chief_Kels,,3,,,"The #GOPDebate last night got me even more fired up about Bernie #FeelTheBern -http://t.co/3A5MQyKifG",,2015-08-07 09:24:01 -0700,629689462134579200,"Salisbury, MD",Pacific Time (US & Canada) -3027,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,FannyKivisto,,84,,,"RT @MsAmberPRiley: “A quarter cup of lemon juice, half a cup of salt and a loofah sponge. Scrub scrub scrub.” -#GOPDebate only a few will ge…",,2015-08-07 09:24:01 -0700,629689460918194176,Sweden, -3028,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,joshuaalevitt,,0,,,Missing from last night's #GOPDebate...the middle class. http://t.co/Y3fAwmrIOA #IAcaucus http://t.co/5sJREK8Ofk,,2015-08-07 09:24:00 -0700,629689459986968576,"Des Moines, IA",Eastern Time (US & Canada) -3029,Ben Carson,0.435,yes,0.6596,Positive,0.3404,None of the above,0.435,,AFarray,,2,,,Ben Carson at last night's #GOPDebate http://t.co/efv4ZagbAW,,2015-08-07 09:23:59 -0700,629689452722524160,Northeast ,Tijuana -3030,No candidate mentioned,0.4038,yes,0.6354,Negative,0.6354,None of the above,0.4038,,sbarr_o,,0,,,Me while everyone was talking about the #GOPDebate last night http://t.co/7v9JEDC8Z7,,2015-08-07 09:23:58 -0700,629689450826735616,@sosobarr on insta,Eastern Time (US & Canada) -3031,John Kasich,0.6602,yes,1.0,Positive,1.0,None of the above,1.0,,Shawn_Mize,,0,,,"After sleeping on it...the ones that looked most ""presidential"" 2 me: -@CarlyFiorina -@JohnKasich -@marcorubio -#GOPDebate",,2015-08-07 09:23:58 -0700,629689450532990977,#tlot,Central Time (US & Canada) -3032,No candidate mentioned,1.0,yes,1.0,Neutral,0.6714,None of the above,1.0,,reedgalen,,0,,,Perspectives from the Golden State on last night’s #GOPDebate from @FlashReport http://t.co/ComSAWmAI5 via @BreitbartCA,,2015-08-07 09:23:58 -0700,629689449656504320,"Orange County, California",Pacific Time (US & Canada) -3033,No candidate mentioned,0.4869,yes,0.6978,Neutral,0.6978,None of the above,0.4869,,GarrisonRadio,,0,,,> @AWRHawkins @BreitbartNews on #GOPDebate fallout & Justice Stevens 14th Amendment delusions w/ @GarrisonRadio @93wibc #tcot,,2015-08-07 09:23:55 -0700,629689438042505216,"Indianapolis, Indiana U.S.A.",Quito -3034,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,TheStephTaylor_,,0,,,@theskimm always gives the best recaps! This one for the #GOPDebate just made my day 😂 http://t.co/4OFFy9m0Go,,2015-08-07 09:23:51 -0700,629689421848256512,"Chicago, IL",Central Time (US & Canada) -3035,Rand Paul,1.0,yes,1.0,Positive,0.6454,None of the above,1.0,,nickbabs,,0,,,"Post #GOPdebate is ""OH, #RandPaul was too aggressive!"" Do people UNDERSTAND what he knows? He wants to audit the Federal Reserve...",,2015-08-07 09:23:51 -0700,629689421550456832,Los Angeles / Chicago,Central Time (US & Canada) -3036,No candidate mentioned,1.0,yes,1.0,Negative,0.6488,None of the above,1.0,,FieldGeorge,,0,,,Vermont socialist sees #GOP as out of touch. In the USA. #GOPDebate #BernieSanders https://t.co/2tuJhvo2DJ,,2015-08-07 09:23:51 -0700,629689421256900608,"Boston MA, USA",Eastern Time (US & Canada) -3037,Marco Rubio,0.4594,yes,0.6778,Positive,0.6778,None of the above,0.4594,,mcarrington,,441,,,RT @ConcernedVets: Thank you @marcorubio for highlighting the critical issues facing veterans at tonight's #GOPDebate http://t.co/iD1ykmir33,,2015-08-07 09:23:50 -0700,629689417721098241,"Offices:Houston, DC, Nashville",Eastern Time (US & Canada) -3038,No candidate mentioned,1.0,yes,1.0,Positive,0.6923,None of the above,0.6593,,EricTTung,,0,,,"""Bring on @HillaryClinton because we need someone who is a grown-up."" @BarbaraBoxer on #GOPDebate",,2015-08-07 09:23:50 -0700,629689414105468929,"Houston, TX",Central Time (US & Canada) -3039,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6526,,2blrose,,0,,,"@foxandfriends @realDonaldTrump #GOPDebate Debates SHOULD be, ""Why we should vote for you"" NOT LOW BLOW Q's and Personal Attacks!",,2015-08-07 09:23:49 -0700,629689413346267136,, -3040,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,zhanexm,,146,,,"RT @cmclymer: Yes, folks. You heard him right: if a woman is raped, she has to keep the baby. - -#GOPDebate",,2015-08-07 09:23:48 -0700,629689407973404672,-austin t e x a s-,Mountain Time (US & Canada) -3041,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,BabbleTwit,,0,,,Is someone going to ask the other GOP candidates why someone so racist and sexist is appealing to their party? #Trump #GOPDebate #2016,,2015-08-07 09:23:48 -0700,629689406753013760,"New York, NY",Lima -3042,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MariaSparrow2,,1,,,RT @Acantiming70: The 6 most surprising moments from last night's wacky #GOPDebate http://t.co/NSDHZHUBWO j8p,,2015-08-07 09:23:48 -0700,629689406018990080,, -3043,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,abbypackingham,,1,,,RT @madiallman: Trump's the drunk guy no one wants at the party #GOPDebate,,2015-08-07 09:23:46 -0700,629689401010864128,, -3044,No candidate mentioned,0.4522,yes,0.6724,Negative,0.6724,Abortion,0.4522,,greerisokay,,400,,,"RT @amaraconda: republicans always do that ""what if"" shit when it comes to abortion what if the people killed by police wouldve cured cance…",,2015-08-07 09:23:46 -0700,629689397999333378,,Central Time (US & Canada) -3045,No candidate mentioned,1.0,yes,1.0,Positive,0.3483,None of the above,1.0,,IamCodrew,,123,,,RT @PhillyD: Aggressively Normal? Found a name for my new mixtape!! #GOPDebate,,2015-08-07 09:23:46 -0700,629689397609279488,"Chandler, Arizona", -3046,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,Chrysalteor,,16,,,RT @dick_nixon: Megyn Kelly sends us fruit from time to time. You know the fruit that's arranged like flowers? But it's fruit? We've never …,,2015-08-07 09:23:46 -0700,629689397575680000,Seattle,Pacific Time (US & Canada) -3047,Donald Trump,0.414,yes,0.6434,Negative,0.6434,None of the above,0.414,,freestyldesign,,0,,,Trump Donated to Hillary & supported Dems for YEARS-Now he says he's conservative & runs 3rd party?? NO SUPPORT #Tcot #GOPDebate #ccot,,2015-08-07 09:23:45 -0700,629689393276518401,Seattle WA USA,Pacific Time (US & Canada) -3048,No candidate mentioned,0.4542,yes,0.6739,Neutral,0.6739,None of the above,0.4542,,ejgordon88,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/38RFHTuQWc via @HuffPostPol #DebateWithBernie,,2015-08-07 09:23:44 -0700,629689391720628225,"Dayton, OH",Eastern Time (US & Canada) -3049,No candidate mentioned,1.0,yes,1.0,Neutral,0.7045,FOX News or Moderators,0.7045,,damonrroberson,,0,,,RT @thehill: #GOPdebate sets stunning ratings record: report http://t.co/0MHuzvLX97 http://t.co/2sqxf8wm03,,2015-08-07 09:23:44 -0700,629689391007535104,Miami & Baton Rouge ,Atlantic Time (Canada) -3050,Donald Trump,1.0,yes,1.0,Negative,0.3579,None of the above,1.0,,Hardkandy000,,0,,,Language is beautiful http://t.co/GFyTi5ilVC #GOPDebate #DonaldTrump,,2015-08-07 09:23:42 -0700,629689383965327360,"Ann Arbor, MI",Quito -3051,Donald Trump,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,LedStorms,,0,,,The bottom line - @realDonaldTrump was dirty-worked by two A-list @FoxNews anchors. Not sure why. But it definitely happened. #GOPDebate,,2015-08-07 09:23:41 -0700,629689379175428096,"Waterloo, IL",Central Time (US & Canada) -3052,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,WeakJoke,,0,,,"If your sole takeaway from the #GOPDebate is ""they're dumb,"" then you're no better than you think they are.",,2015-08-07 09:23:39 -0700,629689370530811904,California,Central Time (US & Canada) -3053,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,None of the above,1.0,,larryfeltonj,,0,,,"My takeaway from the #GOPDebate is that the #GOP believes we live in a terrible apocalyptic world, surrounded by scary people. Sad.",,2015-08-07 09:23:38 -0700,629689366382653440,Atlanta, -3054,No candidate mentioned,0.7159,yes,1.0,Negative,1.0,Jobs and Economy,0.6364,,SChapaSABJ,,0,,,Very disappointing!!! Energy policy finds little room in Republican debate http://t.co/Uua4a1OX9F (via @DCExaminer) #EagleFord #GOPDebate,,2015-08-07 09:23:38 -0700,629689364415688704,"San Antonio, Texas",Central Time (US & Canada) -3055,No candidate mentioned,0.4257,yes,0.6525,Negative,0.6525,FOX News or Moderators,0.4257,,england498,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 09:23:36 -0700,629689356614176768,,Central Time (US & Canada) -3056,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,Abortion,1.0,,DubbleDhee,,0,,,"@clarawrrr Pro-life Till the baby needs food, clothes, shelter, schooling, medical attention. You know, the basics. #GOPDebate",,2015-08-07 09:23:36 -0700,629689355569762304,,Atlantic Time (Canada) -3057,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6898,,KateBennett_DC,,0,,,Camille Paglia straight calling it in @THR guest column on #GOPDebate. So good. http://t.co/IAPhTO0Gzt,,2015-08-07 09:23:35 -0700,629689351987941376,"Washington, DC",Eastern Time (US & Canada) -3058,No candidate mentioned,0.6859999999999999,yes,1.0,Neutral,0.6859999999999999,None of the above,0.6628,,CNHolefield,,0,,,#GOPDebate Is Chris Wallace Tom Brokaw's bastard child?,,2015-08-07 09:23:33 -0700,629689343255408640,The Aether, -3059,Donald Trump,0.6337,yes,1.0,Negative,1.0,Foreign Policy,0.6664,,SamFPark,,0,,,"#GOPdebate takeaway: #America is a country that applauds a bully, fears foreigners, and wants the system to be... http://t.co/pTXCIt493m",,2015-08-07 09:23:32 -0700,629689342139633664,"Los Angeles, CA",Pacific Time (US & Canada) -3060,Donald Trump,0.4265,yes,0.6531,Neutral,0.3469,FOX News or Moderators,0.2266,,sandrapatriot,,1,,,RT @pacsgirl36: @rushlimbaugh yep @megynkelly sucked at #GOPDebate @realDonaldTrump country is in a mess & debate questions Terrible,,2015-08-07 09:23:32 -0700,629689340512243712,"Jackson, MN", -3061,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BecomingUsBrook,,1,,,Watched a part of the #GOPDebate last night. Hilarious that @ScottWalker thinks he has any chance. Let alone any of the candidates. 😂😂😂,,2015-08-07 09:23:32 -0700,629689339069497344,"Chicago, IL", -3062,No candidate mentioned,1.0,yes,1.0,Positive,0.6618,None of the above,1.0,,jahoolopy,,50,,,"RT @DanRyckert: ""I like family and friends"" is a very brave, bold stance. #GOPDebate",,2015-08-07 09:23:31 -0700,629689336330498048,ntx,Central Time (US & Canada) -3063,No candidate mentioned,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,0.6092,,vegasbob1975,,0,,,Anyone else thought that @CarlyFiorina belonged on the prime time #GOPDebate ?,,2015-08-07 09:23:30 -0700,629689333256028161,"Las Vegas, NV",Pacific Time (US & Canada) -3064,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SableViews,,4,,,"RT @myhlee: 2 debates, 17 candidates, 20 fact-checks -- check out our round-up: http://t.co/mfuerVuoxp #GOPdebate",,2015-08-07 09:23:30 -0700,629689331112878080,"rural Wisconsin, USA",Central Time (US & Canada) -3065,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,veganshaun,,0,,,"The #GOPDebate more so resembled the interview portion of a beauty pageant, drawn out, than an actual debate.",,2015-08-07 09:23:29 -0700,629689328596348928,"West Hartford, Connecticut.",Eastern Time (US & Canada) -3066,Donald Trump,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,TisMadameK,,0,,,How can anyone take Trump seriously? #GOPdebate,,2015-08-07 09:23:29 -0700,629689326637453312,Liquor aisle.,Eastern Time (US & Canada) -3067,Scott Walker,0.6503,yes,1.0,Negative,0.3497,None of the above,0.6503,,erichmcelroy,,0,,,Am I the only one perved out by Scott Walker's wink at the beginning of the #GOPDebate #icky,,2015-08-07 09:23:28 -0700,629689324943097856,London,London -3068,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,FatenXerox,,0,,,"The first 2016 #GOPdebate was just that: one of several, and 16 months before election day http://t.co/M9aqRRVZZY http://t.co/XdTnJeGRqB",,2015-08-07 09:23:27 -0700,629689321528946688,London / Pakistan,London -3069,No candidate mentioned,1.0,yes,1.0,Neutral,0.6809,None of the above,0.6809,,forgedbytrials,,1,,,@rushlimbaugh notes @CarlyFiorina nails it. @TheDemocrats are a dangerous #AssaultWeapon on #USA #TCOT #GOPDebate https://t.co/SDVTOOgM7a,,2015-08-07 09:23:27 -0700,629689320853475328,TX,Central Time (US & Canada) -3070,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JsnshsSushd,,364,,,"RT @DLoesch: Carson’s goal tonight: Introduce himself to America, make people remember him. I think he accomplished that. #GOPDebate",,2015-08-07 09:23:27 -0700,629689319389687808,, -3071,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3587,,BriannaP164,,130,,,"RT @412V70: Not mentioned in the #GOPdebate: -Voting rights -Climate change -Gun violence -Corrupt police -Student debt -Inequality -Money in Poli…",,2015-08-07 09:23:26 -0700,629689315107438592,"Kentucky, (Unfortunately)", -3072,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,sassygingaf,,0,,,It's going to be hard to pick a candidate that I like the most tbh. #GOPDebate,,2015-08-07 09:23:26 -0700,629689314130137088,'MERICA,Atlantic Time (Canada) -3073,Donald Trump,0.4584,yes,0.6771,Negative,0.6771,FOX News or Moderators,0.4584,,kcSnoWhite,,0,,,"#TPFA @TPFA_KathyA_1<=Declined 2 comment -Can't locate ""Proe"" -$100 says ants didn't watch #GOPDebate @realDonaldTrump http://t.co/2VgoCBDpyX",,2015-08-07 09:23:25 -0700,629689311823273984,"Orwell Hell, Kalifornia, USSA",Pacific Time (US & Canada) -3074,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JordunALawrence,,46,,,"RT @SorahyaM: All I learned from the #GOPDebate is that everybody grew up poor, they're all sassy, and they don't know how to answer a ques…",,2015-08-07 09:23:24 -0700,629689308606128128,"Washington, D.C. ",Eastern Time (US & Canada) -3075,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MattWalkerWI,,11,,,RT @TonetteWalker: So proud of @ScottWalker who has worked so hard to be here tonight. We are your biggest fans. #GOPdebate #Walker16 http:…,,2015-08-07 09:23:23 -0700,629689301287239680,"Milwaukee, WI",Central Time (US & Canada) -3076,Chris Christie,1.0,yes,1.0,Negative,0.6727,None of the above,1.0,,DaTechGuyblog,,0,,,Advice to #GOP candidates in order of how I think they finished 4th place Chris Christie you're foes are Bush & Kasich #gopdebate #tcot #p2,,2015-08-07 09:23:23 -0700,629689301278826496,Central massachusetts,Eastern Time (US & Canada) -3077,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kwdayboise,,0,,,The 8 Most Ridiculous Questions From The Fox News Early Debate http://t.co/yHQ16eHFfr via @thinkprogress #GOPDebate #KidsTableDebate,,2015-08-07 09:23:22 -0700,629689299546451968,"Boise, ID",Mountain Time (US & Canada) -3078,No candidate mentioned,0.4351,yes,0.6596,Negative,0.6596,None of the above,0.4351,,Not_Sure1313,,13,,,"RT @SenPaulStrauss: #GOPDebacle -It's just frightening... And yet I can't look away! #SendInTheClowns -#GOPDebate",,2015-08-07 09:23:22 -0700,629689299005480960,, -3079,Donald Trump,1.0,yes,1.0,Positive,0.6404,Immigration,0.7079,,DocJ4U,,26,,,"RT @politichickAM: #GOPDebate @realDonaldTrump ""If it weren't for me you wouldn't talk about illegal immigration."" #TRUTH",,2015-08-07 09:23:20 -0700,629689290629316612,Beverly Hills,Pacific Time (US & Canada) -3080,Donald Trump,1.0,yes,1.0,Neutral,0.6917,Religion,1.0,,SuzanneValle3,,121,,,"RT @AmyMek: ""When you have people that are cutting Christian's heads off, we don't have time for tone -> We need action!"" @realDonaldTrump …",,2015-08-07 09:23:20 -0700,629689289417338880,"Ohio, USA", -3081,Jeb Bush,1.0,yes,1.0,Negative,0.6782,Jobs and Economy,1.0,,tracyealy1,,20,,,"RT @Smith83K: Ok Jeb! Tell us again how the #KXL creates ""high-sustained economic growth"" when it shoots right through the country for expo…",,2015-08-07 09:23:19 -0700,629689286447632384,Central Illinois via Seattle,Central Time (US & Canada) -3082,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BrianCraigShow,,1,,,RT @osPatriot: POLL: Who do you think won the 9PM .@FoxNews #GOPDebate? http://t.co/4Bp1KypEc6 #WakeUpAmerica #OutNumbered,,2015-08-07 09:23:19 -0700,629689285843664896,,Eastern Time (US & Canada) -3083,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6552,,KristineQ930,,0,,,"@SpeakerBoehner curious You say @POTUS used executive decisions against the law, but on #GOPDebate every one said they'd repeal? Isn't same?",,2015-08-07 09:23:17 -0700,629689278101102592,United States, -3084,Jeb Bush,1.0,yes,1.0,Negative,1.0,Immigration,0.7049,,DocJ4U,,40,,,"RT @GayPatriot: Hey @JebBush - American citizenship is NOT a universal human right. - -#NoMoreBushes #GOPDebate",,2015-08-07 09:23:16 -0700,629689275492102144,Beverly Hills,Pacific Time (US & Canada) -3085,No candidate mentioned,1.0,yes,1.0,Positive,0.348,None of the above,1.0,,indigoblueusa,,0,,,A debate with no losers: @GOP should be proud | http://t.co/koWXyZUI4z #GOPDebate #KidsTable #GOP2016 #TCOT #WakeUpAmerica,,2015-08-07 09:23:15 -0700,629689267846017024,www.indigoblueusa.com,London -3086,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6667,,pacsgirl36,,1,,,@rushlimbaugh yep @megynkelly sucked at #GOPDebate @realDonaldTrump country is in a mess & debate questions Terrible,,2015-08-07 09:23:14 -0700,629689265174224896,"New York, USA",Eastern Time (US & Canada) -3087,Ted Cruz,0.6894,yes,1.0,Neutral,0.6409999999999999,None of the above,1.0,,ChandlerRonnie,,0,,,#GOPDebate winners: noncareer politicians for holding their own on the big stage. @tedcruz @RandPaul @RealBenCarson @realDonaldTrump,,2015-08-07 09:23:13 -0700,629689261709742080,, -3088,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.7011,,EricTTung,,2,,,"""There was no winner in #GOPDebate, there was a clear loser, women and families."" @BarbaraBoxer",,2015-08-07 09:23:13 -0700,629689261093072896,"Houston, TX",Central Time (US & Canada) -3089,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,richeblaze,,499,,,RT @goldietaylor: .@HillaryClinton watching #GOPDebate #BNRDebates http://t.co/nQzMSx9hDn,,2015-08-07 09:23:12 -0700,629689257385299968,"Encino, CA", -3090,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,white_wizzard,,5,,,RT @kingpin7666: The official democratic response in in to the #GOPDebate http://t.co/hPqo6Trc3f,,2015-08-07 09:23:11 -0700,629689254067732480,Woodside California, -3091,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6859999999999999,,Guyserving,,24,,,RT @TheAlexanderW_: This is for @JebBush and common core supporters everywhere! #StopCommonCore #GOPDebate http://t.co/nJa3vZgBip,,2015-08-07 09:23:11 -0700,629689251685232640,"Vancouver, WA",Pacific Time (US & Canada) -3092,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,Amr_Shabrawy,,0,,,A debate between bunch of retarded psychopath #GOPDebate,,2015-08-07 09:23:10 -0700,629689249902821376,The Black Hole,Athens -3093,John Kasich,1.0,yes,1.0,Positive,0.6983,None of the above,1.0,,TMKacmarynski,,131,,,"RT @JohnKasich: It's called ""President of the United States"" for a reason. - -#Kasich4Us - -#GOPDebate https://t.co/pcdhnihp1Y",,2015-08-07 09:23:10 -0700,629689249403531264,"Des Moines, Iowa", -3094,No candidate mentioned,1.0,yes,1.0,Neutral,0.3409,FOX News or Moderators,0.6591,,DocJ4U,,339,,,"RT @benshapiro: $1,000 says CNN will not question Democratic candidates this way. #GOPDebate",,2015-08-07 09:23:10 -0700,629689248799588352,Beverly Hills,Pacific Time (US & Canada) -3095,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,Kandycane9,,1,,,RT @OnTheFitz: My thoughts on last nights #GOPDebate http://t.co/x7BcRyR0F9,,2015-08-07 09:23:10 -0700,629689246333468674,Mobile,Mountain Time (US & Canada) -3096,Ted Cruz,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,england498,,34,,,"RT @PatriotTrumpet: I heard that @SenTedCruz was a great debater, it's a shame he wasn't allowed to do so. -#GOPDebate",,2015-08-07 09:23:10 -0700,629689246215835648,,Central Time (US & Canada) -3097,Donald Trump,1.0,yes,1.0,Neutral,0.6522,FOX News or Moderators,0.7065,,deafgeoff,,0,,,ICYMI: Donald Trump says SU alumna Megyn Kelly 'behaved very nasty to me' at #GOPDebate http://t.co/krFkt4kHz5,,2015-08-07 09:23:07 -0700,629689235633754112,Syracuse NY,Eastern Time (US & Canada) -3098,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6842,,BoonieKane,,9,,,RT @keithinabox: My reaction to every candidate during the #GOPDebate http://t.co/ReXDL58bqN,,2015-08-07 09:23:07 -0700,629689235545673728,"Goodells,MI", -3099,Donald Trump,1.0,yes,1.0,Negative,0.7047,None of the above,1.0,,Marmel,,5,,,"So we're going to talk about Trump's bankruptcies but not Fiorina's tenure at HP? - -Adorbs. - -#GOPDebate",,2015-08-07 09:23:06 -0700,629689233024749568,Holly La La,Pacific Time (US & Canada) -3100,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,traceclmbs82,,0,,,@BillHemmer & @marthamaccallum were professional & fair. @megynkelly & #ChrisWallace were neither. #GOPDebate #FoxDebateDisaster #TheFive,,2015-08-07 09:23:05 -0700,629689228000108544,, -3101,Chris Christie,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,duziebella,,8,,,RT @snoopsrulez: This is what is known as the blame game. #GOPDebate never #TellingItLikeItIs @NJBatsa http://t.co/1WBMval01w,,2015-08-07 09:23:05 -0700,629689226905436161,, -3102,No candidate mentioned,0.4302,yes,0.6559,Positive,0.3333,None of the above,0.4302,,TattooQ,,1,,,"RT @bethpariseau: #FF -Best source for what's going on in US Senate: @SenTomCotton -Best commentary: @BuckSexton -Best #GOPDebate performanc…",,2015-08-07 09:23:04 -0700,629689221314445312,WOMBLE TILL I DIE !!!,Eastern Time (US & Canada) -3103,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6501,,Debkrol,,9,,,"RT @RobertLeger: 50 years ago fearmongers said JFK would take orders from the pope. Now, Fox wants to know if candidates take orders from G…",,2015-08-07 09:23:03 -0700,629689220357951489,Mother Earth,Pacific Time (US & Canada) -3104,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ullikemike,,0,,,The real news of the #GOPDebate RT https://t.co/PmJHbxqfqK,,2015-08-07 09:23:01 -0700,629689210627313665,"Pewee Valley, KY",Eastern Time (US & Canada) -3105,Donald Trump,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,Benjhis_Khan,,0,,,Preview of Donald Trump tonight at the #GOPDebate (Vine by @CaseyBake16) https://t.co/NfoIPr3Vej,,2015-08-07 09:22:59 -0700,629689202792394752,, -3106,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nubshepherd,,21,,,"RT @Atheist_Tweeter: I hate #FoxNews as much as the next sane person, but I'll give it to them, they don't like Trump and aren't afraid to …",,2015-08-07 09:22:57 -0700,629689193371967490,I travel around...Usually east,Ljubljana -3107,No candidate mentioned,0.4179,yes,0.6465,Positive,0.6465,,0.2285,,McGuireFilm,,0,,,Jon Stewart isn't Dr Dre but when he talks #GOPDebate via #InternationalBeerDay it's The Gift that brings the #FridayFeeling,,2015-08-07 09:22:56 -0700,629689191211798532,"Colorado, USA",Mountain Time (US & Canada) -3108,No candidate mentioned,0.3681,yes,0.6067,Negative,0.6067,None of the above,0.3681,,olivlivlove,,0,,,"new @AHSFX concept- -""American Horror Story: The #GOPDebate""",,2015-08-07 09:22:55 -0700,629689187151806464,, -3109,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TonyLoyd,,1,,,Who won the #gopdebate? Billionaires & bankers. Who lost? The rest of us. #debatewithbernie http://t.co/RFpNbtsoW6 http://t.co/FUBtFWNO2d,,2015-08-07 09:22:55 -0700,629689185008533505,"Twin Cities, MN",Central Time (US & Canada) -3110,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sassygingaf,,0,,,I really like Cruz 😊 #GOPDebate,,2015-08-07 09:22:55 -0700,629689184769437696,'MERICA,Atlantic Time (Canada) -3111,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6768,,KatieOK_,,3,,,"RT @TomAdler: Not mentioned in the #GOPdebate: -Voting rights -Climate change -Gun violence -Police shootings -Student debt -Inequality",,2015-08-07 09:22:55 -0700,629689184282910720,Middle of a field⬇️Richmond VA,Eastern Time (US & Canada) -3112,No candidate mentioned,1.0,yes,1.0,Negative,0.6372,Immigration,0.6372,,KayGrace67,,122,,,"RT @halrudnick: Candidates, how do you propose to keep White Walkers north of the Wall? #GOPDebate",,2015-08-07 09:22:54 -0700,629689180394799104,,Quito -3113,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,slopokejohn,,111,,,RT @AmyMek: How pathetic & transparent ->.@FrankLuntz goes right after @realDonaldTrump & is doing his best to push Rhinos! #GOPDebate,,2015-08-07 09:22:53 -0700,629689178586910721,All 48 states, -3114,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6813,,DavidTATL,,0,,,"@megynkelly reminded me of @HillaryClinton last night, and that's NOT a compliment! #GOPDebate #GoTrump @realDonaldTrump",,2015-08-07 09:22:53 -0700,629689175487434753,"Atlanta, GA USA",Eastern Time (US & Canada) -3115,No candidate mentioned,0.6774,yes,1.0,Negative,0.6774,None of the above,1.0,,Lewdblockify,,0,,,#GOPDebate was vicious thanks to this guy here http://t.co/c6UXed2WLU,,2015-08-07 09:22:52 -0700,629689171750203392,Seattle ish,Alaska -3116,No candidate mentioned,1.0,yes,1.0,Negative,0.6501,Jobs and Economy,0.6501,,645ciDIVA,,590,,,RT @JohnFugelsang: If you're just tuning into #gopdebate there's no money for struggling Americans and unlimited money for war.,,2015-08-07 09:22:51 -0700,629689168667381760,SomeWhereSmiling , -3117,No candidate mentioned,1.0,yes,1.0,Neutral,0.6457,None of the above,0.6457,,DocJ4U,,6,,,"RT @drginaloudon: Green rm wearing #IvankaTrump dress bcuz I host #AmericaTrends.If u arent watchin #GOPDebate, http://t.co/ee4TjYlRk5 http…",,2015-08-07 09:22:50 -0700,629689165626478592,Beverly Hills,Pacific Time (US & Canada) -3118,Donald Trump,1.0,yes,1.0,Negative,0.6754,None of the above,1.0,,kinxbitz,,0,,,@RMConservative: #GOPDebate: Did Cruz Trump Trump Last Night? https://t.co/yrjQln6Ibb via @CR,,2015-08-07 09:22:47 -0700,629689151647035392,,Eastern Time (US & Canada) -3119,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6859999999999999,,BamaStephen,,0,,,"Millions of #Conservative #Americans, myself included, find the #misogyny of #DonaldTrump totally offensive and unacceptable. #GOPDebate",,2015-08-07 09:22:45 -0700,629689143287615488,Alabama ,Central Time (US & Canada) -3120,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,Wolfrum,,1,,,"""Oh Donald, again with your angry misogyny. You are just incorrigible. Now tell us more about Trump Wall."" -- #GOPDebate",,2015-08-07 09:22:44 -0700,629689140846661632,Brazil,Santiago -3121,No candidate mentioned,0.4207,yes,0.6486,Negative,0.6486,None of the above,0.4207,,ahzoov,,1,,,File this under: Subjects Overlooked in the #GOPDebate http://t.co/L4X9stUjVM,,2015-08-07 09:22:42 -0700,629689131421995008,Minnesota, -3122,No candidate mentioned,1.0,yes,1.0,Neutral,0.6609,None of the above,1.0,,evanmcmurry,,26,,,"According to @gov, the most-retweeted candidate tweet of the #GOPDebate didn't come from a Republican: https://t.co/cUv3aF58UA",,2015-08-07 09:22:41 -0700,629689126628016128,Queens,Eastern Time (US & Canada) -3123,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6703,,ReneeTheLioness,,0,,,Republican presidential debate: 8 takeaways http://t.co/q41nopR2p9 #GOPDebate,,2015-08-07 09:22:40 -0700,629689124149166080,"Lakewood, OH", -3124,No candidate mentioned,0.4396,yes,0.6629999999999999,Neutral,0.6629999999999999,None of the above,0.4396,,TheSoulbrother,,1,,,"RT @IAmChrisCrespo: LOL at those who unfollowed/blocked me after the #GOPDebate. Ups to my new followers, who outnumber the former 3 to 1.",,2015-08-07 09:22:39 -0700,629689119149584384,"Tampa, FL",Eastern Time (US & Canada) -3125,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,SeaBassThePhish,,0,,,Doesn't it bother anyone that the GOP is primarily white. At some point you have to step back & realize it doesn't reflect the US #GOPDebate,,2015-08-07 09:22:39 -0700,629689119061471232,,Eastern Time (US & Canada) -3126,No candidate mentioned,0.4493,yes,0.6703,Negative,0.6703,FOX News or Moderators,0.4493,,Newsericks,,0,,,"I know RWers like to show power,but did @FoxNews have to rub the 5:00 #GOPdebate candidates noses in the fact that THEY r the #JVteam?",,2015-08-07 09:22:38 -0700,629689112274997248,"Washington, PA",Eastern Time (US & Canada) -3127,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,robotinferno69,,4,,,"RT @RudyHavenstein: Chris Christie, shown here swallowing a fly during Thursday's #GOPDebate #OhGodMakeItStop2015 http://t.co/z2VX3CRiDr",,2015-08-07 09:22:37 -0700,629689108449902593,, -3128,Rand Paul,1.0,yes,1.0,Neutral,0.6716,None of the above,1.0,,DianneG,,40,,,"""I won't be bought & I won't be sold"" @randpaul after reiterating his points against @realDonaldTrump during #gopdebate",,2015-08-07 09:22:36 -0700,629689103626444800,Charlotte ,Eastern Time (US & Canada) -3129,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.6522,,mrmilianspeaks,,0,,,@audreycnn @MbasuCNN why didn't the #GOPDebate mention this,,2015-08-07 09:22:35 -0700,629689103542550528,Greenville, -3130,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.2438,,teeheeheemcfee,,21,,,RT @laureldavilacpa: #GOPdebate Perry wants war! #IranDeal #Hillary2016 #UniteBlue #PDMFNB #p2 http://t.co/I3UxAhYmJg,,2015-08-07 09:22:35 -0700,629689103018123264,,Pacific Time (US & Canada) -3131,No candidate mentioned,0.4662,yes,0.6828,Neutral,0.6828,None of the above,0.4662,,IntlDesignConst,,0,,,Check out the CQ Word Cloud of last night's #GOPDebate... https://t.co/9Nd5l30xcj,,2015-08-07 09:22:35 -0700,629689101063733248,"Washington, DC",Central Time (US & Canada) -3132,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wendmyoung,,3,,,"Not one clown on that stage of idiots last night, can match PBO's accomplishments #GOPDebate #voteblue2016 http://t.co/xocShaANDf",,2015-08-07 09:22:35 -0700,629689100568801281,Chicago,Central Time (US & Canada) -3133,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,shirtrunners,,1,,,RT @kylebelanger1: #UponFurtherReview: #DonaldTrump was the dad in the #ODoyleRules family. #BillyMaddison #VapidBully #GOPDebate... http:/…,,2015-08-07 09:22:35 -0700,629689100522622976,, -3134,No candidate mentioned,0.3971,yes,0.6301,Negative,0.6301,Abortion,0.3971,,Gwydion620,,94,,,"RT @Akhenaten15: The @GOP is against abortion but had no problem killing more than 575,000 Iraqi kids in 2000 & another 56,000 Iraqi kids i…",,2015-08-07 09:22:34 -0700,629689099251658753,"Auburn, AL", -3135,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WaterTrashGuy,,0,,,How can anyone take @realDonaldTrump seriously when he's talking about Rosie O'Donnell at a debate? #GOPDebate #asshat,,2015-08-07 09:22:31 -0700,629689083074318337,San Fernando Valley,Eastern Time (US & Canada) -3136,Donald Trump,0.4396,yes,0.6629999999999999,Positive,0.3478,None of the above,0.2306,,josedeynes,,0,,,I guess yesterday's #GOPDebate and watching #DonaldTrump was more entertaining than Fantastic Four. @RottenTomatoes http://t.co/GiMBjTFRtP,,2015-08-07 09:22:30 -0700,629689081937575936,"Isabela, PR", -3137,Donald Trump,0.6418,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,happyandersons,,0,,,"@realDonaldTrump, did you realize that even @FoxNews forgot about our Vets last night? It only came up at the last min. So sad. #GOPDebate",,2015-08-07 09:22:30 -0700,629689079718764544,, -3138,Ben Carson,0.4265,yes,0.6531,Negative,0.6531,,0.2266,,pgcsent,,2,,,"RT @bodysculptorokc: I think Ben Carson would make a much better Surgeon General, than a president #GOPDebate",,2015-08-07 09:22:29 -0700,629689076732420096,, -3139,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bertha1957,,19,,,RT @NancyLeeGrahn: Woke up to screaming about Mexicans and vaginas. NEVER fall asleep with Fox News channel on. #GOPDebate,,2015-08-07 09:22:29 -0700,629689076308836353,"Santa Fe, New Mexico",Mountain Time (US & Canada) -3140,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6556,,DavidChalian,,11,,,RT @CarolCNN: Last night's superstar? @CarlyFiorina shines in first #GOPdebate @DavidChalian weighs in http://t.co/nD1coglyPl http://t.co/i…,,2015-08-07 09:22:29 -0700,629689076019515393,"Washington, DC",Eastern Time (US & Canada) -3141,No candidate mentioned,1.0,yes,1.0,Positive,0.3501,None of the above,1.0,,KW2Kenai,,0,,,#Reagan CRUSHED #TamirRice in last nights #gopDebate!,,2015-08-07 09:22:28 -0700,629689074039812096,"Gulf Coast, Florida",Eastern Time (US & Canada) -3142,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,infinita134,,29,,,RT @LizHernandez: This is a complete 🎪 with plenty clowns. #GOPDebate,,2015-08-07 09:22:27 -0700,629689066464935936,,Mountain Time (US & Canada) -3143,Ted Cruz,0.6691,yes,1.0,Positive,1.0,None of the above,1.0,,AmeriWelsh,,0,,,"Out of the #GOPDebate last night, I liked @RealBenCarson and @tedcruz 😊",,2015-08-07 09:22:26 -0700,629689064778792960,,Eastern Time (US & Canada) -3144,No candidate mentioned,1.0,yes,1.0,Neutral,0.6207,None of the above,1.0,,ken_qm,,3,,,RT @lucylsmeezy: LOLing through gritted teeth #GOPDebate http://t.co/07Ag6M3QTW TY @Cornerstone_POC @thenation,,2015-08-07 09:22:26 -0700,629689062564212736,, -3145,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,TomAdler,,0,,,"""He buys & sells politicians"" is any quote n #GOPDebate which demonstrates how messed up $ and pol system is @Thom_Hartmann @DylanRatigan",,2015-08-07 09:22:25 -0700,629689059825192960,Hollywood CA,Pacific Time (US & Canada) -3146,Ben Carson,1.0,yes,1.0,Positive,1.0,Jobs and Economy,0.6559,,duke_speed,,0,,,"@RealBenCarson I love your tax plan! Makes sense, is fair, and simple. Great job during #GOPDebate.",,2015-08-07 09:22:25 -0700,629689059263254529,"Maryland, USA", -3147,No candidate mentioned,0.6552,yes,1.0,Negative,1.0,None of the above,1.0,,KrehbielNicole,,138,,,RT @maureenjohnson: These guys are trying to trump each other in crazy so hard by the end of the night we will have declared war on the moo…,,2015-08-07 09:22:24 -0700,629689056792825856,, -3148,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JaysWorldLive,,1,,,RT @Mike_Thoms: If there's one thing to take away from last night's #GOPDebate it's that improv comedy is alive and well,,2015-08-07 09:22:24 -0700,629689054595022849,"Tamap, FL",Eastern Time (US & Canada) -3149,Donald Trump,1.0,yes,1.0,Neutral,0.6653,FOX News or Moderators,1.0,,Hardline_Stance,,2,,,"Megyn Kelly got the most air time. 31% of it was for Fox #GOPdebate moderators. Trump was 2nd closest, contrary to what folks think...--Rush",,2015-08-07 09:22:22 -0700,629689047900930048,atop a liberal's vagus nerve,Eastern Time (US & Canada) -3150,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HollyAnneSimone,,0,,,#GOPDebate RE: audience cheer at Trumps insults: Anyone who takes delight in hurting others needs to examine the state of their own soul.,,2015-08-07 09:22:21 -0700,629689044666941440,,Pacific Time (US & Canada) -3151,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6395,,FeministFactor,,396,,,RT @feministabulous: 20 minutes in the #GOPDebate and candidates have spoken more about the rights of fetuses than the rights of women in t…,,2015-08-07 09:22:21 -0700,629689043962494976,England,London -3152,No candidate mentioned,0.4844,yes,0.696,Negative,0.696,None of the above,0.4844,,teeheeheemcfee,,22,,,"RT @adbridgeforth: Any Questions... - -#GOPDebate http://t.co/millo7rchh",,2015-08-07 09:22:21 -0700,629689042863460352,,Pacific Time (US & Canada) -3153,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,flugennock,,0,,,"Just muted #GOPDebate -…ahhh, peace and quiet.",,2015-08-07 09:22:21 -0700,629689041210994689,trapped in America,Eastern Time (US & Canada) -3154,No candidate mentioned,0.4736,yes,0.6882,Negative,0.6882,Racial issues,0.2368,,SG_Calcio,,3,,,"RT @joeltena: #GOPDebate #RealLifeInTheUSA RT @JuanG_Arango: When white people say ""Homeland"" ... I get REALLY scared.",,2015-08-07 09:22:20 -0700,629689040036593664,"College Park / Annapolis, MD",Quito -3155,No candidate mentioned,1.0,yes,1.0,Positive,0.3333,None of the above,0.6667,,MiraKarell,,1,,,RT @Beem_Skeem: #GOPDebate JUSTICE IN AMERICA #SANDRABLAND #BlackLivesMatter http://t.co/r0xXbgvQb3,,2015-08-07 09:22:20 -0700,629689038497165312,"Gaithersburg, MD",Central Time (US & Canada) -3156,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6988,,Cat16333107,,3,,,"RT @aikieagle: #GOPDebate social issues strategy: offend as many women, races, and non-Christians as possible. Play the smallest violin for…",,2015-08-07 09:22:20 -0700,629689038484733952,, -3157,Donald Trump,0.3999,yes,0.6324,Neutral,0.3296,None of the above,0.3999,,NomadicWheels,,0,,,@realDonaldTrump any thoughts on this claim? #GOP #GOPDebate #politics https://t.co/YTrZ6QVhod,,2015-08-07 09:22:18 -0700,629689029869473792,"Miami,Florida", -3158,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,TROY5719,,0,,,"@BretBaier Mr Baier SHAME ON YOU. First ? About 3rd party.Something like WHO wants a wall on border, more pertinent. #GOPDebate #FoxNews",,2015-08-07 09:22:18 -0700,629689028087054336,, -3159,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,Ashchapen,,0,,,Unfollowing everyone who tweets more than 2 times about the #GOPDebate.,,2015-08-07 09:22:17 -0700,629689024731578368,,Central America -3160,Donald Trump,1.0,yes,1.0,Neutral,0.6889,Abortion,1.0,,avryluy,,417,,,"RT @pattonoswalt: ""Yeah, I was pro-abortion. But that was the scene at Limelight in the 80s. It was a different time."" -- Donald Trump #GOP…",,2015-08-07 09:22:17 -0700,629689024236683265,"Chicago, IL", -3161,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6881,,TheLonelyBromo,,124,,,"RT @BettyBowers: God is apparently, quite the prankster, who has egged on these narcissists to embarrass themselves by saying, ""RUN! RUN!"" …",,2015-08-07 09:22:16 -0700,629689022118555649,"Boston, MA",Pacific Time (US & Canada) -3162,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6563,,GovtsTheProblem,,2,,,"Did @FoxNews, which excluded the only woman in @GOP field from first debate, ask Trump if he was part of the ""war on women""? Yep. -#GOPDebate",,2015-08-07 09:22:16 -0700,629689019891253249,Colorado, -3163,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6667,,strengthpower22,,46,,,"RT @LeeCorsoDrunk: If I was president, College Football would be played year round. - -And I'd Not so fast ISIS every Saturday. #Corso4Presi…",,2015-08-07 09:22:15 -0700,629689018037481472,,Pacific Time (US & Canada) -3164,No candidate mentioned,1.0,yes,1.0,Negative,0.6662,None of the above,0.6564,,obsidian_blue,,602,,,RT @levarburton: Wait... What???? That was it???? #BlackLivesMatter #GOPDebate,,2015-08-07 09:22:15 -0700,629689017899057152,,Eastern Time (US & Canada) -3165,Donald Trump,1.0,yes,1.0,Negative,0.6129,None of the above,0.6129,,HeleneJnane,,0,,,"If he didn't before,@realDonaldTrump is gonna have a war on @megynkelly now! #justwar #GOPdebate",,2015-08-07 09:22:15 -0700,629689016397524993,New York City,Eastern Time (US & Canada) -3166,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,Racial issues,1.0,,obsidian_blue,,602,,,"RT @JoshMalina: ""And now for our 27 second Lightning Round on racial issues."" #GOPDebate",,2015-08-07 09:22:11 -0700,629689000429756416,,Eastern Time (US & Canada) -3167,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SafariWoman,,0,,,#GOPDebate #MegynKelly is a talking head like the rest of them There were wonderful intelligent candidates we ought to be discussing instead,,2015-08-07 09:22:11 -0700,629688999863521280,NOYB,Eastern Time (US & Canada) -3168,No candidate mentioned,0.4347,yes,0.6593,Negative,0.3407,None of the above,0.4347,,mbayer1248,,0,,,It's fascinating to see the post-post #GOPDebate analysis this morning. I'm wondering if all these commentators watched the same thing I did,,2015-08-07 09:22:08 -0700,629688987993509889,"Iowa City, IA",Quito -3169,No candidate mentioned,1.0,yes,1.0,Positive,0.6812,None of the above,1.0,,DonQuixote1950,,144,,,RT @bannerite: #GOPDebate and the clear Winner is http://t.co/zO63efHNQH,,2015-08-07 09:22:07 -0700,629688985707769857,"The Villages, FL.",Atlantic Time (Canada) -3170,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,terileemcclain,,8,,,RT @madelyne_ortiz: No chill on the internet. Not one day! #GOPDebate http://t.co/KfC4G4E3QG,,2015-08-07 09:22:06 -0700,629688981123235840,Raised: So.Jersey Live:Seattle,Pacific Time (US & Canada) -3171,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6774,,obsidian_blue,,122,,,RT @keithboykin: One softball question on #BlackLivesMatter. One quick answer. Done in 30 seconds. Then commericial break. #GOPDebate,,2015-08-07 09:22:05 -0700,629688975620444160,,Eastern Time (US & Canada) -3172,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,DJ_Voncil_Betts,,0,,,#GOPDebate was ummm terrible,,2015-08-07 09:22:04 -0700,629688973367992321,,Central Time (US & Canada) -3173,No candidate mentioned,0.4605,yes,0.6786,Neutral,0.6786,None of the above,0.4605,,osPatriot,,1,,,POLL: Who do you think won the 9PM .@FoxNews #GOPDebate? http://t.co/4Bp1KypEc6 #WakeUpAmerica #OutNumbered,,2015-08-07 09:22:04 -0700,629688970809507840,"47.000993, -124.160781",Pacific Time (US & Canada) -3174,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6277,,slopokejohn,,274,,,"RT @AmyMek: How disgusting is @megynkelly's tone, Show some respect toward's God and all of us who put him first in our lives! #GOPDebate",,2015-08-07 09:22:02 -0700,629688961569402882,All 48 states, -3175,Donald Trump,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,roxannegarciax,,0,,,"http://t.co/OvG0auASYi... oh my, really? y'all thought @realDonaldTrump won last nights #GOPDebate",,2015-08-07 09:22:00 -0700,629688954770448384,"McAllen, Texas",Pacific Time (US & Canada) -3176,No candidate mentioned,0.4234,yes,0.6507,Negative,0.6507,,0.2273,,hollstein_love,,2,,,RT @JuliaWeingarden: That whole question about God was extremely inappropriate. I guess in the world of Fox News only Christians can have a…,,2015-08-07 09:21:59 -0700,629688951196876802,,Central Time (US & Canada) -3177,Ben Carson,1.0,yes,1.0,Positive,1.0,Religion,0.7011,,MylesRicoBrown,,141,,,"RT @edstetzer: If @RealBenCarson continues to talk about tithing, and it catches on, every pastor in America will vote for him. #GOPDebate",,2015-08-07 09:21:59 -0700,629688949980667904,"Carrollton, GA",Eastern Time (US & Canada) -3178,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Lrisa_83,,1,,,RT @deejayedee: Such sob stories - poor Repub boys! Where are the tissues? #GOPDebate,,2015-08-07 09:21:56 -0700,629688939415252992,, -3179,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.337,,0.233,,Mike_Thoms,,1,,,If there's one thing to take away from last night's #GOPDebate it's that improv comedy is alive and well,,2015-08-07 09:21:53 -0700,629688927297884160,I may be the baby,Eastern Time (US & Canada) -3180,Donald Trump,1.0,yes,1.0,Neutral,0.7065,None of the above,1.0,,markmobility,,0,,,.@mattyglesias on the @realDonaldTrump and last night's #GOPDebate http://t.co/qvFMafvgu0 h/t @zmcdade http://t.co/qM3jG1Y07q,,2015-08-07 09:21:53 -0700,629688927130112000,"New York, NY",Eastern Time (US & Canada) -3181,No candidate mentioned,0.4642,yes,0.6813,Neutral,0.6813,None of the above,0.4642,,Newsradio1025,,1,,,RT @MichaelYaffee: In #GOPDebate who do YOU think said what #Millennials care about most? I will tell you tonight at 8pm! http://t.co/1sk3T…,,2015-08-07 09:21:53 -0700,629688926811357185,Orlando,Eastern Time (US & Canada) -3182,Ted Cruz,1.0,yes,1.0,Positive,1.0,Religion,1.0,,SaikoWoods,,0,,,"IF the election were today & I had to vote, based on last night's #GOPDebate my vote for POTUS would be @tedcruz . Bold Christians are rare!",,2015-08-07 09:21:52 -0700,629688920628985856,"Sugar Land, Texas",Central Time (US & Canada) -3183,Donald Trump,0.4444,yes,0.6667,Positive,0.6667,Jobs and Economy,0.4444,,ullikemike,,3,,,#Trump was spot on in his description of business bankruptcies. Playing by same rules as all businesses. #GOPDebate https://t.co/cgNHoXchDL,,2015-08-07 09:21:51 -0700,629688915134443520,"Pewee Valley, KY",Eastern Time (US & Canada) -3184,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3726,,cassidylucass,,6,,,RT @madyclahane: srry rather not have decisions over my body being made by men that can't count to two #GOPDebate https://t.co/1Ps81yQaOl,,2015-08-07 09:21:50 -0700,629688913460899840,"Rosendale, NY", -3185,No candidate mentioned,1.0,yes,1.0,Negative,0.653,None of the above,1.0,,SenoritaJess,,0,,,The race for the #GOP Presidential nomination was a riot! LOL! I didn't know the circus was in town! Wow! #GOPDebate http://t.co/jQ1cnfgGwY,,2015-08-07 09:21:50 -0700,629688912261177344,Born & Raised in NELA,Pacific Time (US & Canada) -3186,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ariannahuff,,12,,,The best and worst from the #GOPDebate http://t.co/YkI30j7hhO,,2015-08-07 09:21:50 -0700,629688911527186433,,Eastern Time (US & Canada) -3187,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3778,FOX News or Moderators,0.4594,,meganarose,,0,,,"Isn't ""@FoxNews fact checkers"" an oxymoron? They don't fact check on a daily basis. Or they do & ignore them...like last night. #GOPDebate",,2015-08-07 09:21:50 -0700,629688910919147520,"Ft. Myers, Fl.",Eastern Time (US & Canada) -3188,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,roselin666,,63,,,RT @andylevy: bless u for this rand paul #GOPdebate,,2015-08-07 09:21:48 -0700,629688905831350272,, -3189,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sayntmykl,,0,,,I suspect if I watched the #GOPDebate I would need to keep a bucket handy. I saw the Trump clip and threw up in my mouth within 10 secs.,,2015-08-07 09:21:48 -0700,629688903675461633,"Los Angeles, CA",Pacific Time (US & Canada) -3190,No candidate mentioned,0.6862,yes,1.0,Negative,0.6862,None of the above,1.0,,wbruce44,,3,,,RT @Urza83: @POTUS just watched the #GOPDebate He got a good laugh. #UniteBlue #LibCrib #TYT #tcot #topprog #p2 #TNTweeters http://t.co/Aj…,,2015-08-07 09:21:48 -0700,629688903226687488,SoCAL,Pacific Time (US & Canada) -3191,Donald Trump,1.0,yes,1.0,Positive,0.6552,FOX News or Moderators,1.0,,TJacobsV2,,0,,,@realDonaldTrump @megynkelly Megyn tried to Stump the Trump and got burned. #Trump #GOPDebate,,2015-08-07 09:21:47 -0700,629688900160651264,,Pacific Time (US & Canada) -3192,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,0.6409,,aarchitect,,0,,,Last night’s #GOPDebate had talk of God and Gays but what about the Guns? The only lives that seem to matter to that bunch is the unborn.,,2015-08-07 09:21:46 -0700,629688896306065408,"Santa Monica, CA",Pacific Time (US & Canada) -3193,Donald Trump,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6578,,Anergo_Teacher,,1,,,"Imagine a #Trump Administration dealing with a US-Russia crisis. - -WWIII #GOPDebate",,2015-08-07 09:21:46 -0700,629688895727378432,Greece,Athens -3194,Donald Trump,1.0,yes,1.0,Negative,0.6735,None of the above,1.0,,paulmcclintock,,2,,,RT @newlinla: My friends' 3-year-old's thoughts on Donald Trump are hilarious. #UniteBlue #GOPDebate http://t.co/gJ37M8NaM9,,2015-08-07 09:21:46 -0700,629688894846582784,,Eastern Time (US & Canada) -3195,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,TwoStepLogic,,0,,,"Problem with #GOPDebate too many candidates, no one got enough time to answer ALL important questions. Can't wait for the herd to thin",,2015-08-07 09:21:45 -0700,629688891918782464,"Somewhere, The World",Mountain Time (US & Canada) -3196,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thomp210,,0,,,"@LLAmos @SprightlyMagic Considering which debate it was, I can't blame them! I might need to join them! Thanks #gopdebate",,2015-08-07 09:21:45 -0700,629688890496933888,,Eastern Time (US & Canada) -3197,Donald Trump,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,LdyDrums,,10,,,RT @RoniSeale: @DanScavino @realDonaldTrump is being honest and not backing down. #TrumpIsRight #Trump2016 #GOPDebate,,2015-08-07 09:21:45 -0700,629688890266222592,, -3198,Donald Trump,0.4025,yes,0.6344,Neutral,0.6344,None of the above,0.4025,,dcbsky,,0,,,@hughhewitt was right when declared on @AdamCarollaShow that Hillary WILL be the next POTUS. Thx to #Trump2016 for confirming @ #GOPDebate,,2015-08-07 09:21:44 -0700,629688889234493440,"Pasadena, CA",Pacific Time (US & Canada) -3199,No candidate mentioned,0.3743,yes,0.6118,Negative,0.6118,,0.2375,,Ijustfangirl,,45,,,"RT @Dreamdefenders: ""Unite everybody""... Really? Does that include people of color? The LGBTQ community? Women? #KKKorGOP #GOPDebate",,2015-08-07 09:21:44 -0700,629688887724638208," Peace, Love and One Direction",Central Time (US & Canada) -3200,Donald Trump,1.0,yes,1.0,Positive,0.6935,None of the above,0.6377,,matt_tidwell,,0,,,I think Trump should have been debate moderator. That would be a good role for him #GOPDebate,,2015-08-07 09:21:43 -0700,629688883081560064,"Kansas City, MO",Central Time (US & Canada) -3201,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,2RamSubramanian,,0,,,So funny that @ComedyCentral should host the next #GOPDebate @mtaibbi,,2015-08-07 09:21:43 -0700,629688881466748928,"Arlington, MA",Eastern Time (US & Canada) -3202,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6747,,gidgey,,0,,,"RT @tweetreachapp: We wrote about how the candidates performed on Twitter, if you’re interested! https://t.co/MqjYrub6tD #GOPDebate",,2015-08-07 09:21:43 -0700,629688881378537473,"Dana Point, CA",Pacific Time (US & Canada) -3203,Donald Trump,1.0,yes,1.0,Negative,0.6578,FOX News or Moderators,1.0,,rusmclaughlin,,0,,,Tough to watch the #GOPDebate and not sense that @FoxNews' line of questioning was trying to depose @realDonaldTrump and anoint Jeb.,,2015-08-07 09:21:42 -0700,629688879931494400,SF Bay Area,Pacific Time (US & Canada) -3204,No candidate mentioned,1.0,yes,1.0,Neutral,0.3507,FOX News or Moderators,0.6493,,mortalcassie,,0,,,Next #GOPDebate I nominate @KatTimpf @JoNosuchinsky and @greggutfeld to be the moderators. I would watch for at least 24 straight hours!,,2015-08-07 09:21:42 -0700,629688879508013056,724,Eastern Time (US & Canada) -3205,No candidate mentioned,1.0,yes,1.0,Neutral,0.6923,Abortion,0.6484,,eenerlegna,,3,,,RT @kristenjobarton: me @ #GOPDebate talking about Planned Parenthood http://t.co/OYIZmqZoWj,,2015-08-07 09:21:42 -0700,629688878899683328,WA | TX, -3206,Donald Trump,1.0,yes,1.0,Negative,0.3507,None of the above,1.0,,jonvaala,,0,,,"Trump didn't pledge to not run third party, but I'll pledge to vote third party if he's the nominee. http://t.co/3teP5ZSZUn #GOPDebate",,2015-08-07 09:21:40 -0700,629688872516120576,Minneapolis,Central Time (US & Canada) -3207,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,goodnewsgoddess,,170,,,RT @JohnFugelsang: The 5 least recommended #GOPDebate Drinking Game Words: 5) 'Middle Class' 4) 'Cheney' 3) 'Science' 2) 'Black Lives Matte…,,2015-08-07 09:21:40 -0700,629688872323153924,, -3208,Donald Trump,0.4113,yes,0.6413,Negative,0.3261,,0.23,,SarangShah,,1,,,"RT @michaelsnook: I can't wait for the meme about Donald Trump's beautiful, classy door at the border. #GOPDebate",,2015-08-07 09:21:40 -0700,629688871861641216,Bay Area,Pacific Time (US & Canada) -3209,No candidate mentioned,1.0,yes,1.0,Negative,0.6612,None of the above,1.0,,freespeak3,,0,,,"@debrahendrix @Mellynjess -Me2. -Failed CEO says former FLOTUS/ US Senator/ US SOS is a ""liar"" & media decides she won #GOPdebate. -smh",,2015-08-07 09:21:40 -0700,629688870658031617,, -3210,No candidate mentioned,0.4273,yes,0.6537,Neutral,0.6537,None of the above,0.4273,,LandinF,,307,,,RT @TexasHumor: Tamales would be my Secretary of State because people will do anything for tamales. #TexMexDiplomacy #GOPdebate http://t.co…,,2015-08-07 09:21:40 -0700,629688869827428353,"Austin, Texas",Central Time (US & Canada) -3211,Rand Paul,0.4916,yes,0.7011,Negative,0.7011,None of the above,0.4916,,u_edilberto,,30,,,"RT @ImmigranNacion: @RandPaul #GOPDebate #USA, seriously, would you vote for any of these CLOWNS? We NEED #CIRNow #AINF #TNTVote http://t.c…",,2015-08-07 09:21:39 -0700,629688868183347200,, -3212,No candidate mentioned,0.5011,yes,0.7079,Negative,0.7079,None of the above,0.5011,,conklingmicah,,0,,,"#GOPDebate got you down? Just remember, these things happened in #America. http://t.co/rrjvRkAzCz",,2015-08-07 09:21:39 -0700,629688867222781952,"overland park, ks",Eastern Time (US & Canada) -3213,No candidate mentioned,1.0,yes,1.0,Neutral,0.6558,None of the above,1.0,,ETchalim,,90,,,"RT @djolder: ""RONALD REAGAN SAID I COULD"" --All Republicans Always - #GOPdebate",,2015-08-07 09:21:39 -0700,629688866572738560,, -3214,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,None of the above,0.3819,,Karasticks,,10,,,"RT @TheSamhita: I have a #GOPDebate hangover. I didn't drink anything, just the idea of one of these people being President made me tired a…",,2015-08-07 09:21:38 -0700,629688864223961089,"Albuquerque, New Mexico",Mountain Time (US & Canada) -3215,Ted Cruz,1.0,yes,1.0,Neutral,0.6947,None of the above,0.6575,,sdrepub,,0,,,"Fair Article » #GOPDebate: @FoxNews Down👎🏼; Cruz, Walker Up 👍🏼; Carly 👍🏼» The Loft -- GOPUSA🇺🇸 #SanDiego http://t.co/oVqeTBoBEF",,2015-08-07 09:21:37 -0700,629688859018723328,,Pacific Time (US & Canada) -3216,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Klossykins,,0,,,I actually liked Cruz a lot more after his closing statement. I feel like as debates go on he will gain more popularity than jeb #GOPDebate,,2015-08-07 09:21:36 -0700,629688853352333312,,Atlantic Time (Canada) -3217,Ben Carson,1.0,yes,1.0,Neutral,0.6413,Religion,1.0,,laughterhopesok,,30,,,"RT @davidbadash: I think Ben Carson just advocated for no taxes for atheists. -#GOPdebate",,2015-08-07 09:21:34 -0700,629688845429112832,Southern California, -3218,Ted Cruz,0.2266,yes,0.6531,Negative,0.6531,Foreign Policy,0.2266,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate RE: @POTUS is your problem!Ucan continue 2ignore facts of evidence he's a SNEAKY SCUMBAG #BITEME http://t.co/2P7WF9o56H,,2015-08-07 09:21:34 -0700,629688844363956224,, -3219,No candidate mentioned,0.6207,yes,1.0,Positive,1.0,None of the above,1.0,,p_coelacanth,,0,,,"""And of course, I'm talking about Hillary Clinton"" was the most Reaganesque moment last night. Good job, #Huckabee! #GOPDebate",,2015-08-07 09:21:34 -0700,629688844087107584,, -3220,No candidate mentioned,0.4241,yes,0.6513,Positive,0.6513,None of the above,0.4241,,jessiezimmerer,,0,,,"My take away from last night's #GOPDebate: I love @Rosie, and I always will.",,2015-08-07 09:21:33 -0700,629688842065326080,Boston,Atlantic Time (Canada) -3221,Donald Trump,1.0,yes,1.0,Negative,0.6449,FOX News or Moderators,1.0,,donkeyot56,,44,,,RT @ThePatriot143: The most surprising part of last nights #GOPDebate was that @megynkelly didn't attack Trumps hair. @realDonaldTrump,,2015-08-07 09:21:32 -0700,629688838466748416,NY, -3222,No candidate mentioned,0.4235,yes,0.6508,Neutral,0.6508,None of the above,0.4235,,kenniy,,2,,,RT @NiktaKanuka: Check out @klipfolio's #GOPDebate dashboard! See sentiment about candidates in real time http://t.co/X5ZXVGu4Uv http://t.c…,,2015-08-07 09:21:32 -0700,629688837581750272,"Ottawa, Canada",Atlantic Time (Canada) -3223,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6559,,lueckallie,,5,,,RT @Leapoverthat: nothing really as refreshing as hearing the top 1% instructing civilians how to handle and cope with poverty #GOPDebate,,2015-08-07 09:21:31 -0700,629688833311961088,, -3224,No candidate mentioned,1.0,yes,1.0,Negative,0.628,None of the above,1.0,,libertyleeee,,0,,,with more reflection & a good nights rest I've come to the conclusion that last nights #GOPDebate was a roast competition more than anything,,2015-08-07 09:21:31 -0700,629688833068695552,#HU20, -3225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6885,,TrueRealGirl,,0,,,#GOPDebate I'm really happy you cut back taxes in your state but it's still unclear how I'm going to feel safe in my own country...,,2015-08-07 09:21:31 -0700,629688831378345985,, -3226,No candidate mentioned,0.4102,yes,0.6404,Neutral,0.6404,None of the above,0.4102,,CreativeCarissa,,0,,,@stickwithjosh #truth Surprised that cosponsor @facebook didn't have a live stream. #GOPDebate,,2015-08-07 09:21:30 -0700,629688828912009217,"Portland, OR",America/Los_Angeles -3227,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Haleypunzel,,197,,,RT @JessicaValenti: Thinking of tweeting the debate the way the media covers women in politics. GAWD THEIR VOICES ARE GRATING #GOPDebate,,2015-08-07 09:21:29 -0700,629688825942552576,,Central Time (US & Canada) -3228,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.6421,None of the above,0.4123,,CSchallie,,85,,,"RT @NeinQuarterly: Here, #GOPDebate viewers. Have some #NeinManifesto. For reference. - -Available wherever fine aphorisms are sold. http://…",,2015-08-07 09:21:28 -0700,629688820795994114,Victoria BC,Pacific Time (US & Canada) -3229,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,getoffmylawn80,,155,,,"RT @pattonoswalt: Dear @IsiahWhitlockJr: Can you confirm that Donald Trump just ""Clay Davis'd"" this debate? #sheeeeeeeeeeeit #GOPDebate",,2015-08-07 09:21:28 -0700,629688820758286336,, -3230,Ben Carson,1.0,yes,1.0,Negative,0.6272,None of the above,0.7004,,kapastrophic,,2209,,,RT @withlove_eb: Ben Carson is at the #GOPDebate like.... http://t.co/CM6Ya8NQEV,,2015-08-07 09:21:28 -0700,629688820116684800,, -3231,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ZoltanBathory,,0,,,So what did you guys think of the #GOPdebate ?,,2015-08-07 09:21:28 -0700,629688818698838016,Las Vegas,Pacific Time (US & Canada) -3232,No candidate mentioned,1.0,yes,1.0,Negative,0.6649,None of the above,1.0,,richardonthego,,0,,,Who needs coffee in the morning to get fired up when you can just talk to your co-workers about the #GOPDebate?,,2015-08-07 09:21:28 -0700,629688818342309888,Los Angeles,Pacific Time (US & Canada) -3233,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,1.0,,JoyKeller1,,2,,,RT @Mamadoxie: Yeah the liberal lap dog media loved the #GOPDebate but the people who actually WATCH @FoxNews loathed it. FOX will pay. @r…,,2015-08-07 09:21:27 -0700,629688817033867264,USA,Eastern Time (US & Canada) -3234,,0.2267,yes,0.3474,Negative,0.3474,,0.2267,,TitoTheBuilder,,0,,,@RickSantorum eugenics? And you are in the side of Racist Nativists who want to restrict LEGAL immigrants like me. U lost 5votes #GOPDebate,,2015-08-07 09:21:27 -0700,629688816165650433,"Dale City, VA",Eastern Time (US & Canada) -3235,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DailyCaller,,1,,,RT @TheWorldsFrates: We Watched The Debate With A Bunch Of Conservative Activists. Here's How They Reacted #GOPDebate http://t.co/Ug21fI5Fc…,,2015-08-07 09:21:25 -0700,629688806028001280,Washington DC,Eastern Time (US & Canada) -3236,Scott Walker,0.4302,yes,0.6559,Positive,0.3333,,0.2257,,BossClaw,,199,,,"RT @FoxNews: .@ScottWalker pledges to lower the tax rate and reform the tax code, if elected president. #GOPDebate http://t.co/sknHfYkw3U",,2015-08-07 09:21:23 -0700,629688800843698176,"GRUBERVILLE, USA", -3237,No candidate mentioned,1.0,yes,1.0,Negative,0.6383,None of the above,1.0,,MentalHealthM,,0,,,"It's Adolf Hitler ! No, no, I don't wear my hair like that. Jonathan King #FridayFeeling #GOPDebate #InternationalBeerDay Off Top",,2015-08-07 09:21:23 -0700,629688799086424064,Undisclosed, -3238,Mike Huckabee,1.0,yes,1.0,Negative,0.6841,Abortion,0.6911,,bizzg4,,3,,,"RT @Social_Mime: Huckabee says a fetus has constitutional rights and yet doesn't have a social security number, much like illegals. -#GOPDeb…",,2015-08-07 09:21:23 -0700,629688798931251201,"Pennsylvania, USA", -3239,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6861,,greerisokay,,630,,,"RT @apunkfemme: how are yall ""pro life"" but you're pro war, pro guns, pro ""i pretend to care about a fetus but not actual living children"" …",,2015-08-07 09:21:22 -0700,629688797190459392,,Central Time (US & Canada) -3240,No candidate mentioned,1.0,yes,1.0,Positive,0.6526,None of the above,1.0,,MeaganHansen82,,0,,,Watching the GOP debate this morning ( yes I missed it last night ) .....wow......just wow. O_o #GOPDebate,,2015-08-07 09:21:22 -0700,629688796456431616,"Kearns, UT",Mountain Time (US & Canada) -3241,Donald Trump,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,Bush46,,0,,,"With some of @realDonaldTrump's past positions, it would have been fun to see him run against @HillaryClinton in Democrat Primary #GOPDebate",,2015-08-07 09:21:22 -0700,629688795529490432,"Provo, Utah",Pacific Time (US & Canada) -3242,No candidate mentioned,1.0,yes,1.0,Positive,0.6931,Foreign Policy,1.0,,hh6ckk,,23,,,RT @AmbJohnBolton: At times an interesting discussion in #OH. It's important we keep putting #foreignpolicy at the center of #GOPdebate,,2015-08-07 09:21:22 -0700,629688794657202177,USA, -3243,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6774,,RaybonTim,,0,,,#GOPDebate @FoxNews better watch out I believe the @realDonaldTrump will be fighting back.,,2015-08-07 09:21:21 -0700,629688791557472256,"Nashville, Tn", -3244,Donald Trump,0.6404,yes,1.0,Negative,1.0,FOX News or Moderators,0.6966,,donkeyot56,,80,,,RT @bamasevere: Megyn Kelly shouldn't be worried about Trump's party loyalty. We watched her transform to a liberal in 3 hours. #GOPDebate,,2015-08-07 09:21:21 -0700,629688791410851844,NY, -3245,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DahlonegaGaWx,,0,,,Gotta remember @realDonaldTrump is a leader not a debater. Held his own against deep rooted politicians very well. #Trump2016 #GOPDebate,,2015-08-07 09:21:20 -0700,629688785203298304,"Dahlonega, Ga",Eastern Time (US & Canada) -3246,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6654,,Brenkoski,,0,,,Looking forward to hearing what you & Katie think about the #GOPDebate last night & #FastandFurious #JonJustice https://t.co/PhIW1JkUaP,,2015-08-07 09:21:20 -0700,629688784783675392,Arizona,Arizona -3247,Ben Carson,1.0,yes,1.0,Positive,0.6333,Racial issues,1.0,,stevetate80,,41,,,RT @namenzie: Safe to say every person of color knows this. We usually aren't the ones who need convincing. #BenCarson #GOPDebate http://t.…,,2015-08-07 09:21:18 -0700,629688776449785856,"Paoli, IN",Hawaii -3248,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6786,,2_tts,,1,,,RT @Roxsett27573: Why is #outnumbered trying to make the #GOPDebate more exciting than it was? @foxnews has all shows promoting the weak de…,,2015-08-07 09:21:17 -0700,629688776055373824,Denver Colorado,Mountain Time (US & Canada) -3249,No candidate mentioned,1.0,yes,1.0,Neutral,0.6975,None of the above,1.0,,brenda_doran,,0,,,Kicking back with a glass of wine and catching up with the #GOPDebate,,2015-08-07 09:21:17 -0700,629688775896117248,"Wicklow, Ireland", -3250,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kenniy,,5,,,RT @mollotm: See #socialmedia sentiment for #GOPDebate candidates as it changes during debate tonight http://t.co/H6nF5JBLTp http://t.co/3J…,,2015-08-07 09:21:17 -0700,629688773681512448,"Ottawa, Canada",Atlantic Time (Canada) -3251,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,haley_7_bartley,,33,,,RT @CaseyWertz_: .@FoxNews How much did the rest of the group pay you to give them real questions and give .@realDonaldTrump bullshit quest…,,2015-08-07 09:21:16 -0700,629688770342842368,Meigs Ohio, -3252,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AnCapYukino,,2,,,RT @BrandonLavy: @BenCarson is wrong. What makes America really great is not our unity but our respect of individuality. (1/1) #GOPDebate,,2015-08-07 09:21:16 -0700,629688768199553024,"Texas, USA",Central Time (US & Canada) -3253,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.684,,austin_taylor31,,0,,,So I guess Trump Is paying off people to win debates now. 😂 #GOPDebate,,2015-08-07 09:21:14 -0700,629688763682320384,, -3254,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,Foreign Policy,0.2386,,Tajalithaca,,2,,,"RT @jennifernvictor: Wait a sec. Social Security wasn't robbed to pay for Obamacare, it was robbed to pay for Iraq war (and a bunch of othe…",,2015-08-07 09:21:14 -0700,629688762646310913,,Central Time (US & Canada) -3255,No candidate mentioned,1.0,yes,1.0,Negative,0.7039,None of the above,1.0,,JChapman66,,2,,,RT @aLocalGyro: Very worried about America right now. #GOPDebate,,2015-08-07 09:21:13 -0700,629688757936091136,"Charlotte, NC, USA",Eastern Time (US & Canada) -3256,Ted Cruz,0.6824,yes,1.0,Positive,0.6824,None of the above,1.0,,USAPatriot2A,,0,,,"@SenTedCruz only candidate to lay out a detailed plan of what he will do the moment he steps into WH - -#CruzCrew -#CruzToVictory -#GOPDebate",,2015-08-07 09:21:12 -0700,629688752026349568,, -3257,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6661,,DaTechGuyblog,,0,,,Advice to each #GOP candidate in order of how I think they finished 5th place Marco Rubio Good job keep up the same #gopdebate #tcot #p2,,2015-08-07 09:21:11 -0700,629688748570202113,Central massachusetts,Eastern Time (US & Canada) -3258,Donald Trump,1.0,yes,1.0,Negative,0.6782,Women's Issues (not abortion though),0.6782,,GlobalPolitico,,0,,,Donald Trumps attack on Megyn Kelly prove her point for her that he has a woman problem. Unless they like him he attacks them. #GOPDebate,,2015-08-07 09:21:11 -0700,629688747286757377,London, -3259,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,OnTheManney,,2,,,"It's funny to see a bunch of grown ass men, trying to scare America about a woman running for president. -#GOPDebate",,2015-08-07 09:21:10 -0700,629688746150117376,Greensboro NC,America/New_York -3260,Marco Rubio,1.0,yes,1.0,Neutral,0.6859999999999999,Abortion,1.0,,AdvocatesOfLife,,87,,,"RT @LilaGraceRose: .@marcorubio saying #Constitution already ensures protection for ALL Americans, incl #preborn #GOPdebate",,2015-08-07 09:21:10 -0700,629688745428652032,"Manila, Philippines",Hong Kong -3261,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LaurenK611,,0,,,What I'm reading says Donald Trump was front runner & star of #GOPDebate! Like how is this possible? Wasn't he boo'ed? #WasntAbletoWatch,,2015-08-07 09:21:09 -0700,629688741540556801,, -3262,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MonaHol,,0,,,@Pedinska Absolutely. Sane Twitter was *MOST* entertaining last nite. Moar #GOPDebate please! @Terry5135,,2015-08-07 09:21:09 -0700,629688740944998400,Michigan,Eastern Time (US & Canada) -3263,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mattmercer,,0,,,MItt Romney may be a billionaire by the time this Republican primary is over just based on the email list rental. #GOPDebate,,2015-08-07 09:21:08 -0700,629688737157500929,North Carolina,Eastern Time (US & Canada) -3264,No candidate mentioned,1.0,yes,1.0,Neutral,0.7143,Religion,1.0,,WorldofWid,,4,,,"RT @DeadLioness: I have a dream, that one day we will finally elect an atheist president. #GOPDebate",,2015-08-07 09:21:08 -0700,629688736419287041,,Eastern Time (US & Canada) -3265,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MichaelYaffee,,1,,,In #GOPDebate who do YOU think said what #Millennials care about most? I will tell you tonight at 8pm! http://t.co/1sk3TqNNNV @Newsradio1025,,2015-08-07 09:21:06 -0700,629688727686762497,, -3266,No candidate mentioned,0.4867,yes,0.6977,Negative,0.6977,None of the above,0.2434,,leiboaz,,2,,,Each #GOPdebate should be staged with one chair too few. Loser left standing banished to the fighting pits of Mereen.,,2015-08-07 09:21:04 -0700,629688720543780864,"Phoenix, AZ",Arizona -3267,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6804,,dtmcculloch,,0,,,I buy the theory @CarlyFiorina performed well and held her own during the #GOPDebate last night. https://t.co/jmEkk2adkH,,2015-08-07 09:21:03 -0700,629688717171630081,"Washington, DC",Central Time (US & Canada) -3268,No candidate mentioned,1.0,yes,1.0,Negative,0.6458,None of the above,0.6875,,timbjones,,2,,,RT @merket: Anyone else notice Carlton during the #GOPDebate last night? http://t.co/uk6weKJENU,,2015-08-07 09:21:02 -0700,629688709483376640,Bay Area,Pacific Time (US & Canada) -3269,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,ShatteredKarma,,1,,,"RT @hillarysusans: @realDonaldTrump I had to watch this morning on DVR and wow, the ""moderators"" went after you! Not right at all. #GOPDeba…",,2015-08-07 09:21:01 -0700,629688707012931584,Texas,Central Time (US & Canada) -3270,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,OfficialKYChick,,481,,,RT @deray: The moderators essentially did not address any issues of criminal justice during the #GOPDebate.,,2015-08-07 09:21:00 -0700,629688702432706560,"Louisville, KY",Eastern Time (US & Canada) -3271,No candidate mentioned,1.0,yes,1.0,Negative,0.3562,Jobs and Economy,0.6852,,ragisharm5,,146,,,RT @Bipartisanism: Sounds like the #GOPDebate needs to be reminded that 12.8 million jobs were created over 64 straight months of growth ht…,,2015-08-07 09:21:00 -0700,629688701812088832,, -3272,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,TheBrodesMan,,251,,,RT @realjeffreyross: Looks like the auditions for the role of Ron Burgandy. #GOPdebate,,2015-08-07 09:20:59 -0700,629688699601731588,, -3273,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,joehudsonsmall,,0,,,Watching the #GOPdebate omg it's in a stadium,,2015-08-07 09:20:58 -0700,629688693373161472,"Worcester/Manchester, UK",London -3274,Scott Walker,1.0,yes,1.0,Negative,0.6662,Abortion,0.6892,,SpicyMustang,,607,,,RT @fakedansavage: American Women: Given a choice between you and the fetus... Scott Walker picks the fetus. Prolife... just not pro-your-l…,,2015-08-07 09:20:58 -0700,629688692987179009,"Montana, USA",Pacific Time (US & Canada) -3275,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,,0.233,,Anergo_Teacher,,1,,,"Seriously, #Trump is dangerous for the whole world. #GOPDebate",,2015-08-07 09:20:56 -0700,629688686419013632,Greece,Athens -3276,No candidate mentioned,0.449,yes,0.6701,Negative,0.3402,None of the above,0.449,,jspoupart,,0,,,Scientific Studies and #GOPDebate Proves #Republican Voters Are Stupid http://t.co/5Iv60GaKsC #tcot #PJNET #FoxNews http://t.co/qqsG5aaV9x,,2015-08-07 09:20:56 -0700,629688684418306048,Montréal,Atlantic Time (Canada) -3277,Rand Paul,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6654,,Tajalithaca,,1,,,"RT @jennifernvictor: .@RandPaul ""We're borrowing a billion dollars a minute."" I'm pretty sure that's not right. #factcheck #GOPDebate",,2015-08-07 09:20:54 -0700,629688679880085504,,Central Time (US & Canada) -3278,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,redbluewitham,,0,,,"It was only the first debate but these next round of questions must come from more intelligent ppl -#GOPDebate",,2015-08-07 09:20:54 -0700,629688678789607424,"Virginia Beach, VA",Eastern Time (US & Canada) -3279,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,andrea_portes,,8,,,RT @EdgeofSports: The #GOPDebate would have been so much more entertaining if everyone was a Minion version of themselves.,,2015-08-07 09:20:54 -0700,629688678651072512,, -3280,Donald Trump,1.0,yes,1.0,Negative,1.0,Religion,0.6628,,rach2me,,43,,,"RT @jenniferweiner: Trump's going to say he fired God. Or that God auditioned for ""Celebrity Apprentice"" and Trump turned him down. #GOPDeb…",,2015-08-07 09:20:54 -0700,629688676168146944,Philadelphia , -3281,No candidate mentioned,0.4857,yes,0.6969,Neutral,0.3601,None of the above,0.4857,,rcadyn,,28,,,RT @LaurenC_Lux: Last night's #GOPdebate was the most-watched primary debate in history: http://t.co/rYALwGRJCz,,2015-08-07 09:20:54 -0700,629688675815813120,, -3282,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JosephKapsch,,0,,,"And she's all like... #GOPDebate (OK, last one I promise but just couldn't help it lol) http://t.co/IE9KkupD2Z",,2015-08-07 09:20:53 -0700,629688674515468288,Los Angeles,Pacific Time (US & Canada) -3283,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LevinsonJessica,,0,,,“Trump showed what kind of Republican he truly is — the snake variety” http://t.co/aQzGeGt7Tb via @debrajsaunders #GOPDebate,,2015-08-07 09:20:50 -0700,629688660489830400,Los Angeles,Pacific Time (US & Canada) -3284,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JsnshsSushd,,85,,,"RT @_ErikaHarold: Dr. Carson's closing statement showed charm, humor and humility -- qualities we need more of in politics. #GOPDebate",,2015-08-07 09:20:49 -0700,629688656433786880,, -3285,Donald Trump,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3563,,W4HDM,,4,,,"RT @DillonFox5: No surprise here. -Trump: ""I don't have time for political correctness"" - #fox5atl #GOPDebate",,2015-08-07 09:20:49 -0700,629688655305641985,,Eastern Time (US & Canada) -3286,Jeb Bush,0.7053,yes,1.0,Negative,0.7053,None of the above,1.0,,RenaJargon,,0,,,@BettyBowers @Davids_Brain Gotta love that #GOPDebate logic. Mind boggling.,,2015-08-07 09:20:48 -0700,629688653351030784,"Irving, TX",Central Time (US & Canada) -3287,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Amnirvana83,,1,,,RT @OutSideDBox1: @Livestream #GOPDebate either way if Donald Trump runs as an Independent which no one will vote for anyway,,2015-08-07 09:20:48 -0700,629688653237850117,New York ,Quito -3288,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,peri_pat,,5,,,RT @marciakimwong: 90 minutes into the #GOPDebate. The voters have spoken. http://t.co/tCcm986iYi,,2015-08-07 09:20:47 -0700,629688649030852608,,Eastern Time (US & Canada) -3289,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,xio_1D,,204,,,"RT @alexandergold: No one is actually voting for these idiots, right? This is just a fun event for SNL? #GOPDebate",,2015-08-07 09:20:46 -0700,629688643469332481,"Between MD||NYC, USA",Atlantic Time (Canada) -3290,No candidate mentioned,1.0,yes,1.0,Negative,0.6701,None of the above,1.0,,karlnieb,,0,,,"Watching the #GOPdebate (finally), can't help but think an American Idol format would probably be better that our current system.",,2015-08-07 09:20:46 -0700,629688643075092480,Berlin,Pacific Time (US & Canada) -3291,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,Breebreehat,,0,,,"Last night's #GOPDebate was not a debate at all. Trump dominated the show & t'was unfair to other candidates such as #BenCarson , etc.",,2015-08-07 09:20:44 -0700,629688636141907969,USA,Eastern Time (US & Canada) -3292,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CatSzeltner,,4,,,RT @ccpecknold: I'll be talking with @CatSzeltner at 6pm and 9pm ET tonight on @EWTNNewsNightly about last night's #GOPDebate @CUANews Tune…,,2015-08-07 09:20:40 -0700,629688620039974912,"Washington, D.C.",Eastern Time (US & Canada) -3293,Donald Trump,0.6292,yes,1.0,Negative,0.3708,FOX News or Moderators,1.0,,mortalcassie,,0,,,@guypbenson @megynkelly was as good as any Fox commentator could be. Thank you for calling out his cral Megyn! #GOPDebate,,2015-08-07 09:20:40 -0700,629688620019019776,724,Eastern Time (US & Canada) -3294,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.2438,,romegeorgiaman1,,0,,,"FOXnews wasnt available to the mainstream public, only the subscribers.so many Americans missed the debate #gopdebate",,2015-08-07 09:20:37 -0700,629688606962028544,"Rome,Georgia ",Eastern Time (US & Canada) -3295,No candidate mentioned,1.0,yes,1.0,Positive,0.6495,None of the above,1.0,,gracyolmstead,,0,,,Great #GOPDebate analysis from @SWGoldman: http://t.co/DfPImpxSAv,,2015-08-07 09:20:36 -0700,629688601610162176,,Eastern Time (US & Canada) -3296,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jessekb,,0,,,"All the #GOPDebate coverage focuses on Trump, but besides some zingers was a crappy performance. Cldnt answer most direct/pointed questions.",,2015-08-07 09:20:36 -0700,629688601366896640,"Cambridge, Massachusetts",Eastern Time (US & Canada) -3297,Donald Trump,1.0,yes,1.0,Negative,0.6623,None of the above,0.6623,,isaacbowman,,0,,,"Does #Trump2016 negotiate the price by voter? #GOPDebate ""I'm discussing it with everybody... talking about a lot of leverage"" @BretBaier",,2015-08-07 09:20:35 -0700,629688599995219968,TEXAS,Central Time (US & Canada) -3298,Donald Trump,0.6890000000000001,yes,1.0,Negative,1.0,FOX News or Moderators,0.6890000000000001,,purepoliticking,,117,,,RT @RWSurferGirl: Why is FOX telling it's viewers not to support Trump. I think that is disengenuous! Is Cruz next? FOX News is in love wit…,,2015-08-07 09:20:35 -0700,629688596925149185,, -3299,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,hillarysusans,,1,,,"@realDonaldTrump I had to watch this morning on DVR and wow, the ""moderators"" went after you! Not right at all. #GOPDebate You held your own",,2015-08-07 09:20:34 -0700,629688593691320320,New Hampshire, -3300,Chris Christie,1.0,yes,1.0,Negative,0.3708,None of the above,1.0,,kolbytraveller,,1,,,RT @dhniels: You know who @ChrisChristie was giving hugs to? THE FAMILIES OF PEARL HARBOR VICTIMS #GOPDebate,,2015-08-07 09:20:34 -0700,629688592583933953,"Utah, USA",Mountain Time (US & Canada) -3301,Donald Trump,0.3991,yes,0.6318,Negative,0.3285,None of the above,0.3991,,1stBaseCoach,,0,,,@FrankLuntz #GOPDebate focus group looked like it might be a Luntz family renunion! Real @realDonaldTrump supporters are LOL at you! #joke,,2015-08-07 09:20:33 -0700,629688591363493888,,Eastern Time (US & Canada) -3302,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6796,,GrnEyedMandy,,6,,,It is pretty terrifying that conservative women seem to be just fine with government controlling women's bodies. #GOPDebate,,2015-08-07 09:20:32 -0700,629688586649120768,"Florida, Gun Nut Capital, USA ",Atlantic Time (Canada) -3303,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DonHlousek,,19,,,RT @CarolHello1: #GOPDebate: @FoxNews Failed!! https://t.co/grlzFHS8pb,,2015-08-07 09:20:32 -0700,629688583469666304,, -3304,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kris24morris,,1,,,RT @JoshuaACNewman: I notice the #GOPDebate is at an hour when anyone with a job can’t see the trial-by-feces event take place. Only the re…,,2015-08-07 09:20:31 -0700,629688583213969408,"Arlington, VA",Eastern Time (US & Canada) -3305,Donald Trump,0.3889,yes,0.6237,Negative,0.6237,,0.2347,,FanofDixie,,0,,,"@Mobute ..... If he gets the nod, he will be stopped in the general election. If not, he will hand the election to the dems #GOPDebate",,2015-08-07 09:20:28 -0700,629688568672296960,"Somewhere, USA",Eastern Time (US & Canada) -3306,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KenofGhastria,,13,,,"RT @daveweigel: My wrap on Rand Paul’s first hour of debating, which let him have exactly the fight he wanted http://t.co/Q3DRK3WDc3 #GOPDe…",,2015-08-07 09:20:27 -0700,629688564670951424,New Jersey,Eastern Time (US & Canada) -3307,Donald Trump,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,slyconoclast,,0,,,"#DonaldTrump said a whole heck of a lot, but ""Ben Carson doesn't have any policy ideas"" #GOPClownShow #GOPDebate https://t.co/tIrxOlDwVe",,2015-08-07 09:20:27 -0700,629688563374817281,United States,Mountain Time (US & Canada) -3308,Donald Trump,0.6593,yes,1.0,Negative,1.0,None of the above,0.6484,,Sierra0559,,1,,,"RT @MercuryOneOC: The gave Trump twice as much speaking time as Walker #GOPdebate -#TCOT #LNYHBT",,2015-08-07 09:20:24 -0700,629688551639265281,,Eastern Time (US & Canada) -3309,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6897,,PaydenCash,,164,,,RT @KatiePavlich: Carly Fiorina makes it into the primetime debate with her answer from earlier on Iran #GOPdebate,,2015-08-07 09:20:22 -0700,629688545284747264,Colorado Springs,Mountain Time (US & Canada) -3310,Rand Paul,0.4204,yes,0.6484,Positive,0.6484,None of the above,0.4204,,TwoStepLogic,,0,,,"Seeing lots of @RandPaul ""tried too hard"" during #GOPDebate . It was perfect to make sure he was heard and truth twisting was called out",,2015-08-07 09:20:22 -0700,629688542512312320,"Somewhere, The World",Mountain Time (US & Canada) -3311,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mikeharvkey,,3,,,RT @JamieFord: #GOPDebate #StraightOutta HT - @Ericheidle for the mash-up of the night. http://t.co/EXoqhIBxH9,,2015-08-07 09:20:19 -0700,629688531561148417,"Haverhill, MA",Eastern Time (US & Canada) -3312,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.3474,,quarterflash14,,48,,,RT @Ornyadams: Single payer... no way! I would miss paying ten different bills after my annual physical. Where's the fun in writing one che…,,2015-08-07 09:20:19 -0700,629688530034253824,buckle of the bible belt, -3313,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KennedyLeFave,,0,,,"Anytime there is an opportunity to define the opposition, take it. Things I wish I saw at the #GOPDebate. This mess, is the #Liberals mess.",,2015-08-07 09:20:17 -0700,629688524397133824,"McAllen, TX",Central Time (US & Canada) -3314,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BKemler,,1,,,"RT @Dan_DelGrosso: This whole debate is screwy. Boy, do politicians dance around topics. #GOPDebate",,2015-08-07 09:20:17 -0700,629688523944275968,PA, -3315,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ericbischoff,,0,,,#GOPDebate Why Pretend Hilary only Democrat Running? Obviously You're All More Afraid of Having to Debate Bernie Sanders!,,2015-08-07 09:20:17 -0700,629688520693710848,"Glen Cove, Long Island, NY",Eastern Time (US & Canada) -3316,Donald Trump,1.0,yes,1.0,Neutral,0.3617,FOX News or Moderators,1.0,,TheFreshBrew,,0,,,Best part of the #GOPDebate is @FoxNews Viewers having to choose between @MegynKelly or @RealDonaldTrump @ToddStarnes & @GovWalker,,2015-08-07 09:20:15 -0700,629688515542937601,"Moore, Ok",Central Time (US & Canada) -3317,No candidate mentioned,0.4038,yes,0.6354,Negative,0.6354,None of the above,0.4038,,TravelsByTrike,,0,,,No mention of climate change at #GOPdebate?,,2015-08-07 09:20:15 -0700,629688512229412864,"Portland, Oregon",Pacific Time (US & Canada) -3318,Mike Huckabee,0.4594,yes,0.6778,Neutral,0.6778,None of the above,0.4594,,DaTechGuyblog,,0,,,Advice to each #GOP candidate in order of how I think they finished 6th place Mike Huckabee Good bytes add substance #gopdebate #tcot #p2,,2015-08-07 09:20:14 -0700,629688511441014785,Central massachusetts,Eastern Time (US & Canada) -3319,No candidate mentioned,0.2368,yes,0.6882,Neutral,0.3441,None of the above,0.4736,,kdstarbux,,0,,,Candidate talk time. #GOPDebate per @Newsweek http://t.co/iodwqYTCMC,,2015-08-07 09:20:14 -0700,629688509566177281,#CenterofTheUniverse Google it,Central Time (US & Canada) -3320,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LWilsonDarlene,,4,,,#Hillary spent #GOPDebate night hanging out with a rude rapper & reality show queen who's claim to fame is a sex video. Way to stay Classy.,,2015-08-07 09:20:14 -0700,629688509285179392,Chicago,Central Time (US & Canada) -3321,Donald Trump,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6629,,selway151,,0,,,here's why I am voting for donald trump for president of america the country https://t.co/o1TXsYF9x5 #GOPDebate http://t.co/ZHvXuhuBmX,,2015-08-07 09:20:14 -0700,629688508005920768,"Cincinnati, Ohio",Atlantic Time (Canada) -3322,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,sydneyy_cc,,8,,,"RT @lamejess_: Dear GOP, say it with me, ""God is not relevant to politics. Religion has no place in gov't."" Thx so much that wasn't hard wa…",,2015-08-07 09:20:13 -0700,629688507166912513,, -3323,No candidate mentioned,1.0,yes,1.0,Negative,0.6508,None of the above,1.0,,olivlivlove,,1,,,"RT @TayKayPhillips: ""I didn't know how Hillary would spend her money but I gave it to her anyway... please give me the government"" #GOPDeba…",,2015-08-07 09:20:13 -0700,629688506500165632,, -3324,No candidate mentioned,0.6395,yes,1.0,Positive,1.0,None of the above,1.0,,AndreaTantaros,,14,,,About last night. Are you watching @OutnumberedFNC ? We got @ericbolling and all the good stuff from the #GOPDebate on a Friday!,,2015-08-07 09:20:13 -0700,629688506235944960,"NY, NY",Quito -3325,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JaysWorldLive,,0,,,"#GOPDebate #Republicans vs #Democrats is #fake like #wrestling, I mean sports entertainment...so we have political entertainment!",,2015-08-07 09:20:12 -0700,629688500837842944,"Tamap, FL",Eastern Time (US & Canada) -3326,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,michaelpleahy,,1,,,"Rush: ""most important thing"" in #GOPDebate ""Carly Fiorina - 'The Dem Party is undermining the very character of this nation ' "" #tcot",,2015-08-07 09:20:12 -0700,629688500196130816,"Nashville, TN",Central Time (US & Canada) -3327,Donald Trump,0.4257,yes,0.6525,Neutral,0.6525,None of the above,0.4257,,PartesanJournal,,0,,,@realDonaldTrump has never given me money either but I would take it..I would be stupid not to #GOPDebate #p2 #tcot,,2015-08-07 09:20:12 -0700,629688499701219329,GOD Help America!,Eastern Time (US & Canada) -3328,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Jobs and Economy,1.0,,taylormarsh,,0,,,"""We have not destroyed the economy"" begins Rush ""we didn't make this mess"" rant. Carly only one that aimed at Dems. #GOPDebate",,2015-08-07 09:20:11 -0700,629688498807812096,"Washington, D.C. area", -3329,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,jacksonswan,,0,,,"@Dance_Reader Tame reporting by the BBC. Must have been the best ""show"" on TV last night! Wish I'd seen it! #GOPdebate",,2015-08-07 09:20:11 -0700,629688498539360256,"London, UK", -3330,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,0.6739,,TitoTheBuilder,,0,,,@Reince you are an IDIOT and @realDonaldTrump is a Racist Nativist. We need a New Chairman.. you stink.. #GOPDebate #Trump2016,,2015-08-07 09:20:11 -0700,629688497096556544,"Dale City, VA",Eastern Time (US & Canada) -3331,Ted Cruz,0.6893,yes,1.0,Positive,1.0,None of the above,1.0,,muzikgeye,,0,,,"Re: the #GOPDebate--@DennisPrager: ""The 2 Hispanics [Cruz and Rubio] did the best.""",,2015-08-07 09:20:11 -0700,629688496634990592,near Los Angeles California,Pacific Time (US & Canada) -3332,Scott Walker,0.4325,yes,0.6577,Neutral,0.3309,Jobs and Economy,0.4325,,STL4Bernie,,18,,,"RT @SpudLovr: Under #Walker16, Wisconsin went from 11th to 35th in new jobs, wages fell 2.7%, state spending increased by 15% #GOPDebate #t…",,2015-08-07 09:20:10 -0700,629688492935622656,"St Louis, MO", -3333,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,0.6966,,starsfallover,,130,,,"RT @rachelheldevans: ""The purpose of the military is to kill people and break things."" - Seems like this would be really insulting to those…",,2015-08-07 09:20:10 -0700,629688492172382208,,Eastern Time (US & Canada) -3334,No candidate mentioned,1.0,yes,1.0,Negative,0.631,None of the above,1.0,,dhniels,,4,,,RT @ANOWRT: Trying to get over last night's debacle #GOPDebate,,2015-08-07 09:20:05 -0700,629688473264349184,"St George, UT",Mountain Time (US & Canada) -3335,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,Religion,0.4265,,danielwahlen,,1,,,"RT @chrishudsonjr: I just want to see a #GOPDebate where ""God"", ""American Dream"", and ""Ronald Reagan"" don't count as actual arguments.",,2015-08-07 09:20:05 -0700,629688471716786176,"Chattanooga, TN",Eastern Time (US & Canada) -3336,Donald Trump,0.6625,yes,1.0,Negative,1.0,None of the above,1.0,,SecondofGrace,,0,,,Hairball ended his clown campaign. Trump debating is like giving a loaded gun to a monkey. You watch only to see who gets shot. #GOPDebate,,2015-08-07 09:20:04 -0700,629688469569179648,, -3337,Ted Cruz,0.4902,yes,0.7002,Neutral,0.4902,None of the above,0.2451,,BossClaw,,531,,,"RT @FoxNews: ""Leading from behind is a disaster. We have abandoned and alienated our allies,"" says @tedcruz. #GOPDebate http://t.co/sgt6BCu…",,2015-08-07 09:20:03 -0700,629688465249046528,"GRUBERVILLE, USA", -3338,No candidate mentioned,1.0,yes,1.0,Positive,0.6678,None of the above,1.0,,seangogolin,,0,,,It may have been the #GOPDebate but @HillaryClinton was mentioned more times than any other candidate. Hillary FTW.,,2015-08-07 09:20:03 -0700,629688464733245440,"Columbus, OH", -3339,Donald Trump,1.0,yes,1.0,Positive,0.6932,None of the above,0.6705,,MikeandDawnNY,,0,,,@realDonaldTrump @megynkelly @bretbaier #GOPDebate Mods job is2 ask Qs we don't know answers 2 not bait & target a candidate #Trump2016,,2015-08-07 09:20:02 -0700,629688461486858240,"Brooklyn, NY",Eastern Time (US & Canada) -3340,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,1,,,"RT @Didikatz: @ZeitgeistGhost #GOPDebate last night clarified that it's not a clown car, it's a loony van of sociopaths.",,2015-08-07 09:20:01 -0700,629688456873181184,Norcal,Pacific Time (US & Canada) -3341,Donald Trump,1.0,yes,1.0,Negative,0.6595,None of the above,1.0,,lisapapp,,94,,,RT @goldengateblond: The one thing I've learned here is Donald Trump's co-stars on his new reality show don't seem to like him very much. #…,,2015-08-07 09:20:01 -0700,629688455509839873,"Bellingham, WA",Pacific Time (US & Canada) -3342,John Kasich,1.0,yes,1.0,Negative,0.6824,None of the above,1.0,,jeffklepper,,0,,,#gopdebate Made for great TV. If I was a Repub I'd want Kasich/Rubio (or Fiorina) but I'm not so I don't.,,2015-08-07 09:20:00 -0700,629688450355073024,Boston,Eastern Time (US & Canada) -3343,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.3261,None of the above,0.3974,,mehtatheory,,0,,,Drinking and watching the #GOPDebate is making Friday morning very difficult to get through.,,2015-08-07 09:19:59 -0700,629688445137367040,,Pacific Time (US & Canada) -3344,No candidate mentioned,0.4247,yes,0.6517,Neutral,0.3596,Abortion,0.2343,,Praedor,,50,,,"RT @TheBaxterBean: No #PlannedParenthood hasn't profited from selling baby parts, that was Mitt Romney #GOPDebate http://t.co/B8uo2Moeod ht…",,2015-08-07 09:19:58 -0700,629688444554485760,USA,Mountain Time (US & Canada) -3345,No candidate mentioned,0.4497,yes,0.6706,Negative,0.6706,None of the above,0.4497,,BlackPearlMoi,,1,,,"DeclarationOfIndependence mentions -3 Rights: -Life,Liberty&thePursuitOfHappiness. -#GOPDebate reveals denial4someOfUS! http://t.co/5QyKiPOinB",,2015-08-07 09:19:57 -0700,629688438187556864,Paradiso ,Atlantic Time (Canada) -3346,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Women's Issues (not abortion though),1.0,,LaMonica,,43,,,"RT @goldengateblond: They just brought up Planned Parenthood, thus introducing the ""no I'M more anti-woman"" portion of our program. #GOPDeb…",,2015-08-07 09:19:57 -0700,629688437050880000,Detroit,Eastern Time (US & Canada) -3347,No candidate mentioned,0.4028,yes,0.6347,Negative,0.6347,None of the above,0.4028,,terri_georgia,,103,,,RT @JohnFugelsang: These low-polling candidates are the only 1 percenters the GOP doesn't love. #gopdebate,,2015-08-07 09:19:56 -0700,629688434743988224,Georgia USA,Eastern Time (US & Canada) -3348,Ben Carson,0.7045,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.7045,,quarterflash14,,19,,,"RT @L_EdwinSaar: Dr Carson: Progressives depend on the ignorance of the American people. - -Said the man who compared Obamacare to slavery. …",,2015-08-07 09:19:56 -0700,629688432462139393,buckle of the bible belt, -3349,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,hawaiiluvstrump,,1,,,RT @DickMorrisTweet: Who Won The Debate? Dick Morris TV: Lunch Alert! http://t.co/4XvN7N5lv1 #GOPDebate #Election2016 @realDonaldTrump @ted…,,2015-08-07 09:19:55 -0700,629688429144477699,, -3350,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BustyMullet,,1,,,"RT @adelsbergerdan: After hearing the summary from the #GOPDebate last night, if a Republican wins the election, we're screwed",,2015-08-07 09:19:54 -0700,629688426267328512,Ohio, -3351,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LeGreatScott,,0,,,"Ted Cruz, born in Canada. Nobody say shit. This stuff is comical. #GOPDebate",,2015-08-07 09:19:54 -0700,629688426200068096,"Phoenix, AZ", -3352,No candidate mentioned,0.4456,yes,0.6675,Neutral,0.6675,None of the above,0.4456,,rebtschetter,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/NL6ppeA2bO via @theSkimm,,2015-08-07 09:19:53 -0700,629688420613406720,"Omaha, NE",Central Time (US & Canada) -3353,John Kasich,1.0,yes,1.0,Negative,0.6386,None of the above,1.0,,lorizellmill,,32,,,"RT @benshapiro: BTW, I cannot stand John Kasich. But he did well tonight. Which makes me slightly nauseous. #GOPDebate",,2015-08-07 09:19:52 -0700,629688417404649472,, -3354,Donald Trump,0.4444,yes,0.6667,Neutral,0.3548,None of the above,0.4444,,katie91187,,0,,,"Oh they are real and even have the same hair, sorta. They are all @realDonaldTrump -#GOPDebate https://t.co/mTQdsDGPEb",,2015-08-07 09:19:52 -0700,629688417186643969,NYFP, -3355,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6629,,Wolfrum,,8,,,"It seems that the #GOPDebate was kinda dull cause candidates being plain ol' racist, sexist warmongers just doesn't do it anymore.",,2015-08-07 09:19:52 -0700,629688416943349760,Brazil,Santiago -3356,Ben Carson,1.0,yes,1.0,Negative,0.6685,None of the above,1.0,,Freedom4Dummies,,182,,,RT @AnneBayefsky: .@RealBenCarson: I’m the only one to take out half a brain but if you look at Washington you might think somebody beat me…,,2015-08-07 09:19:50 -0700,629688410962309120,, -3357,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KW2Kenai,,0,,,I'm pretty sure that Megan KKKelly had the biggest fake eyelashes ever at any #gopDebate.,,2015-08-07 09:19:49 -0700,629688406969352196,"Gulf Coast, Florida",Eastern Time (US & Canada) -3358,No candidate mentioned,1.0,yes,1.0,Neutral,0.6562,FOX News or Moderators,0.6562,,algcolvin,,0,,,"With #CarlyFiorina making positive name for herself in the #GOPDebate, #HillaryClinton is certain to self destruct! https://t.co/di7m31RFIY",,2015-08-07 09:19:49 -0700,629688406117863424,United States of America, -3359,Donald Trump,0.4181,yes,0.6466,Positive,0.3534,None of the above,0.4181,,hellojoshpaul,,0,,,If you are one to complain about America's corrupt 2 party system - you better not complain about Trump's threat last night #Vote #GOPDebate,,2015-08-07 09:19:49 -0700,629688404528119808,"California, USA",PDT -3360,No candidate mentioned,0.449,yes,0.6701,Negative,0.3402,FOX News or Moderators,0.228,,ButteredLoaf,,0,,,"Intern on #GOPDebate: ""this lady kept asking questions about gay rights and lesbians and women's rights. It was ridiculous.""",,2015-08-07 09:19:48 -0700,629688401902632960,,Eastern Time (US & Canada) -3361,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,TheAngryMailGuy,,1,,,RT @SpacePlankton: I really hope Shelli gets evicted then they announce a twist that brings Jason back. #GOPDebate,,2015-08-07 09:19:47 -0700,629688396718428160,"Monroeville, IN",Eastern Time (US & Canada) -3362,No candidate mentioned,0.6413,yes,1.0,Neutral,1.0,None of the above,1.0,,iphooey,,1,,,RT @kwdayboise: Fact checking the GOP candidates' statements in debate http://t.co/QjssdIkKPD via @NewsHour #GOPDebate,,2015-08-07 09:19:47 -0700,629688395489484800,USA,Central Time (US & Canada) -3363,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TheWorldsFrates,,1,,,We Watched The Debate With A Bunch Of Conservative Activists. Here's How They Reacted #GOPDebate http://t.co/Ug21fI5FcE via @dailycaller,,2015-08-07 09:19:46 -0700,629688393027428352,"Washington, D.C.",Eastern Time (US & Canada) -3364,Ben Carson,1.0,yes,1.0,Negative,0.6559,Racial issues,0.6559,,lawhornx,,1398,,,RT @deray: Ben Carson essentially just said race doesn't matter. #GOPDebate,,2015-08-07 09:19:43 -0700,629688382109581312,"San Diego, CA",Pacific Time (US & Canada) -3365,Donald Trump,0.4085,yes,0.6392,Negative,0.6392,FOX News or Moderators,0.4085,,LupusVernula,,0,,,"So,@realDonaldTrump is now whining because questions posed were not fair. #whinybaby #notpresidential #GOPDebate",,2015-08-07 09:19:42 -0700,629688377705562112,"Seattle, WA",Pacific Time (US & Canada) -3366,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,ckalapala,,0,,,.@realDonaldTrump might've shot himself in the foot losing the support of women with this behavior http://t.co/JA96Jes4oU #GOPDebate,,2015-08-07 09:19:42 -0700,629688377676136448,Earth,Central Time (US & Canada) -3367,,0.2347,yes,0.6237,Negative,0.6237,LGBT issues,0.3889,,helpmenow12,,0,,,@ThePhoenixSun a gay wedding is not a wedding #gopdebate http://t.co/0Vw7ht3uO2,,2015-08-07 09:19:42 -0700,629688374820012032,, -3368,No candidate mentioned,0.3627,yes,0.6023,Neutral,0.6023,None of the above,0.3627,,SaraTaylr,,0,,,I made a good choice #Rectify over the #GOPDebate...#priorities,,2015-08-07 09:19:42 -0700,629688374790483968,KC and Mile High , -3369,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,laprofe63,,3,,,RT @johnlundin: 17 Funniest Tweets on #GOPDebate Failing to Even Mention Climate Change http://t.co/CxOXwPA3j0 #climate,,2015-08-07 09:19:42 -0700,629688374035484673,Chicagoland #USA via #NYC ,Central Time (US & Canada) -3370,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,bongtassstic,,0,,,is there any way I can watch the whole debate from last night?? #help #GOPDebate,,2015-08-07 09:19:40 -0700,629688367249108992,, -3371,Donald Trump,0.4074,yes,0.6383,Neutral,0.3511,,0.2309,,Wisco,,0,,,Trump whines about tough questions; 'Megyn behaved very nasty to me' http://t.co/jylEVqSzRr #GOPDebate #Election2016,,2015-08-07 09:19:39 -0700,629688363176587264,"Wisconsin, US",Central Time (US & Canada) -3372,Rand Paul,1.0,yes,1.0,Neutral,0.6801,Jobs and Economy,0.6801,,Lady_Battle,,0,,,"""We cannot give away money we don't have"" @RandPaul #ThingsThatShouldBeBasicLogic #GOPDebate",,2015-08-07 09:19:37 -0700,629688353450000384,Minnesota,Central Time (US & Canada) -3373,Donald Trump,1.0,yes,1.0,Negative,0.6552,Immigration,0.6897,,giocrafted,,2,,,"RT @hiphughes: ""America is stupid. Mexico is really smart. Elect me or you're stupid too."" ~Donald Trump #GOPDebate",,2015-08-07 09:19:36 -0700,629688350832730112,"NY, baby ✌️", -3374,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ParodyKing,,0,,,@realDonaldTrump is a breath of fresh air but increasingly careless and generic. Long road to the #WhiteHouse; could get stale #GOPDebate,,2015-08-07 09:19:36 -0700,629688349800816641,,Pacific Time (US & Canada) -3375,Donald Trump,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,ethansimmons111,,0,,,.@realDonaldTrump: Now some of the people you would least expect are calling me up and apologizing. #Hannity #GOPDebate,,2015-08-07 09:19:36 -0700,629688348609761280,, -3376,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Kerryepp,,7,,,A debate should be between 2 candidates. Not between a candidate and a moderator. The moderators should be time keepers only. #GOPDebate,,2015-08-07 09:19:35 -0700,629688346625880064,,Central Time (US & Canada) -3377,Donald Trump,0.6458,yes,1.0,Negative,0.7083,None of the above,1.0,,zachary_weeden,,4,,,"RT @bree_mars: So about that ""pledge""...I'll just leave this right here. @realDonaldTrump @RandPaul @RonPaul @DanScavino #GOPDebate http://…",,2015-08-07 09:19:34 -0700,629688342620319744,"Connecticut, USA", -3378,Donald Trump,0.4682,yes,0.6843,Negative,0.6843,None of the above,0.4682,,BamaStephen,,0,,,"Donald #Trump: great television, horrible statesmanship. @realDonaldTrump #GOPDebate And don't call me a ""hater"" because I am not. #Sad",,2015-08-07 09:19:33 -0700,629688336798486529,Alabama ,Central Time (US & Canada) -3379,Donald Trump,1.0,yes,1.0,Positive,0.6889,FOX News or Moderators,0.6889,,mortalcassie,,0,,,I am not the biggest @megynkelly fan in the world. (Or Fox in general) but I really enjoyed her question to Trump about women #GOPDebate,,2015-08-07 09:19:32 -0700,629688332885323776,724,Eastern Time (US & Canada) -3380,Ben Carson,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,annemargaretj,,0,,,@RealBenCarson was my early favourite until he compared taxes to tithing. Keep religion out it out dude! #GOPDebate,,2015-08-07 09:19:30 -0700,629688325247516673,"Breslau, Ontario ", -3381,No candidate mentioned,0.6448,yes,1.0,Negative,1.0,Religion,1.0,,mayapilbrow,,0,,,#GOPDebate @RandPaul so when 'the government tries to invade the church' there's an issue but not when religion invades politics?,,2015-08-07 09:19:28 -0700,629688317932519424,your actual anus,Hawaii -3382,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6771,,JeetendrSehdev,,26,,,Political debates teach marketers how not to message to audiences today. Be direct don't deflect! #GOPDebate @OrlandoDish @KeenaMcGee,,2015-08-07 09:19:26 -0700,629688307304116224,Los Angeles,Pacific Time (US & Canada) -3383,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6413,,Frankie_da_pug,,0,,,"The ""If we knew what we know now"" Q's regarding #IRAQ are idiotic as they are insulting to all of the #veterans who served there! #GOPDebate",,2015-08-07 09:19:26 -0700,629688306704482304,Under your feet , -3384,No candidate mentioned,1.0,yes,1.0,Negative,0.6948,Women's Issues (not abortion though),0.6532,,OutSideDBox1,,1,,,@Livestream #GOPDebate most important of all Republicans will not get the Womens vote not even if they beg for it http://t.co/iovVW90aaX,,2015-08-07 09:19:23 -0700,629688296231292928,"New York, USA", -3385,No candidate mentioned,0.434,yes,0.6588,Negative,0.3412,None of the above,0.434,,colmant_,,2,,,"RT @scarylawyerguy: We had a chance to secure Social Security surplus in 2000, but media decided they wanted to hang w/W instead of fact ch…",,2015-08-07 09:19:21 -0700,629688289684025344,USA,Atlantic Time (Canada) -3386,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,None of the above,0.465,,robertore62,,0,,,RT @NeinQuarterly:My only complaint with the political culture of the present: the politics. The culture. And the present. #GOPDebate,,2015-08-07 09:19:21 -0700,629688289012895745,"Milano +45.465556°, +9.190000°",Rome -3387,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,RickLRoss,,1,,,RT @Cjlewis99: @FoxNews moderators took up 32% of the air time. Guess who else got most the time? #GOPDebate #FoxDebate http://t.co/IZJ1N7a…,,2015-08-07 09:19:21 -0700,629688286362140678,, -3388,Chris Christie,1.0,yes,1.0,Negative,0.6824,None of the above,0.6706,,dhniels,,1,,,You know who @ChrisChristie was giving hugs to? THE FAMILIES OF PEARL HARBOR VICTIMS #GOPDebate,,2015-08-07 09:19:21 -0700,629688286009671680,"St George, UT",Mountain Time (US & Canada) -3389,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,robertore62,,0,,,RT @NeinQuarterly:De Tocqueville has left the building. #GOPDebate,,2015-08-07 09:19:20 -0700,629688284613079040,"Milano +45.465556°, +9.190000°",Rome -3390,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3636,None of the above,0.4495,,CaliKopczick,,1,,,RT @picsofmattdamon: Oh ho ho. A scene where #kieraknightley talks emotionally to some guy in the rain. #GOPDebate #cliche #WhitePrivilege,,2015-08-07 09:19:19 -0700,629688278069850112,,Pacific Time (US & Canada) -3391,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3542,FOX News or Moderators,0.4444,,OneBetterDay,,0,,,The Fox News moderators got 31% of the airtime last night #GOPDebate. With Megyn Kelly getting the most. That's not a surprise,,2015-08-07 09:19:19 -0700,629688277646331904,Mid Atlantic,Eastern Time (US & Canada) -3392,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,uncleblabby,,2,,,"RT @FCAlexB: @WSJ ""tonight's attendance is 62 people for the JV Game"" #GOPDebate",,2015-08-07 09:19:18 -0700,629688275800731648,Beverly IL USA, -3393,No candidate mentioned,1.0,yes,1.0,Negative,0.7035,None of the above,1.0,,ro_Beamon,,0,,,How can the candidates not mention any veteran issues besides firing VA Personal. Veteran homelessness in America is a disgrace #GOPDebate,,2015-08-07 09:19:17 -0700,629688269580705792,Connecticut,America/New_York -3394,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ken_qm,,134,,,RT @deray: I hadn't heard Jeb speak for an extended period of time until tonight. I thought that he would be a better speaker. He isn't. #G…,,2015-08-07 09:19:17 -0700,629688269555503105,, -3395,Donald Trump,0.65,yes,1.0,Neutral,0.6847,None of the above,1.0,,TCPalm,,2,,,"RT @DaciaLJohnson: So, who do you think won the #GOPDebate? So far @TCPalm polls shows @realDonaldTrump at 50%: http://t.co/4atgYTWh8T http…",,2015-08-07 09:19:17 -0700,629688269249212417,Treasure Coast of Florida,Eastern Time (US & Canada) -3396,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.64,,Hardline_Stance,,3,,,FOX #GOPDebate drew 10 million viewers. No Democrat primary debate has ever attracted anything like this...-- Rush,,2015-08-07 09:19:15 -0700,629688264451063808,atop a liberal's vagus nerve,Eastern Time (US & Canada) -3397,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Didikatz,,1,,,"@ZeitgeistGhost #GOPDebate last night clarified that it's not a clown car, it's a loony van of sociopaths.",,2015-08-07 09:19:15 -0700,629688261837873152,,Pacific Time (US & Canada) -3398,Donald Trump,1.0,yes,1.0,Negative,1.0,Religion,0.6517,,AlizehPirali,,3,,,RT @michelleeeers: It's really hard to believe Donald Trump wasn't created by God as a work of satire #GOPDebate,,2015-08-07 09:19:15 -0700,629688260684427264,"Sugar Land, Texas",Central Time (US & Canada) -3399,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,CaitMoore13,,594,,,"RT @kumailn: When Dr. Doom takes his mask off, it could be any of these people underneath. #GOPDebate",,2015-08-07 09:19:14 -0700,629688259208065024,Illinois,Eastern Time (US & Canada) -3400,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,magicnorman,,0,,,I wish we could see Kasich vs #BernieSanders for the presidency. The actual issues & ideas might come out. #GOPDebate Didn't watch it.,,2015-08-07 09:19:12 -0700,629688249703727104,"Denver, CO", -3401,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,LOrion,,2,,,"HOOT! LOOKY THIS.. huh last I heard neither Clinton nor Sanders was part of #GOPdebate - RT @davidbadash: Today’s... http://t.co/hf76cKlBpQ",,2015-08-07 09:19:11 -0700,629688247569002496,California ,Pacific Time (US & Canada) -3402,Donald Trump,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,slopokejohn,,3,,,RT @kyaecker: Love to hear an apology from @megynkelly to @realDonaldTrump for dragging the debate into the toilet #gopdebate,,2015-08-07 09:19:11 -0700,629688246918709248,All 48 states, -3403,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,owdharry,,2,,,RT @barefootpagan: Gonna call it a night & think of peaceful thoughts to erase the #GOPDebate from my mind. Blessed Be. http://t.co/pDI5czn…,,2015-08-07 09:19:11 -0700,629688245182459904,,Hawaii -3404,Ben Carson,1.0,yes,1.0,Positive,0.6374,None of the above,0.6374,,Sarah_May0,,0,,,@RealBenCarson said a mouthful. #RunBenRun #Carson2016 #GOPDebate http://t.co/rpQo4SQBTo,,2015-08-07 09:19:11 -0700,629688244339408896,, -3405,No candidate mentioned,0.3964,yes,0.6296,Neutral,0.6296,None of the above,0.3964,,TCPalm,,1,,,RT @TCPalmKGardner: Who told the truth and whose pants are on fire from last night's #GOPDebate? http://t.co/WhLKEkq2FM …,,2015-08-07 09:19:10 -0700,629688243034812416,Treasure Coast of Florida,Eastern Time (US & Canada) -3406,No candidate mentioned,1.0,yes,1.0,Neutral,0.6364,Religion,0.6932,,__ranishanicole,,436,,,RT @goldietaylor: And now a word from God... #GOPDebate http://t.co/VkGvYttwtK,,2015-08-07 09:19:10 -0700,629688240191221760,,Atlantic Time (Canada) -3407,Donald Trump,0.6907,yes,1.0,Negative,0.6907,None of the above,0.6495,,RealFriscoKid,,0,,,"@moe67 Oh I'm sure it did. Headlines this morning ""#GOPDebate winners weren't #Trump or Jeb"" Shocker Boring BB show w Derrick #BB17",,2015-08-07 09:19:09 -0700,629688238265929729,"Frisco, Texas",Central Time (US & Canada) -3408,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kwdayboise,,1,,,Fact checking the GOP candidates' statements in debate http://t.co/QjssdIkKPD via @NewsHour #GOPDebate,,2015-08-07 09:19:04 -0700,629688215897661440,"Boise, ID",Mountain Time (US & Canada) -3409,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,LindaC528,,133,,,RT @kevantrich: @mtaibbi the pimp lobby is NOT happy #GOPDebate http://t.co/k8Gj8apqu7,,2015-08-07 09:19:04 -0700,629688215444721665,S.W. Chicago suburbs,Central Time (US & Canada) -3410,No candidate mentioned,1.0,yes,1.0,Negative,0.6917,None of the above,1.0,,jtcorrigan,,0,,,"The #GOPDebate staging evoked ""Seasons of Love"" from ""Rent,"" says @CharlesMcNulty. More: http://t.co/bCpJvfxccB",,2015-08-07 09:19:03 -0700,629688214257692672,Los Angeles,Pacific Time (US & Canada) -3411,No candidate mentioned,0.442,yes,0.6649,Negative,0.6649,Racial issues,0.442,,ArrogantDemon,,20,,,"RT @LailaLalami: Aaaand systemic racism is ""all about training."" Time for a commercial. #GOPDebate",,2015-08-07 09:19:03 -0700,629688212588523520,"LexCorp Towers, Metropolis",Eastern Time (US & Canada) -3412,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SimSoph,,0,,,Could @FoxNews be any more blatant about their dislike for @realDonaldTrump? I dislike him BUT this was an uneven playing field.#GOPDebate,,2015-08-07 09:19:03 -0700,629688212231995393,, -3413,No candidate mentioned,1.0,yes,1.0,Neutral,0.6453,None of the above,1.0,,mmarxen,,0,,,RT @HuffPostLive: Last night's #GOPDebate in a nutshell. http://t.co/dyyuTjv1ji,,2015-08-07 09:19:03 -0700,629688210159964160,NC, -3414,Rand Paul,1.0,yes,1.0,Negative,0.6413,None of the above,1.0,,terri_georgia,,62,,,RT @JohnFugelsang: Tonight I am live-heckling #GOPDebate with @FrankConniff and @MykaFox at @QEDAstoria and we are sold out like Rand Paul.,,2015-08-07 09:19:02 -0700,629688208222224384,Georgia USA,Eastern Time (US & Canada) -3415,No candidate mentioned,1.0,yes,1.0,Negative,0.6845,None of the above,1.0,,tymekz187,,0,,,Didn't watch a nanosecond. #GOPDebate 💩,,2015-08-07 09:19:00 -0700,629688198092967936,NYC,Quito -3416,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6706,,Karasticks,,74,,,"RT @feministabulous: Remember when Trump didn't apologize for calling women ""'fat pigs"" ""dogs"" and ""disgusting animals""? -http://t.co/QgwM5…",,2015-08-07 09:18:59 -0700,629688197572894720,"Albuquerque, New Mexico",Mountain Time (US & Canada) -3417,Ben Carson,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6882,,AndrewHClark,,9,,,".@GayPatriot's takeaway from last night: ""America Doesn't Deserve Ben Carson."" http://t.co/kjGFYYpcTe #GOPDebate",,2015-08-07 09:18:59 -0700,629688194972323840,"Washington, DC",Eastern Time (US & Canada) -3418,Ted Cruz,1.0,yes,1.0,Negative,0.6606,None of the above,0.6497,,DaTechGuyblog,,0,,,Advice to #GOP candidates in the order they finished 7th place Ted Cruz more of same take more of the clock time #gopdebate #tcot #p2,,2015-08-07 09:18:59 -0700,629688194930487296,Central massachusetts,Eastern Time (US & Canada) -3419,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Larry_UMN,,1,,,"RT @Pie_SocialMedia: At the #GOPDebate , #walker16 #scottwalker never gained momentum. Dead last. #epicfail #collegedropout #fraud https://…",,2015-08-07 09:18:59 -0700,629688194347368449,,Central Time (US & Canada) -3420,No candidate mentioned,0.4146,yes,0.6439,Neutral,0.3247,None of the above,0.4146,,InkpotGames,,0,,,"Definitely Off Topic: - -Watched the #GOPDebate last night and was thoroughly entertained.",,2015-08-07 09:18:59 -0700,629688193512681472,"Saint Louis, MO", -3421,Rand Paul,0.6733,yes,1.0,Negative,0.6535,None of the above,1.0,,seasicksiren,,0,,,@RandPaul totally pulled a Leeroy Jenkins last night at the #GOPdebate charging in against @realDonaldTrump and had similar results. #WoW,,2015-08-07 09:18:58 -0700,629688192396980224,,Pacific Time (US & Canada) -3422,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bethpariseau,,1,,,"#FF -Best source for what's going on in US Senate: @SenTomCotton -Best commentary: @BuckSexton -Best #GOPDebate performance: @CarlyFiorina",,2015-08-07 09:18:56 -0700,629688183266021376,Northwest Arkansas,Pacific Time (US & Canada) -3423,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6939,,Professor_D,,0,,,.@instagram Y’all taking down the @DreamDefenders account for criticizing the #GOPDebate is some bullshit.,,2015-08-07 09:18:53 -0700,629688172297883649,Somewhere around Austin,Central Time (US & Canada) -3424,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,robjones3030,,0,,,Watching FOX #GOPDebate (?) was like watching a football game where every time the ball is hiked... the refs all dogpile the same player.,,2015-08-07 09:18:53 -0700,629688171475955713,A bit outside of Ft Worth,Central Time (US & Canada) -3425,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KellyM716,,0,,,Watched the #GOPDebate with my political buddy. #daddy ❤🐘 http://t.co/dqr7LjEwNu,,2015-08-07 09:18:53 -0700,629688169487839232,,Eastern Time (US & Canada) -3426,Marco Rubio,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,Jobs and Economy,0.4707,,nickjcmw,,170,,,"RT @TheDemocrats: Marco Rubio’s tax plan is pure 80s: -↑ taxes for working families -↓ taxes for those at the top. -#OMGOP #GOPDebate http:…",,2015-08-07 09:18:53 -0700,629688169399721984,, -3427,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,GHalv,,0,,,Yep… And it ain't pretty -- Hillary is loving life. #GOPDebate https://t.co/TrumOOJA4G,,2015-08-07 09:18:53 -0700,629688168791457792,"Nashville, Tennessee",Central Time (US & Canada) -3428,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7097,,DalekTucker,,0,,,FOR SHIT'S SAKE... TURN ON THE TV AND IT WAS STILL ON FOX FROM THE #GOPDebate AND ALL I SEE IS PEOPLE GOBBLING @realDonaldTrump 'S KNOB.,,2015-08-07 09:18:52 -0700,629688167667384320,, -3429,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BikerBecca,,0,,,@Reince - That's because we all came for the laughs and bat shit crazy comments. #GOPDebate,,2015-08-07 09:18:52 -0700,629688164106407936,San Francisco,Pacific Time (US & Canada) -3430,Ted Cruz,1.0,yes,1.0,Neutral,0.3477,Foreign Policy,0.6754,,rcadyn,,27,,,"RT @danholler: Cruz hit unconstitutional executive actions, #PlannedParenthood, religious liberty and Iran deal in final answer. #GOPDebate",,2015-08-07 09:18:51 -0700,629688160939823104,, -3431,No candidate mentioned,0.4398,yes,0.6632,Neutral,0.6632,None of the above,0.4398,,LambasixX,,0,,,Countries in Africa RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:18:50 -0700,629688159757058048,DOPECITY HD,London -3432,Rand Paul,0.4259,yes,0.6526,Neutral,0.3474,None of the above,0.4259,,Al_Nimer,,1,,,RT @jerrydoyle: Dust up between @RandPaul and @ChrisChristie at the #GOPDebate over #NSA http://t.co/EZMufRVHhQ Christie won when Paul brou…,,2015-08-07 09:18:50 -0700,629688159618531328,"DFW, Texas",Central Time (US & Canada) -3433,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,borsato79,,2,,,"RT @HellBlazeRaiser: @FoxNews @megynkelly @BretBaier court @realDonaldTrump to boost their ratings, but try to undermine him at the #GOPDeb…",,2015-08-07 09:18:50 -0700,629688158687490048,, -3434,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3905,,william4manu,,4,,,RT @TheXclass: #GOPDebate taught us that it's OK to buy Democracy and sacrifice Other Peoples Kids in WAR! to make the whole thing profitab…,,2015-08-07 09:18:50 -0700,629688155822686208,United States of America, -3435,Ted Cruz,1.0,yes,1.0,Positive,0.6786,None of the above,0.6786,,KastonHall,,219,,,"RT @DLoesch: Cruz, Rubio led the night tonight. #GOPDebate",,2015-08-07 09:18:49 -0700,629688155558514688,"Macon,Georgia",Eastern Time (US & Canada) -3436,No candidate mentioned,1.0,yes,1.0,Neutral,0.7059,None of the above,0.6471,,Cromwell_MM,,57,,,"RT @kristina_schake: .@jmpalmieri: ""Hillary Clinton wasn't on the stage, but we think she was the clear winner."" #GOPDebate http://t.co/SLz…",,2015-08-07 09:18:48 -0700,629688147576631296,Melbourne,Melbourne -3437,No candidate mentioned,1.0,yes,1.0,Negative,0.6472,Women's Issues (not abortion though),1.0,,kehl_7,,0,,,Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/YUikaXrvtV,,2015-08-07 09:18:47 -0700,629688145202835456,, -3438,No candidate mentioned,0.49,yes,0.7,Negative,0.3667,None of the above,0.49,,FreedomJames7,,8,,,"Who Wants A Hug? -#GOPDebate http://t.co/iaTS8vyx7c",,2015-08-07 09:18:47 -0700,629688145173454848,, -3439,No candidate mentioned,0.3923,yes,0.6264,Positive,0.3297,,0.23399999999999999,,Lydia4Liberty,,0,,,#GOPDebate moderated by @foxnews was our chance to ask questions the right cares about not what left is concerned with @IngrahamAngle 2/2,,2015-08-07 09:18:46 -0700,629688140622614528,USA,Central Time (US & Canada) -3440,No candidate mentioned,1.0,yes,1.0,Neutral,0.6842,None of the above,0.6842,,TheTrianoKid,,129,,,"RT @RickSantorum: ""I'm going to take a blowtorch to the I.R.S."" -@RickSantorum #GOPDebate",,2015-08-07 09:18:46 -0700,629688140521938945,GP | Allendale | ,Quito -3441,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6717,,BrucePurple,,1,,,RT @SalenaZitoTrib: Thanks @BrucePurple @DaneStrother @ChipFelkel for your input on @OffRoadPolitics on #GOPDebate http://t.co/6OFOA0Hqpa h…,,2015-08-07 09:18:45 -0700,629688137942499328,"Washington, DC",Eastern Time (US & Canada) -3442,Donald Trump,1.0,yes,1.0,Neutral,0.6413,Immigration,0.6629999999999999,,ThePhoenixSun,,0,,,Donald #Trump visited the border. John #Kasich attended a gay wedding. Q: Which man is braver? #GOPDebate #LowBar,,2015-08-07 09:18:42 -0700,629688126227656705,"Phoenix, AZ, USA",Pacific Time (US & Canada) -3443,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6354,,Rumel,,6,,,"RT @JenniLathrop: ""American exceptionalism"" is NOT theology. #GOPDebate",,2015-08-07 09:18:42 -0700,629688125183258624,Lincoln/Omaha,Central Time (US & Canada) -3444,Donald Trump,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,freestyldesign,,0,,,"Trump tanked, so you ignore every single other candidate?? #txot #ccot #GOPDebate",,2015-08-07 09:18:42 -0700,629688125019652096,Seattle WA USA,Pacific Time (US & Canada) -3445,No candidate mentioned,1.0,yes,1.0,Neutral,0.3407,None of the above,1.0,,LoraRae,,0,,,Watching the #GOPDebate again. If you vote in this primary... listen to the quiet smart people instead of the loud people. Please. Bah.,,2015-08-07 09:18:42 -0700,629688124361342976,The Big Apple,Eastern Time (US & Canada) -3446,No candidate mentioned,0.4654,yes,0.6822,Positive,0.245,None of the above,0.245,,Smithstoreithsv,,60,,,RT @MolonLabe1776us: Retweet if you think @HillaryClinton should be in PRISON. #Benghazi #Tcot #rednationrising #wakeupamerica #GOPDebate h…,,2015-08-07 09:18:41 -0700,629688121869889536, Alabama, -3447,No candidate mentioned,0.4502,yes,0.6709,Neutral,0.6709,None of the above,0.4502,,LambasixX,,0,,,I've got ma brand RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:18:41 -0700,629688120808742913,DOPECITY HD,London -3448,,0.2287,yes,0.6458,Negative,0.6458,Women's Issues (not abortion though),0.4171,,dariasolo,,0,,,"That's a good way to dispel sexism charges for sure, calling a female journalist a bimbo. #GOPDebate https://t.co/HARNfFYfdm",,2015-08-07 09:18:41 -0700,629688118099079169,UAE,Eastern Time (US & Canada) -3449,Ben Carson,0.6859999999999999,yes,1.0,Positive,1.0,None of the above,0.6628,,smoothblinkrule,,1,,,RT @NathanHaynes24: @FoxNews after last night's #GOPDebate @RealBenCarson @GovMikeHuckabee have emerged as my top two,,2015-08-07 09:18:40 -0700,629688113816731648,"Florida, USA",Pacific Time (US & Canada) -3450,Ted Cruz,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,USAforTedCruz,,0,,,Ted Cruz with Sean Hannity After the #GOPDebate http://t.co/uIAoTVyd8Z,,2015-08-07 09:18:38 -0700,629688108989198336,, -3451,No candidate mentioned,1.0,yes,1.0,Negative,0.6776,Women's Issues (not abortion though),0.6776,,NinaSPakdi,,0,,,Treating women like human beings isn't political correctness. #GOPDebate,,2015-08-07 09:18:38 -0700,629688107173052420,"Philadelphia, PA", -3452,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.3068,,0.2371,,palmaceiahome1,,6,,,"Rush Limbaugh ""Fox News made the debate seem like there is a Republican war on women."" #EpicFail #FoxNews #GOPDebate",,2015-08-07 09:18:38 -0700,629688107139526656,,Quito -3453,No candidate mentioned,0.4282,yes,0.6544,Neutral,0.6544,None of the above,0.4282,,KdubTheBlock,,0,,,IceCube 4 President!!! 😉@DonnieWahlberg: I love seeing the #StraightOuttaCompton movie preview during the #GOPDebate!,,2015-08-07 09:18:37 -0700,629688104060874752,DubCity,Eastern Time (US & Canada) -3454,No candidate mentioned,0.4085,yes,0.6392,Neutral,0.6392,,0.2306,,solvo471,,0,,,@OutnumberedFNC mentioned @ericbolling likes his #titosvodka and soda. Excellent choice for #GOPDebate watching.,,2015-08-07 09:18:36 -0700,629688096963952640,"San Francisco, CA", -3455,Ben Carson,1.0,yes,1.0,Neutral,0.6336,Racial issues,0.6978,,ArrogantDemon,,22,,,"RT @rodimusprime: Ben Carson is all these candidates ""black friend"" they not actually listening to him but they are being so civil towards …",,2015-08-07 09:18:35 -0700,629688094346870784,"LexCorp Towers, Metropolis",Eastern Time (US & Canada) -3456,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Texastiger89,,1,,,RT @Couranto: Rush now mocking Megyn Kelly as self serving & narcissistic. #KellyFile #GOPDebate #FOXDebate,,2015-08-07 09:18:35 -0700,629688093533061120,"Houston, Texas",Central Time (US & Canada) -3457,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NanceBonita,,8,,,RT @JeneralPR: Now! @ninaturner on @hardball with Chris Matthews discussing #GOPDebate http://t.co/08I67jQo7g,,2015-08-07 09:18:34 -0700,629688090962075648,north carolina, -3458,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6701,,sweetsabina,,61,,,RT @benshapiro: This is the worst episode of Fox & Friends ever. #GOPDebate,,2015-08-07 09:18:33 -0700,629688088466485252,,Hawaii -3459,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Healthcare (including Medicare),1.0,,stourmy,,2,,,RT @EliseVess: Healthcare used to be unavailable to low income people. The affordable care act isn't stealing it's healing. #GOPDebate,,2015-08-07 09:18:33 -0700,629688087594037249,northeast usa,Quito -3460,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,Religion,0.4492,,Gwain,,0,,,#GOPDebate - Watching Pataki talk about taking on radical Islam. Wonder if he'd do the same against radical Christianity...#NotReally,,2015-08-07 09:18:33 -0700,629688087367421953,"Seattle, WA",Pacific Time (US & Canada) -3461,No candidate mentioned,1.0,yes,1.0,Neutral,0.6297,None of the above,1.0,,j_g_williamson,,419,,,RT @rachelhills: .@HillaryClinton to the Republicans: #GOPDebate http://t.co/z71BjpCpaq,,2015-08-07 09:18:33 -0700,629688084360138752,,Eastern Time (US & Canada) -3462,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6778,,smoothblink_pcs,,8,,,RT @FMJAmerican: Megyn Kelly Chris Wallace and Brett Bair were no doubt posing questions to incite attacks and drama..and it backfired #GOP…,,2015-08-07 09:18:32 -0700,629688081881239552,United States,Pacific Time (US & Canada) -3463,No candidate mentioned,1.0,yes,1.0,Negative,0.7056,FOX News or Moderators,0.653,,Roxsett27573,,1,,,Why is #outnumbered trying to make the #GOPDebate more exciting than it was? @foxnews has all shows promoting the weak debate. #outnumbered,,2015-08-07 09:18:31 -0700,629688079914151936,"North Carolina, USA",Eastern Time (US & Canada) -3464,Donald Trump,0.48100000000000004,yes,0.6936,Negative,0.6936,None of the above,0.48100000000000004,,bjankord,,0,,,Waiting for the internet to do a mash-up of @realDonaldTrump's #GOPDebate highlights & @RaeSremmurd's Up Like Trump: https://t.co/sZQBYrQwwz,,2015-08-07 09:18:31 -0700,629688079670886400,"Olathe, KS",Central Time (US & Canada) -3465,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,Women's Issues (not abortion though),0.4545,,arnab156,,0,,,"Donna Brazile saying ""They offered testosterone with a bit of Tabasco."" Isnt this sexist too? Bad comment. #GOPDebate #donnabrazile",,2015-08-07 09:18:30 -0700,629688075493449729,, -3466,No candidate mentioned,1.0,yes,1.0,Negative,0.6907,None of the above,0.6907,,mrnick107,,0,,,The winner of the GOP debate was ... Hillary Clinton! #GOPDebate,,2015-08-07 09:18:30 -0700,629688075283775489,, -3467,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mulder24,,0,,,"Megyn Kelly played the Female Card. It added nothing to the debate. -#GOPDebate https://t.co/749kiiiO2A",,2015-08-07 09:18:28 -0700,629688065741582336,Texas,Central Time (US & Canada) -3468,Ben Carson,1.0,yes,1.0,Positive,0.6649,None of the above,1.0,,HannahLeeRogers,,0,,,Wondering how the day after the #GOPDebate is going? I've ordered Dominos and read through my watch party swag: http://t.co/NQqXm33AEr,,2015-08-07 09:18:28 -0700,629688065477361665,,Central Time (US & Canada) -3469,No candidate mentioned,0.4293,yes,0.6552,Negative,0.6552,Racial issues,0.2259,,tomgreen1959,,47,,,RT @Bidenshairplugs: American kids of European ancestry are among the smartest kids in the world. Our problem is we are importing third wor…,,2015-08-07 09:18:28 -0700,629688065468948480,, -3470,No candidate mentioned,1.0,yes,1.0,Negative,0.6503,Jobs and Economy,0.3606,,taylormarsh,,0,,,But the sound bite Rush Limbaugh played was @CarlyFiorina on Hillary Clinton. #GOPDebate Carly: Democrat party is undermining US fabric.,,2015-08-07 09:18:28 -0700,629688065406160897,"Washington, D.C. area", -3471,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,PFunkZillaZilla,,0,,,Candidates who argue folks opposed to abortion shouldn't have to tax fund PP are gonna be mad when I tax veto this Mexico wall #GOPDebate,,2015-08-07 09:18:27 -0700,629688059622256640,,Eastern Time (US & Canada) -3472,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6582,,heneghanp,,0,,,The fact that several #GOPDebate-rs admit a voice in their head told them to run underscores the need for a mental health system overhaul.,,2015-08-07 09:18:26 -0700,629688057860636672,,Central Time (US & Canada) -3473,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6934,,AlyxCullen,,0,,,Next #GOPdebate: reality dating show format in which Megyn Kelly is the Bachelorette and has only 9 roses.,,2015-08-07 09:18:24 -0700,629688047676825600,"New York, New York, USA",Quito -3474,No candidate mentioned,1.0,yes,1.0,Negative,0.6838,FOX News or Moderators,1.0,,Decoder2,,1,,,RT @CarlSpry: #Outnumbered please don't jump on @Foxnews' bandwagon. Hold yourselves & the #GOPDebate moderators accountable for their view…,,2015-08-07 09:18:23 -0700,629688046477127680,,Pacific Time (US & Canada) -3475,Jeb Bush,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,KEvangelista263,,113,,,"RT @BuckSexton: Hey Jeb: ""earned legal status"" = Amnesty. We've played this game before. #GOPDebate",,2015-08-07 09:18:23 -0700,629688046162608128,,Pacific Time (US & Canada) -3476,Donald Trump,0.4287,yes,0.6548,Positive,0.3333,FOX News or Moderators,0.4287,,Go_GOP_2016,,0,,,"Women always call men pigs. If #Trump calls them a dog they should shut up, hypocrites @realdonaldtrump @megynkelly #GOPDebate #tcot #tlot",,2015-08-07 09:18:23 -0700,629688044950401024,California, -3477,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NevadaBeFree,,0,,,"Like #gop establishment, @FoxNews seems to circle wagons & disdain #conservatives. Becoming CNN? - -#GOPDebate - -http://t.co/F2bOJSTiB5",,2015-08-07 09:18:23 -0700,629688044820365313,"Las Vegas, NV",Pacific Time (US & Canada) -3478,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,austin_taylor31,,3,,,RT @bengeesaman: Trump answers every question with an insult that is completely off topic. 😂 #GOPDebate,,2015-08-07 09:18:23 -0700,629688043570601985,, -3479,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,None of the above,0.7033,,SChapaSABJ,,0,,,"On energy, the Republican candidates sounded a lot like Obama? http://t.co/5LACcafUXW (via @slate) #GOPDebate #RepublicanDebate #EagleFord",,2015-08-07 09:18:22 -0700,629688040135467009,"San Antonio, Texas",Central Time (US & Canada) -3480,Donald Trump,1.0,yes,1.0,Positive,0.6564,FOX News or Moderators,0.6564,,ELEMEL67,,0,,,@realDonaldTrump @FoxNews so much fun watching the GOP/FOX circus implode. #GOPDebate,,2015-08-07 09:18:21 -0700,629688036477894656,"Cincinnati, Ohio",Pacific Time (US & Canada) -3481,Donald Trump,1.0,yes,1.0,Neutral,0.6404,None of the above,1.0,,Shanfroman,,0,,,"Check it out! - -https://t.co/36CvqAYkjo - -https://t.co/qetdTD8hCz - -https://t.co/m3B39R61y8 - -@realDonaldTrump -#GOPDebate http://t.co/EY2marGcQo",,2015-08-07 09:18:20 -0700,629688031776272384,"Hillsdale, Michigan",Eastern Time (US & Canada) -3482,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AmberRhea5,,0,,,"To make it easier for you younger folks to understand... - -@realDonaldTrump's douchebaggery game is on FLEEK! - -#GOPDebate #whatadick",,2015-08-07 09:18:20 -0700,629688030547341312,I'm somewhere ignoring Louis.,Atlantic Time (Canada) -3483,Donald Trump,1.0,yes,1.0,Negative,0.6429,None of the above,1.0,,Mitchiavelli,,2,,,RT @socknstocks: I feel like trump's hair is enough to tell u he doesn't have a handle on things #GOPDebate,,2015-08-07 09:18:19 -0700,629688029339381760,Lindsay Ontario,Pacific Time (US & Canada) -3484,Donald Trump,1.0,yes,1.0,Negative,0.6362,None of the above,0.6362,,SteveLong71,,0,,,"I was looking forward 2 a fair & substantive #GOPDebate what i got was 3 Trump hating,libeRino Jeb luvin gop estab butt kissin tabloid filth",,2015-08-07 09:18:16 -0700,629688015615565824,Charleston WV,Eastern Time (US & Canada) -3485,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6475,,trekkieemily,,1,,,"RT @2tuff15: Dont know who won the #GOPDebate but I know who lost....me, cause I watched it.",,2015-08-07 09:18:16 -0700,629688015124758529,hoenn region ,Central Time (US & Canada) -3486,No candidate mentioned,0.3872,yes,0.6222,Neutral,0.6222,None of the above,0.3872,,bluesouldier,,0,,,RT @washingtonpost: We fact checked 20 claims from last night's GOP presidential debates http://t.co/fohizbM2xm #factsonly #GoPdebate,,2015-08-07 09:18:15 -0700,629688012973015040,Michigan,Eastern Time (US & Canada) -3487,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,allurephoto,,121,,,RT @AmyMek: Thank you @seanhannity for being One of the Only True Conservatives at @FoxNews! Patriots appreciate you & America needs you! #…,,2015-08-07 09:18:15 -0700,629688012042055680,"Kansas, USA",Central Time (US & Canada) -3488,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jamesKARATEpolk,,0,,,Trump should become host of Fox News... maybe I'd actually watch it. Stand-up comedy at its finest #GOPDebate,,2015-08-07 09:18:15 -0700,629688011253542916,, -3489,John Kasich,1.0,yes,1.0,Neutral,0.6819,LGBT issues,0.6819,,Scrumple,,92,,,"RT @RexHuppke: John Kasich admits going to a gay wedding. - -He will be missed. - -#GOPDebate",,2015-08-07 09:18:14 -0700,629688006522327040,Crossroads,Eastern Time (US & Canada) -3490,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6559,,storm_paglia,,0,,,Phenomenal analysis of the #GOPDebate by @guypbenson - be sure to follow #RSG15 for the major candidates' next stop! https://t.co/VewxHJKIJX,,2015-08-07 09:18:14 -0700,629688005624758272,"Fairfax, VA",Eastern Time (US & Canada) -3491,Donald Trump,0.4673,yes,0.6836,Negative,0.6836,Immigration,0.4673,,TrumpIssues,,2,,,"An illegal alien can be deported 5 X, make it back into the country, kill an American woman, but Trump can't call someone a dog. #GOPDebate",,2015-08-07 09:18:14 -0700,629688004706054144,United States Of America,Pacific Time (US & Canada) -3492,No candidate mentioned,0.4187,yes,0.6471,Negative,0.6471,None of the above,0.4187,,jtakang7_22,,1,,,"RT @deabillk: 99% sure none of these candidates have read the deal in full, yet they're somehow sure of its failure. #GOPdebate",,2015-08-07 09:18:12 -0700,629687996904796160,"Georgia, USA",Atlantic Time (Canada) -3493,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jewgravy,,0,,,"If there's anything Republican candidates have learned from the 2012 election, it's nothing. - -#GOPDebate",,2015-08-07 09:18:11 -0700,629687995352768512,Depends where I am., -3494,Marco Rubio,0.4594,yes,0.6778,Positive,0.3444,Immigration,0.4594,,SeaBassThePhish,,0,,,Rubio actually answering a question about immigration. Color me impressed #GOPDebate,,2015-08-07 09:18:11 -0700,629687994430148608,,Eastern Time (US & Canada) -3495,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,None of the above,1.0,,My3Alexandra,,0,,,Were the #Koch brothers disappointed that the swimsuit portion was not aired #GOPDebate,,2015-08-07 09:18:09 -0700,629687987371134980,New Jersey, -3496,John Kasich,0.4686,yes,0.6845,Negative,0.6845,LGBT issues,0.4686,,PartesanJournal,,0,,,"Unlike John Kasich, I do not recognize and/or accept the @USSupremeCourt ruling on Marriage Equality #GOPDebate",,2015-08-07 09:18:09 -0700,629687984804261888,GOD Help America!,Eastern Time (US & Canada) -3497,Marco Rubio,1.0,yes,1.0,Positive,0.6848,Immigration,1.0,,Q142day,,124,,,"RT @MattyIceAZ: To be fair, Marco Rubio has a point. Tougher immigration laws might have prevented his parents from getting in. #GOPDebate",,2015-08-07 09:18:09 -0700,629687984091234304,, -3498,No candidate mentioned,0.6495,yes,1.0,Negative,0.6907,None of the above,0.6907,,ScottLimbrick,,0,,,"Spot on by @NYTimeskrugman - #GOPDebate Presidential field ""a lineup of cranks"" #2016 http://t.co/WOQo4VLY9P",,2015-08-07 09:18:08 -0700,629687981499150336,London,Melbourne -3499,No candidate mentioned,1.0,yes,1.0,Neutral,0.6639,None of the above,1.0,,ValerieDog,,8,,,"RT @Radia_a_a: If we vote for you will anime become real? - #GOPDebate",,2015-08-07 09:18:05 -0700,629687970128265216,"Parma, OH",Central Time (US & Canada) -3500,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tweetybirdnerd,,1,,,"#RonPaul proved at the #GOPDebate -That he isn't ready or qualified to be -#POTUS",,2015-08-07 09:18:05 -0700,629687967921999873,,Pacific Time (US & Canada) -3501,No candidate mentioned,1.0,yes,1.0,Negative,0.6611,None of the above,1.0,,JayBelize23,,0,,,"The Democrat Party is undermining the very character of this nation. -- -Carly Fiorina #GOPDebate winner",,2015-08-07 09:18:05 -0700,629687967150415872,Intracoastal Waterway, -3502,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Abortion,0.701,,sweetsabina,,53,,,RT @benshapiro: Jindal giving excellent Planned Parenthood answer here. #GOPDebate,,2015-08-07 09:18:03 -0700,629687959114121216,,Hawaii -3503,No candidate mentioned,0.4217,yes,0.6494,Neutral,0.6494,,0.2277,,ShaunaDeNada,,8,,,RT @ClimateDesk: Check out @BernieSanders' tweets about how Fox's #GOPdebate dealt with climate http://t.co/Vdi62oTUqO via @grist http://t.…,,2015-08-07 09:18:02 -0700,629687954647072768,"Washington, DC",Central Time (US & Canada) -3504,Marco Rubio,0.4335,yes,0.6584,Negative,0.6584,None of the above,0.4335,,ChandreshT,,0,,,I just noticed that Rubio's ears are huge. #GOPDebate,,2015-08-07 09:18:00 -0700,629687948095520768,Singapore,Singapore -3505,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,Abortion,0.3923,,solitaryspook,,343,,,"RT @JessicaValenti: If these dudes are so anti-abortion, I'd like to hear their plan for expanding birth control and Plan B. WAITING. #GOPD…",,2015-08-07 09:17:59 -0700,629687945323134976,"Knoxville, TN",Eastern Time (US & Canada) -3506,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,larry_midkiff,,21,,,RT @TeamMarcoNY: .@marcorubio is the LEADER we need to save this country and the American Dream! #GOPDebate #TeamMarco http://t.co/gC1hKxJA…,,2015-08-07 09:17:59 -0700,629687943607787521,"roselawn,indiana", -3507,Donald Trump,0.4265,yes,0.6531,Positive,0.6531,None of the above,0.4265,,Kaylagreene0017,,0,,,#GOPDebate #DonaldTrump all the way. Time to fix Obama's mess.,,2015-08-07 09:17:58 -0700,629687939665166336,, -3508,Donald Trump,0.4756,yes,0.6897,Neutral,0.3678,None of the above,0.4756,,mauritaniafrica,,0,,,"vicenews: Here's what happened at last night's #GOPDebate. Yes, realDonaldTrump was there: http://t.co/5Sgveo7r8n http://t.co/ASdsfke513",,2015-08-07 09:17:57 -0700,629687935177224193,U.S.A,Eastern Time (US & Canada) -3509,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kehl_7,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/CBj5lBdlZj",,2015-08-07 09:17:57 -0700,629687935114309632,, -3510,No candidate mentioned,1.0,yes,1.0,Positive,0.6744,None of the above,1.0,,GregJeffery888,,0,,,RT tates5a: SURPRISE OF THE NIGHT: BernieSanders won #GOPDebate with #DebateWithBernie on Twitter … http://t.co/BGlK509Gv0,,2015-08-07 09:17:57 -0700,629687935038791680,, -3511,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,rtoberl,,0,,,"ABC's @WNTonight Ignores 5 p.m. #GOPDebate, @CBSEveningNews Omits @CarlyFiorina's Line on Trump http://t.co/D0F07gyeT4",,2015-08-07 09:17:56 -0700,629687933172379649,,Eastern Time (US & Canada) -3512,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,None of the above,0.6522,,DubbleDhee,,0,,,@clarawrrr Pro life Till it gets a quality education & rejects Conservative principles. #GOPDebate,,2015-08-07 09:17:56 -0700,629687929934196736,,Atlantic Time (Canada) -3513,Mike Huckabee,1.0,yes,1.0,Negative,0.6813,None of the above,0.6374,,Lady_Battle,,0,,,"""Benghazi"" @MikeHuckabeeGOP ""ooooooooooh"" - the crowd #GOPDebate",,2015-08-07 09:17:56 -0700,629687929221201920,Minnesota,Central Time (US & Canada) -3514,No candidate mentioned,1.0,yes,1.0,Neutral,0.6727,Religion,1.0,,AJC4others,,0,,,#GOPDebate it might be safe to say NONE of them seemed to believe GOD was watching,,2015-08-07 09:17:55 -0700,629687927258382336,, -3515,Donald Trump,1.0,yes,1.0,Positive,1.0,Healthcare (including Medicare),0.6787,,vlevy2,,0,,,@realDonaldTrump thank u for ur support of Single Payer HC last night at the #GOPDebate. I hope ur supporters agree in it also! #obamacare,,2015-08-07 09:17:55 -0700,629687926490832896,"Rowan County, NC",Eastern Time (US & Canada) -3516,Scott Walker,0.3847,yes,0.6202,Negative,0.6202,None of the above,0.3847,,Q142day,,64,,,RT @MattyIceAZ: Scott Walker continues to nod in agreement with the other candidates praying he doesn't get called on again. #GOPDebate,,2015-08-07 09:17:55 -0700,629687926205640705,, -3517,No candidate mentioned,1.0,yes,1.0,Positive,0.6612,None of the above,1.0,,GregJeffery888,,0,,,RT tates5a: SURPRISE OF THE NIGHT: BernieSanders won #GOPDebate with #DebateWithBernie on Twitter … http://t.co/6bJ5TjNLIu,,2015-08-07 09:17:54 -0700,629687923475148800,, -3518,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZaffoZaza,,0,,,I didn't like the sophmoric bickering back and forth between the candidates. Not very presidential. @OutnumberedFNC #GOPDebate,,2015-08-07 09:17:53 -0700,629687919649943552,, -3519,No candidate mentioned,1.0,yes,1.0,Positive,0.6187,None of the above,0.6187,,JaxStateFan,,1,,,RT @fangsbites: A 16.0 overnight rating for the #GOPDebate? That's a huge viewership if that holds. http://t.co/UT70835vNr,,2015-08-07 09:17:51 -0700,629687909654900736,"Northwest, Georgia",Eastern Time (US & Canada) -3520,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,lmcgaughy,,1,,,"RT @BobbyCervantes: My two cents: What, if anything, did we learn from last night's #GOPdebate? http://t.co/ButvtpAj13 via @HoustonChron #t…",,2015-08-07 09:17:51 -0700,629687908669063168,"Austin, TX",Eastern Time (US & Canada) -3521,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jerinmay,,0,,,"No way around it, the GOP has to be embarrassed and discouraged after last nights spectacle...#GOPDebate",,2015-08-07 09:17:51 -0700,629687908417474560,,Pacific Time (US & Canada) -3522,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobertoLago,,0,,,Fox moderators throw major shade at second-tier candidates. #GOPdebate http://t.co/XrBLFEm4Fy,,2015-08-07 09:17:50 -0700,629687907280887808,born in cuba. made in usa.,Eastern Time (US & Canada) -3523,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,Healthcare (including Medicare),0.6667,,JaySkull,,0,,,The biggest winner in the #GOPDebate? The Affordable Care Act. @sarahkliff shows how #obamacare won the night: http://t.co/EqJ6K2nE5U,,2015-08-07 09:17:50 -0700,629687906609795072,,Pacific Time (US & Canada) -3524,No candidate mentioned,1.0,yes,1.0,Neutral,0.6403,None of the above,0.7077,,85thLegislature,,1,,,RT @bobbycblanchard: 16% of United States homes with TV sets watched the #GOPDebate — more than any in recent history: http://t.co/OeKKHQom…,,2015-08-07 09:17:50 -0700,629687906198646784,"Austin, Texas",Eastern Time (US & Canada) -3525,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GregJeffery888,,0,,,Watching realDonaldTrump burn bridges to The WhiteHouse #Bernie2016 #GOPDebate http://t.co/6bJ5TjNLIu,,2015-08-07 09:17:48 -0700,629687898800001024,, -3526,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,KOUSAAKA,,67,,,RT @WlZKHALlFA: They have no knowledge about the Iran deal. At all. #GOPDebate,,2015-08-07 09:17:47 -0700,629687894672850944,"Toronto, ON",Eastern Time (US & Canada) -3527,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,adamkareem,,0,,,Just replace the names from #GOPDebate debaters with #drake and #meekmill and they said enough for at least 6 tracks of straight #fire,,2015-08-07 09:17:46 -0700,629687891237711872,,Quito -3528,Ben Carson,0.3974,yes,0.6304,Positive,0.6304,None of the above,0.3974,,NathanHaynes24,,1,,,@FoxNews after last night's #GOPDebate @RealBenCarson @GovMikeHuckabee have emerged as my top two,,2015-08-07 09:17:43 -0700,629687876591177728,Tennessee, -3529,No candidate mentioned,1.0,yes,1.0,Negative,0.6321,LGBT issues,1.0,,solitaryspook,,46,,,"RT @feministabulous: Great to see the crowd cheer for gay marriage, but depressing they also cheer for something as archaic as overturning …",,2015-08-07 09:17:42 -0700,629687874305142784,"Knoxville, TN",Eastern Time (US & Canada) -3530,No candidate mentioned,1.0,yes,1.0,Positive,0.3477,FOX News or Moderators,1.0,,AMFMPMTOO,,0,,,#FoxNews was the big winner at #GOPDebate. No way future viewership was not the objective. Surely already said.,,2015-08-07 09:17:41 -0700,629687868848345088,, -3531,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6629,,xio_1D,,198,,,"RT @DadandBuried: Republicans love referencing the Constitution but REALLY seem to misunderstand the whole ""separation of church and state""…",,2015-08-07 09:17:40 -0700,629687864851365888,"Between MD||NYC, USA",Atlantic Time (Canada) -3532,Donald Trump,0.664,yes,1.0,Negative,1.0,Abortion,0.3456,,CalebAlecz,,165,,,RT @captdope: Lessons learnt. Women must have babies. Education dumb. War good. Obama Stupid. Fuck immigrants. Trump Smartz. No healthcare …,,2015-08-07 09:17:40 -0700,629687862947004416,Mount Paozu,Eastern Time (US & Canada) -3533,No candidate mentioned,1.0,yes,1.0,Negative,0.6492,FOX News or Moderators,0.6609,,interpretingall,,1,,,RT @amphetamine47: I presume Megyn Kelly spent all night rolling her eyes to make up for all the times she couldn't during #GOPDebate.,,2015-08-07 09:17:40 -0700,629687862108258304,All over,Central Time (US & Canada) -3534,No candidate mentioned,1.0,yes,1.0,Negative,0.6961,Religion,1.0,,Barca10333,,7,,,RT @msamysteele: We have separation of church and state. We have separation of church and state. We have separation of church and state. #G…,,2015-08-07 09:17:37 -0700,629687852071317504,"Johnson City, Tennessee", -3535,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,teeheeheemcfee,,24,,,RT @KimAcheson: Looks like Bernie found a few things the #GOPDebate forgot about. https://t.co/nv5iLX0qAl,,2015-08-07 09:17:37 -0700,629687851651764224,,Pacific Time (US & Canada) -3536,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,RT0787,,0,,,"TaylorTwo9: RT WayneDupreeShow: Disagree all you want - -#GOPDebate was hit job on realDonaldTrump and calculated mu… http://t.co/AuhlNZa3Ww",,2015-08-07 09:17:37 -0700,629687849869295616,USA,Hawaii -3537,Donald Trump,0.4196,yes,0.6477,Negative,0.6477,FOX News or Moderators,0.4196,,RT0787,,0,,,"Lourack1: RT RollingStone: Fox News targeted Donald Trump at the #GOPDebate, but can Republicans call off the smug… http://t.co/AuhlNZa3Ww",,2015-08-07 09:17:36 -0700,629687847012929536,USA,Hawaii -3538,Donald Trump,0.424,yes,0.6512,Neutral,0.3256,None of the above,0.424,,RT0787,,0,,,captain_landon: Preview of Donald Trump tonight at the #GOPDebate (Vine by CaseyBake16) https://t.co/dilFAHWpSz http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:35 -0700,629687843913379840,USA,Hawaii -3539,Donald Trump,0.6932,yes,1.0,Negative,1.0,FOX News or Moderators,0.6932,,randell1992,,2,,,"RT @OhsnapItsJenni: I think by calling @megynkelly a bimbo, & generally denigrating her, @realDonaldTrump proved her concern about misogyny…",,2015-08-07 09:17:35 -0700,629687843418304512,California , -3540,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,RT0787,,0,,,xJohnx24: RT totalgolfmove: All I want to know about the #GOPDebate is who is in favor for making The Masters a na… http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:34 -0700,629687839165415424,USA,Hawaii -3541,No candidate mentioned,1.0,yes,1.0,Neutral,0.652,Racial issues,0.6948,,RT0787,,0,,,AfroStateOfMind: RT afroCHuBBZ: #KKKorGOP #GOPDebate https://t.co/ovGxIfrLuC http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:32 -0700,629687830906843137,USA,Hawaii -3542,Donald Trump,1.0,yes,1.0,Negative,0.3412,None of the above,0.6588,,RT0787,,0,,,restorereality: Fuck ya Donald Trump you rocked #GOPDebate smoking all those pathetic career politicians! Keep up … http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:32 -0700,629687829271027713,USA,Hawaii -3543,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,lesleyabravanel,,2,,,"Trump sycophants want to know what @megynkelly's ""hidden agenda"" was last night. Answer is simple: it's called a vagina. #GOPDebate",,2015-08-07 09:17:32 -0700,629687828537036800,Miami,Eastern Time (US & Canada) -3544,Donald Trump,0.4545,yes,0.6742,Positive,0.3708,None of the above,0.4545,,RT0787,,0,,,Tea4TeXs: RT CNN: No one eclipses realDonaldTrump at #GOPDebate: http://t.co/nzR6p3CKW9 via CNNPolitics … http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:31 -0700,629687827912114176,USA,Hawaii -3545,No candidate mentioned,1.0,yes,1.0,Positive,0.3467,FOX News or Moderators,1.0,,Lydia4Liberty,,1,,,Agree with @IngrahamAngle on @foxnews questions for #gopdebate But 1/2,,2015-08-07 09:17:31 -0700,629687826444066816,USA,Central Time (US & Canada) -3546,No candidate mentioned,0.4526,yes,0.6728,Neutral,0.6728,None of the above,0.4526,,RT0787,,0,,,MichaelSkolnik: RT gov: Most-retweeted presidential candidate Tweet of #GOPDebate came from Democrat BernieSanders… http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:31 -0700,629687824489574400,USA,Hawaii -3547,Ben Carson,1.0,yes,1.0,Negative,0.7045,None of the above,0.6705,,Q142day,,121,,,"RT @MattyIceAZ: Ben Carson doubts Hillary will be the nominee because the rapture is coming very, very soon. #GOPDebate",,2015-08-07 09:17:30 -0700,629687823235461120,, -3548,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,Religion,0.2396,,bandrews14,,0,,,I'm scared... Very very scared #rightwingextremism #GOPDebate #youcantbeserious https://t.co/kiAzKAKnxV,,2015-08-07 09:17:30 -0700,629687822262358017,, -3549,Rand Paul,0.6596,yes,1.0,Negative,0.7021,LGBT issues,0.6596,,solitaryspook,,9,,,"RT @iesrec: person: gay marriage? -rand paul: GUNS? -#GOPDebate",,2015-08-07 09:17:30 -0700,629687822174191616,"Knoxville, TN",Eastern Time (US & Canada) -3550,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6629,,Johnfurtadojr,,0,,,apparently @CNN #cnn DOESN'T realize the debate was on live TV http://t.co/0DZWXqiKZ7 #GOPDebate,,2015-08-07 09:17:30 -0700,629687821780025344,, -3551,,0.2246,yes,0.3407,Negative,0.3407,,0.2246,,RT0787,,0,,,zoegberg: RT sarahkendzior: Can't believe people are writing real articles about who won #GOPDebate. We *all* lost… http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:29 -0700,629687819083100160,USA,Hawaii -3552,No candidate mentioned,1.0,yes,1.0,Negative,0.6595,None of the above,1.0,,ANOWRT,,4,,,Trying to get over last night's debacle #GOPDebate,,2015-08-07 09:17:29 -0700,629687818940456960,Moscow ,Moscow -3553,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,DUVAKIN101,,0,,,Where is a zombie Ronald Reagan when you need him? #GOPDebate,,2015-08-07 09:17:29 -0700,629687817589821441,"Brownsville, TX",Central Time (US & Canada) -3554,Mike Huckabee,0.2561,yes,0.6843,Neutral,0.6843,None of the above,0.4682,,RT0787,,0,,,clemike: RT alicetweet: Quite an elevator ride: govmikehuckabee & #GOPDebate candidates http://t.co/X6SyZ4xkmU http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:27 -0700,629687810728050688,USA,Hawaii -3555,Ben Carson,1.0,yes,1.0,Negative,0.6454,None of the above,0.6753,,Sarah_May0,,3,,,RT @GreeneHunter: Ben killed it tonight at the Gop Primary Debate! #GOPDebate #Carson16 #RunBenRun,,2015-08-07 09:17:27 -0700,629687810472153088,, -3556,No candidate mentioned,0.4492,yes,0.6702,Positive,0.6702,None of the above,0.4492,,RT0787,,0,,,kara_neptune: RT TexasGOP: #RETWEET if you think every candidate on the #GOPDebate stage would be better than #Hil… http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:27 -0700,629687809629097984,USA,Hawaii -3557,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AssegaiGibson,,0,,,The #GOPDebate was akin to watching institutional crazies talk about what they'll do after they take over the insane Asylum. #Republican,,2015-08-07 09:17:26 -0700,629687807460552704,Elysium, -3558,No candidate mentioned,0.436,yes,0.6603,Negative,0.3659,Racial issues,0.436,,RT0787,,0,,,chadstanton: RT brownblaze: PLEASE RT. #KKKorGOP #GOPDebate http://t.co/TMrFNuVwNs http://t.co/AuhlNZa3Ww,,2015-08-07 09:17:26 -0700,629687806995132416,USA,Hawaii -3559,No candidate mentioned,0.6374,yes,1.0,Negative,0.6374,None of the above,0.6374,,susankniss,,3,,,"RT @sallykohn: Every thought of running for president? You offer same substantive, thoughtful critiques as in #GOPDebate https://t.co/l597…",,2015-08-07 09:17:26 -0700,629687805493538816,Northern Virginia, -3560,No candidate mentioned,0.4298,yes,0.6556,Positive,0.3333,Healthcare (including Medicare),0.4298,,cchipolicy,,1,,,RT @COHealthAccess: The biggest winner at the Republican debate was #Obamacare http://t.co/DQ7Qy63rF6 via @sarahkliff @voxdotcom #GOPDebate,,2015-08-07 09:17:25 -0700,629687802834255872,Denver, -3561,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MollyHMorrissey,,0,,,I'm still reflecting on the #GOPDebate that basically made me #GOPeeMyPants.,,2015-08-07 09:17:25 -0700,629687799499743232,"Minneapolis, MN",Central Time (US & Canada) -3562,No candidate mentioned,1.0,yes,1.0,Neutral,0.6437,Foreign Policy,0.6667,,mytwidds,,0,,,And yet with the #GOPDebate it's still not the strangest thing said in the last 24 hours http://t.co/uBaUqyN12K,,2015-08-07 09:17:25 -0700,629687799327776768,,Mazatlan -3563,Marco Rubio,1.0,yes,1.0,Positive,0.6842,None of the above,1.0,,RRoughRider,,3,,,"RT @JimMerrillNH: John Podhoretz on #GOPDebate says @marcorubio ""Emerges as the Party's Brightest Star"" http://t.co/zJMbDCitz7 #nhpolitics",,2015-08-07 09:17:24 -0700,629687798090469377,Everywhere USA!, -3564,No candidate mentioned,1.0,yes,1.0,Positive,0.6947,None of the above,1.0,,KEvangelista263,,0,,,Your #GOPDEBATE tweets are very entertaining. https://t.co/VcwWvWtqvV,,2015-08-07 09:17:24 -0700,629687795649376256,,Pacific Time (US & Canada) -3565,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SatoriTindalos,,0,,,@wolfoftheair #GOPDebate summary: 'Where's Poochie?',,2015-08-07 09:17:24 -0700,629687795066339328,Transcendent,Pacific Time (US & Canada) -3566,Jeb Bush,1.0,yes,1.0,Negative,0.6841,None of the above,1.0,,cccix,,14,,,RT @TheBaxterBean: Jeb Bush Worked For Cuban Officer That Plead Guilty To Defrauding Gov't of Millions http://t.co/xMO3SnlW1p #GOPDebate ht…,,2015-08-07 09:17:23 -0700,629687794227482625,, -3567,No candidate mentioned,1.0,yes,1.0,Negative,0.6429,FOX News or Moderators,0.6786,,DennisMJordan,,0,,,"From first 10 cringeworthy minutes on, @megynkelly's awkward and snarky performance was embarrassingly bad. @BretBaier was a pro. #GOPDebate",,2015-08-07 09:17:23 -0700,629687792591835136,"Mandeville, LA",Central Time (US & Canada) -3568,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Crys_G,,0,,,"Oh no #ChrisChristie hugged the president, thank goddness #RandPaul was there to notice the democrat cooties. #GOPDebate",,2015-08-07 09:17:23 -0700,629687792268783618,, -3569,Donald Trump,0.6707,yes,1.0,Negative,0.3382,None of the above,1.0,,uapbgrad,,0,,,"@PostGraphics @FactTank Rate of speech can indicate confidence.Too fast, a swindler;too slow,unprepared #GOPDebate http://t.co/Fs7R705Es9",,2015-08-07 09:17:21 -0700,629687786510118912,, -3570,Donald Trump,0.4599,yes,0.6782,Neutral,0.3448,None of the above,0.4599,,Grant_Cuff,,53,,,RT @13_band: #Trump out for blood at #GOPdebate. Entertaining fight 😂 lol http://t.co/sdocEkueBL,,2015-08-07 09:17:21 -0700,629687783381032963,,Mountain Time (US & Canada) -3571,Jeb Bush,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,SarangShah,,1,,,RT @odinseye2k: Shorter @JebBush - I was interacting with your betters / richers so STFU. #GOPDebate #DebateWithBernie,,2015-08-07 09:17:21 -0700,629687782940651520,Bay Area,Pacific Time (US & Canada) -3572,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SarahLeeAnne,,3,,,RT @patriotmom61: Did you know? Rick Santorum on Donald Trump and Donald Trump on Blue Collar Conservatives https://t.co/duUPR696nr #GOPDeb…,,2015-08-07 09:17:20 -0700,629687782051549184,Ohio,Eastern Time (US & Canada) -3573,Donald Trump,1.0,yes,1.0,Neutral,0.3723,None of the above,1.0,,Darokyu,,0,,,"It looks like most reaction to Donald Trump was ""YOU CAN'T SAY THAT (he's right but) YOU CAN'T SAY THAT!"" #GOPDebate",,2015-08-07 09:17:20 -0700,629687781128716288,"Salt Lake City, UT", -3574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,MandaLynn314,,133,,,"RT @Smethanie: If women abort their rape babies, the fetuses will come back as zombies that dig holes under the fence and let the Mexicans …",,2015-08-07 09:17:20 -0700,629687780847714304,St. Louis, -3575,Rand Paul,0.4683,yes,0.6843,Positive,0.6843,None of the above,0.4683,,Slim_Shady2o3,,78,,,RT @RandPaul: Thanks for the support in the 1st #GOPDebate! I'm in SC today and tomorrow. Then I'm off to NH! http://t.co/x931Pj7Umr See yo…,,2015-08-07 09:17:20 -0700,629687780696805376,USA,Eastern Time (US & Canada) -3576,Rand Paul,0.3999,yes,0.6323,Neutral,0.6323,None of the above,0.3999,,Slim_Shady2o3,,30,,,"RT @MegKinnardAP: After #GOPDebate, @RandPaul making campaign swing through South Carolina (from @AP) #2016 http://t.co/G3uGI9eI2e",,2015-08-07 09:17:19 -0700,629687775823069184,USA,Eastern Time (US & Canada) -3577,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,natashaabadilla,,0,,,My takeaways from #GOPDebate highlights? (1) It was a cross b/w a circus & a firing squad and (2) @RandPaul is kind of attractive! #amirite,,2015-08-07 09:17:18 -0700,629687772765376513,Kenya, -3578,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JasonVoorhees52,,0,,,@realDonaldTrump was an incredibly unprofessional bitch who broke down the moment he realized everything was going wrong for him.#GOPDebate,,2015-08-07 09:17:18 -0700,629687771926401024,, -3579,No candidate mentioned,0.4153,yes,0.6444,Negative,0.6444,FOX News or Moderators,0.4153,,valuepointorg,,19,,,"RT @TroothBooth: The moderators were childish, disrespectful, flippant and inflammatory. Shame on @FoxNews. - -@Kilmeade @sdoocy @ehasselbeck…",,2015-08-07 09:17:18 -0700,629687771125264384,,Eastern Time (US & Canada) -3580,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RBonifay,,10,,,"RT @JoshKivett: S/O to our @GOP volunteers & #RLI Fellows in FL, NC & VA for great #GOPDebate Watch Parties tonight! #LeadRight2016 http://…",,2015-08-07 09:17:18 -0700,629687769909096448,,Eastern Time (US & Canada) -3581,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GaryACarlo,,0,,,#GOPDebate When you're talking about the refs after the game they probably fucked up the calls. @FoxNews blew it big time.,,2015-08-07 09:17:17 -0700,629687768575127553,it's not me...it's you,Arizona -3582,No candidate mentioned,0.4257,yes,0.6525,Negative,0.6525,None of the above,0.4257,,mostlyalex,,28,,,"RT @sallykohn: Common refrain at #GOPDebate? Blame political correctness for unpopularity of GOP positions -- vs, I dunno, UNPOPULARITY OF …",,2015-08-07 09:17:17 -0700,629687766004072448,South Dakota,Central Time (US & Canada) -3583,No candidate mentioned,0.4045,yes,0.636,Negative,0.636,Jobs and Economy,0.4045,,PruneJuiceMedia,,0,,,Anything to regulate banks is against the GOP mantra of “Money First.” #GOPDebate,,2015-08-07 09:17:15 -0700,629687758123081728,"Atlanta, Georgia",Eastern Time (US & Canada) -3584,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6703,,allurephoto,,7,,,RT @edwrather: Only one question last night in debate about veterans & that was only after someone in audience suggested it #GOPDebate #Tco…,,2015-08-07 09:17:14 -0700,629687755753267200,"Kansas, USA",Central Time (US & Canada) -3585,Ben Carson,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,travarp,,0,,,I refuse to trust anyone who walked away from the GOP debate last night thinking that Ben Carson piqued your interest #GOPDebate,,2015-08-07 09:17:13 -0700,629687752628400128,"ÜT: 29.62136,-82.357796",Eastern Time (US & Canada) -3586,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,FOX News or Moderators,0.6889,,billcolrus,,0,,,"It was nice of ""The Price is Right"" to let Fox News borrow that bell last night. #GOPDebate",,2015-08-07 09:17:12 -0700,629687748593451008,"Rossville, GA ",Quito -3587,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,freestyldesign,,0,,,Trump proved he's a Trojan Horse & running 3rd party which NO ONE should support #tcot #GOPDebate #ccot,,2015-08-07 09:17:12 -0700,629687748236935168,Seattle WA USA,Pacific Time (US & Canada) -3588,Donald Trump,0.4548,yes,0.6744,Negative,0.3488,None of the above,0.4548,,BeltwayPanda,,0,,,"#AmericasGotFailent ""@TheDemocrats: #GOPDebate is looking a lot like this: http://t.co/yqR5yBMolF” #TrumpEffect”",,2015-08-07 09:17:12 -0700,629687746651627520,DC,Quito -3589,No candidate mentioned,1.0,yes,1.0,Neutral,0.6692,FOX News or Moderators,1.0,,connnutmeg,,195,,,RT @GeneMcVay: #GOPDebate proved that @FoxNews is ALL IN for another liberal Bush-McCain-Romney establishment liberal. THE BIG LOSER IS FO…,,2015-08-07 09:17:10 -0700,629687739764600832,CONNECTICUT, -3590,No candidate mentioned,0.4456,yes,0.6675,Neutral,0.6675,None of the above,0.4456,,JonJustice,,0,,,@KatiePavlich on the show now #GOPDebate and #FastandFurious http://t.co/ToP8nTINKS,,2015-08-07 09:17:10 -0700,629687737789116416,Tucson,Arizona -3591,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,Racial issues,0.6932,,TJ_DMV_STL,,75,,,RT @angela_rye: You wanna know how to know #BlackLivesMatter don't matter in this #GOPDebate? Yall got ten seconds. TEN,,2015-08-07 09:17:10 -0700,629687736572751872,Washington DC, -3592,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,FOX News or Moderators,1.0,,KenHolsclaw,,3,,,"RT @PuestoLoco: .@ArthurA_P @raemd95 -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/yg…",,2015-08-07 09:17:09 -0700,629687735737937921,Earth, -3593,No candidate mentioned,0.4255,yes,0.6523,Negative,0.6523,None of the above,0.4255,,SeaBassThePhish,,3,,,"RT @brainybug23: ""For the very few that don't..."" -GOP re police brutality #GOPDebate",,2015-08-07 09:17:09 -0700,629687734127435776,,Eastern Time (US & Canada) -3594,No candidate mentioned,1.0,yes,1.0,Neutral,0.3412,Immigration,0.6824,,klia00,,344,,,RT @MariaLiaCalvo: .@charles_gaba wins the Internet tonight. #GOPDebate http://t.co/Dp1IsIXJmN,,2015-08-07 09:17:08 -0700,629687730008494080,,Pacific Time (US & Canada) -3595,No candidate mentioned,0.4028,yes,0.6347,Neutral,0.321,None of the above,0.4028,,aeoost,,0,,,Surrounding herself with #LowInformationVoters: #HillaryClinton spent the #GOPdebate with KimKardashian&KanyeWest http://t.co/Rt0ANpZ6Bx,,2015-08-07 09:17:07 -0700,629687725956837376,,Eastern Time (US & Canada) -3596,Chris Christie,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6602,,PSmirn,,0,,,@MitchellReports #NJ @GovChristie is #AmericasMostCorruptGovernor. @FoxNews didn't challenge him on any of his lies. #GOPDebate #BeanBag,,2015-08-07 09:17:07 -0700,629687725055197184,"City of Falls Church, VA",Eastern Time (US & Canada) -3597,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Princesskgo,,132,,,"RT @johnhawkinsrwn: Fox gets an ""F"" for their handling of this debate. 90% of what they've done is trying to get people to scream at each o…",,2015-08-07 09:17:07 -0700,629687724736249857,,Arizona -3598,Jeb Bush,0.4391,yes,0.6626,Negative,0.6626,Foreign Policy,0.4391,,Transcend_Rsrch,,0,,,@blackmagpie69 Then his brother lied & sent +3k Americans to their death in Iraq! Who would vote for another Bush? #Trump2016 won #GOPDebate,,2015-08-07 09:17:07 -0700,629687724245696512,, -3599,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,0.3488,,RenaJargon,,35,,,"RT @KimAcheson: In two hours and with ten candidates the word ""peace"" has yet to be said. Citizens of America I give you your GOP. #GOPDeba…",,2015-08-07 09:17:06 -0700,629687720214790144,"Irving, TX",Central Time (US & Canada) -3600,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,LambasixX,,0,,,A day in Rwanda RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:17:05 -0700,629687718289743873,DOPECITY HD,London -3601,Ted Cruz,1.0,yes,1.0,Negative,0.6579999999999999,None of the above,0.6579999999999999,,UrbnConservativ,,1,,,RT @GABRIELPTA: @gotapoint @UrbnConservativ @peddoc63 @tedcruz was it me or did #GOPDebate try to minimize #TedCruz talking time? Everyone …,,2015-08-07 09:17:05 -0700,629687716721070082,Home of Tea Party (literally), -3602,No candidate mentioned,0.4311,yes,0.6566,Negative,0.6566,None of the above,0.2255,,enlewus,,0,,,Living Colour - Cult Of Personality #GOPDEBATE https://t.co/xLwXoCZoa2,,2015-08-07 09:17:03 -0700,629687709791944704,"Huntington Beach, CA", -3603,No candidate mentioned,1.0,yes,1.0,Positive,0.3485,None of the above,0.6515,,CraftBeerRunner,,0,,,@ThePaleAlewife I was thinking #IPAday was appropriate because of all the bitterness on stage at the #GOPDebate,,2015-08-07 09:17:02 -0700,629687706109497344,Medford Ma,Eastern Time (US & Canada) -3604,No candidate mentioned,1.0,yes,1.0,Positive,0.6932,FOX News or Moderators,0.6591,,in_my_study,,61,,,RT @Reince: Biggest & most diverse field of qualified candidates ever. For any party. Excited to be part of #GOPDebate night http://t.co/RP…,,2015-08-07 09:17:02 -0700,629687703215325184,,Mazatlan -3605,Donald Trump,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,captain_landon,,0,,,Preview of Donald Trump tonight at the #GOPDebate (Vine by @CaseyBake16) https://t.co/aWLgcPKqgL,,2015-08-07 09:17:02 -0700,629687703001505796,"Fayetteville, AR",Eastern Time (US & Canada) -3606,Donald Trump,0.4902,yes,0.7002,Negative,0.2609,None of the above,0.4902,,TheDeadReds,,0,,,"@RealAlexJones @libertytarian @JakariJax @LeeAnnMcAdoo Wether @realDonaldTrump is a trojan horse or not, is he worth a punt? #GOPDebate",,2015-08-07 09:17:01 -0700,629687700661137408,"Brighton, UK",London -3607,Donald Trump,0.4502,yes,0.6709,Negative,0.6709,None of the above,0.2355,,Texastiger89,,22,,,RT @ThePatriot143: Rosie O’Donnell To Donald Trump: 'Try Explaining That 2 UR Kids': Like Explaining They Have 2 MOMs? #GOPDebate http://t…,,2015-08-07 09:17:01 -0700,629687700577103873,"Houston, Texas",Central Time (US & Canada) -3608,Donald Trump,0.4415,yes,0.6645,Positive,0.3385,None of the above,0.4415,,restorereality,,0,,,Fuck ya Donald Trump you rocked #GOPDebate smoking all those pathetic career politicians! Keep up the great work!!! http://t.co/NVOMySTNvs,,2015-08-07 09:17:00 -0700,629687695711715328,USA,Central Time (US & Canada) -3609,No candidate mentioned,1.0,yes,1.0,Neutral,0.6882,None of the above,1.0,,RafiDAngelo,,0,,,"The #GOPDebate...as told by The Real Housewives of NY. | SLTA___ http://t.co/0PsSKxzuYj -This was (not) productive. #RHONY",,2015-08-07 09:17:00 -0700,629687695074291712,"UWS, NYC",Central Time (US & Canada) -3610,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,Jobs and Economy,1.0,,quarterflash14,,115,,,RT @DWStweets: The GOP is focused on economic policies that favor the wealthy. Working families deserve a president focused on them. #OMGOP…,,2015-08-07 09:16:58 -0700,629687689537695745,buckle of the bible belt, -3611,Scott Walker,1.0,yes,1.0,Negative,0.6382,None of the above,1.0,,cherokeesher2,,2,,,"RT @TruthTeamOne: The big winner of the #GOPDebate wasn't Scott Walker, it was Johnny Walker. http://t.co/QZOApiEkCy",,2015-08-07 09:16:58 -0700,629687688908685312,vermont, -3612,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,cccix,,37,,,RT @TheBaxterBean: Jeb Bush's Attack on Public Schools Diverts Public Money To Private Corporations http://t.co/xOnRLY0Ece #GOPDebate http:…,,2015-08-07 09:16:58 -0700,629687686110949376,, -3613,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ADoug,,0,,,.@RealDonaldTrump Saw his shadow at #GOPDebate so he'll be with us for another six weeks.,,2015-08-07 09:16:57 -0700,629687684915662849,,Eastern Time (US & Canada) -3614,Rand Paul,0.6778,yes,1.0,Neutral,1.0,None of the above,1.0,,wcnc,,1,,,RT @DianneG: LIVE on #Periscope: .@randpaul speaking in Rock Hill SC the day after #gopdebate. #decision2016 https://t.co/F0ckWeaTZ7,,2015-08-07 09:16:57 -0700,629687683053449216,"Charlotte, NC",Eastern Time (US & Canada) -3615,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,upsnodowns,,0,,,Painful to listen to answers to God question from so-called Christians who prove by their actions to be anything but Christian #GOPDebate,,2015-08-07 09:16:56 -0700,629687679668649984,,Central Time (US & Canada) -3616,John Kasich,0.3974,yes,0.6304,Neutral,0.337,None of the above,0.3974,,autism_5_0,,111,,,RT @DLoesch: Kasich closing remarks. His dad was a mailman btw #GOPDebate,,2015-08-07 09:16:56 -0700,629687679228227584,,Atlantic Time (Canada) -3617,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,None of the above,0.4204,,AlexZulys,,5,,,RT @JohnGGalt: How many blowjobs do you think Monica Lewinsky gave Bill Clinton in the oval office? #GOPDebate,,2015-08-07 09:16:55 -0700,629687677277851648,Planet Earth,Atlantic Time (Canada) -3618,No candidate mentioned,0.3923,yes,0.6264,Positive,0.6264,None of the above,0.3923,,nashpotatoees,,4,,,RT @makeupbylivixx: watching the #GOPDebate & have never been more entertained by my family's side comments,,2015-08-07 09:16:55 -0700,629687676938100736,, -3619,Donald Trump,0.4255,yes,0.6523,Positive,0.3477,None of the above,0.4255,,writeb4youspeak,,0,,,"I thought #GOPDebate was good, despite @realDonaldTrump grandstanding. @BenCarson2016 really brought logic to back to the campaign table.",,2015-08-07 09:16:52 -0700,629687662111109120,SOUTH JERSEY, -3620,Donald Trump,1.0,yes,1.0,Negative,0.3474,None of the above,1.0,,TheJeffManghera,,0,,,"Republican debate: Trump was garbled, incoherent – but dominant http://t.co/jJhTkyoVmL #gopdebate",,2015-08-07 09:16:51 -0700,629687656801132544,"San Pedro, California, U.S.A.",Pacific Time (US & Canada) -3621,Jeb Bush,0.4393,yes,0.6628,Negative,0.6628,None of the above,0.2235,,cccix,,36,,,RT @TheBaxterBean: Jeb Bush and GOP Need More Evidence for Climate Change Than They Do to Start Wars http://t.co/ngwiBlhwdQ #GOPDebate http…,,2015-08-07 09:16:50 -0700,629687654460731392,, -3622,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,0.6735,,TJ_DMV_STL,,49,,,"RT @goldietaylor: Walker, surprisingly, gets it (mostly) right. #GOPDebate #BlackLivesMatter http://t.co/7VZJJbJ3ib",,2015-08-07 09:16:50 -0700,629687653873659908,Washington DC, -3623,No candidate mentioned,1.0,yes,1.0,Negative,0.6562,None of the above,1.0,,Quennybeeps,,4,,,"RT @martian_munk: I don't recognize all of these candidates - -#GOPDebate http://t.co/YUd3aSSRgh",,2015-08-07 09:16:49 -0700,629687650585194496,Hell,Mountain Time (US & Canada) -3624,Donald Trump,1.0,yes,1.0,Positive,0.3431,None of the above,1.0,,TravisCThomas,,0,,,"I missed the #GOPDebate, but I'm amazed that Trump is somehow considered in the lead. -https://t.co/Qzmg96pf75",,2015-08-07 09:16:48 -0700,629687645598281730,The DMV,Eastern Time (US & Canada) -3625,No candidate mentioned,1.0,yes,1.0,Positive,0.3448,None of the above,1.0,,louvice,,80,,,"RT @LiberalMmama: I watched the #GOPDebate and all I can say is Pres Obama was right,he WOULD win again! #FourMoreYears",,2015-08-07 09:16:48 -0700,629687644042215426,,Indiana (East) -3626,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,Nadokris,,3,,,RT @TatianaKing: It was a trainwreck in the truest sense of word. From the painfully awkward opening to the nonsensical answers to question…,,2015-08-07 09:16:43 -0700,629687626220437504,"Coronado, CA 92118",Pacific Time (US & Canada) -3627,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MrHissara,,97,,,RT @JimSterling: Donald Trump. Literally a five-headed dragon. #GOPDebate,,2015-08-07 09:16:40 -0700,629687613679640576,Forest City, -3628,No candidate mentioned,0.4222,yes,0.6498,Neutral,0.3281,,0.2276,,Lomawny,,0,,,"#VoteBlue than, eh? RT @OutnumberedFNC .@JedediahBila I want to put someone in [office] that I don't want to have to worry about #GOPDebate",,2015-08-07 09:16:40 -0700,629687613608329216,"92,960,000 miles from the sun ",Eastern Time (US & Canada) -3629,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6502,,_rightchick,,1,,,I just love @CarlyFiorina!! She owned last night 🙌🏼🇺🇸🐘 #GOPDebate #ycot http://t.co/6khqpdqpn9,,2015-08-07 09:16:40 -0700,629687612475740160,prolife. conservative. ,Pacific Time (US & Canada) -3630,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,smajoros,,191,,,RT @jenniferweiner: Candidates trying to out-anti-abortion each other. Contest ends when winner dismembers a woman of childbearing age on s…,,2015-08-07 09:16:39 -0700,629687608289853440,"farmington, michigan",Eastern Time (US & Canada) -3631,Scott Walker,0.4444,yes,0.6667,Negative,0.6667,Jobs and Economy,0.4444,,quarterflash14,,64,,,"RT @TheDailyEdge: #GOPDebate Walker's #jobs failure: ""#Wisconsin’s recovery outpaced US before he took over but has lagged ever since"" http…",,2015-08-07 09:16:38 -0700,629687602782732288,buckle of the bible belt, -3632,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,allurephoto,,5,,,"RT @edwrather: Drudge Report debate poll results, you can still vote http://t.co/v9in9oaZdk #GOPDebate #Tcot #ccot #pjnet #WakeUpAmerica #M…",,2015-08-07 09:16:37 -0700,629687601004421121,"Kansas, USA",Central Time (US & Canada) -3633,No candidate mentioned,1.0,yes,1.0,Negative,0.6898,FOX News or Moderators,0.6825,,ademetriou,,0,,,@ChrisVernonShow The best part of the debate last night? The legs behind Bret Baier's head. #TrueStory #GOPDebate http://t.co/WEVgTvp7zp,,2015-08-07 09:16:35 -0700,629687593488281601,"Bartlett, TN",Central Time (US & Canada) -3634,No candidate mentioned,1.0,yes,1.0,Positive,0.6703,None of the above,0.6703,,SpicyMustang,,1,,,"RT @ScottGiorgini: I’ll tell you what. Not only did @CarlyFiorina OWN the first #GOPdebate, she also owned the post debate interviews >> ht…",,2015-08-07 09:16:35 -0700,629687593307783169,"Montana, USA",Pacific Time (US & Canada) -3635,Scott Walker,0.6774,yes,1.0,Negative,1.0,FOX News or Moderators,0.6559,,JaysWorldLive,,1,,,RT @weeperwillow: #Fox News Fails To Disclose Its Pro-Walker Debate Analyst Is A Walker Adviser And Co-Author http://t.co/76AhMnCUHb #GOPDe…,,2015-08-07 09:16:35 -0700,629687592938786816,"Tamap, FL",Eastern Time (US & Canada) -3636,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.2294,,DebbieBanos,,0,,,@jorgeramosnews I would love to see you host both a #GOPDebate and a #DemocratDebate #LatinoVote,,2015-08-07 09:16:35 -0700,629687591252721664,"Chicago, IL",Central Time (US & Canada) -3637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,irishamrep1,,10,,,"RT @BarbArn: Time to be nasty with the #Media to remind them they are NOT royality. Let's start with .@FoxNews >.@megynkelly, the loser of …",,2015-08-07 09:16:34 -0700,629687587427459072,Red State La. , -3638,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3626,,reidschuetz,,1,,,RT @barbthebuilder: . #GOPDebate drinking game: take a shot every time a candidate talks over the only female moderator,,2015-08-07 09:16:34 -0700,629687586961915904,"Indianapolis, IN", -3639,Marco Rubio,0.3839,yes,0.6196,Neutral,0.6196,None of the above,0.3839,,PruneJuiceMedia,,0,,,Rubio wants to get rid of Dodd Frank? TF? #GOPDebate,,2015-08-07 09:16:33 -0700,629687584923455488,"Atlanta, Georgia",Eastern Time (US & Canada) -3640,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tcarr_airpower,,78,,,"RT @PaulRieckhoff: Pathetic mention of veterans tonight. Pathetic. About the same number of mentions as mailmen. Tonight at #GOPDebate, we …",,2015-08-07 09:16:33 -0700,629687583795224576,"Cambridge, Massachusetts",Eastern Time (US & Canada) -3641,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,emmitDemmit,,0,,,@iamjohnoliver so excited to hear your thoughts on the #GOPDebate #depressing only thing kept me watching was thinking of your reactions,,2015-08-07 09:16:32 -0700,629687579982430209,pacifica/bay are,Eastern Time (US & Canada) -3642,No candidate mentioned,0.3859,yes,0.6212,Neutral,0.6212,None of the above,0.3859,,BobbyCervantes,,1,,,"My two cents: What, if anything, did we learn from last night's #GOPdebate? http://t.co/ButvtpAj13 via @HoustonChron #txlege",,2015-08-07 09:16:32 -0700,629687578158067712,"Austin, Texas",Eastern Time (US & Canada) -3643,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6906,,NotDBordwell,,0,,,Legitimacy of TV news 2015: last night Jon Stewart was Cronkite & Dan Rather was playing #GOPDebate drinking games https://t.co/dUu5VlUuhH,,2015-08-07 09:16:32 -0700,629687577063198721,"Not Madison, Wisconsin",Central Time (US & Canada) -3644,Donald Trump,1.0,yes,1.0,Positive,0.7071,None of the above,1.0,,potus2016app,,0,,,"@DanScavino Rick Santorum ranks #13 in GOP field on Twitter mentions over last 60min -#gopdebate -https://t.co/F687D6Objl -#potus2016",,2015-08-07 09:16:31 -0700,629687576811732992,,Central America -3645,No candidate mentioned,1.0,yes,1.0,Negative,0.6249,FOX News or Moderators,1.0,,Fisher_John_,,12,,,RT @JohnGGalt: Megyn Kelly isn't slutty at all! #GOPDebate http://t.co/qy09cKxzzZ,,2015-08-07 09:16:31 -0700,629687576748785665,,Atlantic Time (Canada) -3646,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,1,,,#GOP w/ #GOPDebate proved once again they ARE #TheStupidParty... and hateful bigots @JenLLM @bimmerella @jared812 @stphil @PrinceDemitri,,2015-08-07 09:16:31 -0700,629687573984714752,Norcal,Pacific Time (US & Canada) -3647,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,reaganisahero,,0,,,"RT → theblaze: During #GOPDebate, billionaire mcuban says which candidate he likes ""a lot"" – and which one had his… http://t.co/1dg4EUQE8D",,2015-08-07 09:16:30 -0700,629687571732385792,"Minneapolis, Minnesota ",Eastern Time (US & Canada) -3648,No candidate mentioned,1.0,yes,1.0,Negative,0.6445,FOX News or Moderators,0.6983,,sexyfairy_,,9,,,RT @KaivanShroff: #GOPDebate moderators in order of teeth whiteness... http://t.co/fwX3UeF40C,,2015-08-07 09:16:30 -0700,629687569014497281,Seoul South Korea, -3649,Scott Walker,1.0,yes,1.0,Negative,1.0,Religion,1.0,,TerraHall,,4,,,"RT @viktorsald: Walker: ""government should not invade churches""... but is it ok when churches invade government? -#GOPDebate",,2015-08-07 09:16:29 -0700,629687566808317952,"Kansas City, MO",Central Time (US & Canada) -3650,Jeb Bush,0.4179,yes,0.6465,Neutral,0.6465,None of the above,0.4179,,talkradio200,,0,,,"Attention Jeb, Christie, and Kasich. https://t.co/2dVRcRJMPx #GOPDebate",,2015-08-07 09:16:26 -0700,629687552455372800,New York City,Eastern Time (US & Canada) -3651,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,FOX News or Moderators,0.6667,,rtoberl,,0,,,.@hardball_chris hopes @FoxNews asks @GOP candidates about evolution #GOPDebate http://t.co/2P5PXMTIW1,,2015-08-07 09:16:26 -0700,629687551918505984,,Eastern Time (US & Canada) -3652,Scott Walker,0.6451,yes,1.0,Negative,0.6765,Racial issues,0.6784,,nicole473,,1,,,"#GOPDebate Spends Less Than A Minute On Police Violence And Black Lives Matter -http://t.co/V2qIrWDw5K -#BlackLivesMatter",,2015-08-07 09:16:26 -0700,629687551771701248,Inter-Planetary,Eastern Time (US & Canada) -3653,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MiladJama,,2,,,RT @SDB57: @Futiledemocracy It was an embarrassment. I wonder if they know how bad this looked to the rest of the world? #GOPDebate,,2015-08-07 09:16:26 -0700,629687551725596672,Rufus' Cabin lol, -3654,No candidate mentioned,0.4371,yes,0.6611,Negative,0.3389,FOX News or Moderators,0.22399999999999998,,CApolitico,,0,,,"Thx to @FlashReport For the ink. #POTUS #GOPDebate @Brietbart - -http://t.co/VtZMLUJRQi",,2015-08-07 09:16:24 -0700,629687544670588928,"Los Angeles, CA",Pacific Time (US & Canada) -3655,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,twolfzao,,20,,,RT @ayeedxnny: It's shocking that there are people out there who are supporting Donald Trump's ideas on running the country cmon he's a jo…,,2015-08-07 09:16:24 -0700,629687543781527552,Beacon Hills, -3656,Donald Trump,1.0,yes,1.0,Negative,0.6489,None of the above,0.3511,,RonnieNavi,,52,,,RT @jjauthor: Now if only @realDonaldTrump will go after ISIS and Democrats like he does Rosie O'Donnell & the @foxnews moderators! #GOPDeb…,,2015-08-07 09:16:22 -0700,629687538655956992,California,Pacific Time (US & Canada) -3657,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.6111,None of the above,0.3735,,uae109,,151,,,"RT @mashable: Last night's #GOPDebate, in GIFs http://t.co/b1ynNZMxZ8 http://t.co/FfFG3ENVPd",,2015-08-07 09:16:22 -0700,629687538547060736,"♥AD,UAE, & Evansville,IN, USA",Indiana (East) -3658,No candidate mentioned,0.4689,yes,0.6848,Neutral,0.3587,None of the above,0.2456,,Saymynae,,8,,,RT @Rik_FIair: X___X RT @kvxrdashian: when you leave the Republican Party and become a Democrat. #GOPDebate http://t.co/yucofMBIQV,,2015-08-07 09:16:22 -0700,629687537917915136,NYC❤️, -3659,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,Chrissie_CL,,38,,,"RT @chrissiefit: I don't understand what I'm watching. This is a run through for an SNL cold open, right? #GOPDebate",,2015-08-07 09:16:22 -0700,629687537804644352,Chrissie follows me 15/05/15,Eastern Time (US & Canada) -3660,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DJDynamicNC,,2,,,RT @SimSoph: Quite something to watch the #GOPDebate vs the Canadian PM debate. How can anyone take American politicians seriously?,,2015-08-07 09:16:22 -0700,629687536915341313,"Toronto, ON",Eastern Time (US & Canada) -3661,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.3516,None of the above,0.228,,bobbycblanchard,,1,,,16% of United States homes with TV sets watched the #GOPDebate — more than any in recent history: http://t.co/OeKKHQomt1,,2015-08-07 09:16:21 -0700,629687533975109632,"Austin, Texas",Eastern Time (US & Canada) -3662,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WorkingMichael,,0,,,"if your takeaway from #GOPDebate is that they're all terrible, i hate to tell you but that's a whole night of life you can never get back.",,2015-08-07 09:16:20 -0700,629687528652673024,"Philadelphia, PA",Atlantic Time (Canada) -3663,No candidate mentioned,0.4276,yes,0.6539,Positive,0.3375,,0.2263,,alexandraheuser,,1,,,#FF WHOA (WEIRD format -Any1 know about this?) https://t.co/Np8CjQWYJi #GOPDebate #GOP #RNC @Reince @rushlimbaugh @kilmeade #FoxNews #TCOT,,2015-08-07 09:16:20 -0700,629687526710771712,America, -3664,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6977,,solitaryspook,,18,,,"RT @SaraLang: So...there's no space for a woman on stage, but we're gonna make way for G*d? #GOPDebate",,2015-08-07 09:16:19 -0700,629687523808161792,"Knoxville, TN",Eastern Time (US & Canada) -3665,Donald Trump,0.3997,yes,0.6322,Positive,0.3218,None of the above,0.3997,,lameredejess,,20,,,RT @someecards: 16 of the funniest reactions to last night's inadvertently hilarious GOP debate. http://t.co/nKWjLscECM #GOPDebate http://t…,,2015-08-07 09:16:19 -0700,629687523745337345,Boston,Eastern Time (US & Canada) -3666,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,Red_superwoman,,240,,,"RT @cenkuygur: My 5 year-old son saw @realDonaldTrump on TV and said, ""Dad, the clown is on TV!"" #GOPDebate",,2015-08-07 09:16:19 -0700,629687522357022720,Colombia, -3667,,0.233,yes,0.6304,Negative,0.6304,None of the above,0.3974,,Sante1940,,1,,,"RT @worldmist1: Libertarian hate state power? Right? -Are they silent about this or my volume is on mute? #GOPDebate #RandPaul http://t.co…",,2015-08-07 09:16:18 -0700,629687519655936000,,Central Time (US & Canada) -3668,Donald Trump,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,WANAGL,,124,,,"RT @GeneMcVay: #GOPDebate Was not a debate, it was a full fledged attack against Trump followed by more attacks on Trump. 2008 & 2012 AGAIN.",,2015-08-07 09:16:16 -0700,629687512974422016,, -3669,Donald Trump,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,jefftiedrich,,5,,,"The Republican Party wakes up with a huge hangover, a splitting headache and no idea why it's in bed with Donald Trump. #GOPDebate #RSG15",,2015-08-07 09:16:14 -0700,629687504598339584,"New York, NY",Eastern Time (US & Canada) -3670,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,None of the above,0.7033,,mbowr6,,0,,,@BuckSexton I like the Hunger Games comparison #GOPDebate #teambuck,,2015-08-07 09:16:12 -0700,629687497019142144,"Dallas, TX", -3671,Marco Rubio,0.6925,yes,1.0,Positive,0.3759,Immigration,0.6925,,lioposin,,101,,,"RT @guypbenson: Good Rubio answer on immigration, invoking unfairness of system to those who play by the rules. #GOPDebate",,2015-08-07 09:16:12 -0700,629687496364924928,✡ Pittsburgh / NYC ✡, -3672,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3505,,MeganDClayton,,185,,,"RT @DonnieWahlberg: Not sure why @CarlyFiorina wasn't allowed in the primetime #GOPDebate tonight, but these guys are lucky she wasn't. She…",,2015-08-07 09:16:11 -0700,629687492434919424,Leeds AL, -3673,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Bbwolcott,,1,,,"RT @KateAronoff: ""I had the good sense to leave Atlantic City."" Back off Jersey, Trump. Back. the. fuck. up. #GOPDebate",,2015-08-07 09:16:11 -0700,629687491918987264,, -3674,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,KellyM716,,0,,,Megyn Kelly did a fantastic job last night and I couldn't be more proud to have her as a role model. :) #GOPDebate,,2015-08-07 09:16:11 -0700,629687490211913729,,Eastern Time (US & Canada) -3675,Mike Huckabee,0.4688,yes,0.6847,Negative,0.6847,LGBT issues,0.2399,,Lady_Battle,,0,,,"""The purpose of the military is 'kill people and break things'"" @MikeHuckabeeGOP Well @Caitlyn_Jenner broke world records, so... #GOPDebate",,2015-08-07 09:16:11 -0700,629687489028947968,Minnesota,Central Time (US & Canada) -3676,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,livcarville,,0,,,"Morning after the #GOPDebate & #macdebate, @TorontoStar editorial cartoon laments #JonVoyage - so who really won...? http://t.co/aDakKBfBQU",,2015-08-07 09:16:10 -0700,629687487338835968,"Toronto, Ontario",Hawaii -3677,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,S_brimble,,275,,,RT @melissaroyle: Watching the Canadian #macdebate followed by the #GOPDebate is like playing Jeopardy followed by drunk naked upside down …,,2015-08-07 09:16:10 -0700,629687484780146688,Hamilton Ontario , -3678,No candidate mentioned,1.0,yes,1.0,Negative,0.6305,None of the above,1.0,,CJHETFIELD28,,0,,,After watching the #GOPDebate it made me realize why i became a libertarian.,,2015-08-07 09:16:09 -0700,629687484503306240,"Hillsboro/Salem,OR",Pacific Time (US & Canada) -3679,Donald Trump,1.0,yes,1.0,Neutral,0.6594,None of the above,1.0,,michaelpleahy,,0,,,"Rush: ""Trump was reactive. Played by the rules. Trump was still Trump."" #GOPDebate #tcot",,2015-08-07 09:16:09 -0700,629687482821554176,"Nashville, TN",Central Time (US & Canada) -3680,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,quarterflash14,,90,,,"RT @paulapoundstone: #GOPDebate Most of these guys say they want to run the Government, and then they say they want to get the Government o…",,2015-08-07 09:16:09 -0700,629687482439741440,buckle of the bible belt, -3681,No candidate mentioned,1.0,yes,1.0,Positive,0.3462,None of the above,1.0,,laprofe63,,3,,,RT @sampuzzo: @Progress4Ohio @DavidJWhite640 my take on the #GOPDebate We're so getting a Dem POTUS! imo http://t.co/MclAT1ZUMO,,2015-08-07 09:16:08 -0700,629687479671525376,Chicagoland #USA via #NYC ,Central Time (US & Canada) -3682,No candidate mentioned,1.0,yes,1.0,Positive,0.6859999999999999,None of the above,0.6279,,YMcglaun,,75,,,RT @jjauthor: Hey @FrankLuntz my surprise of the night? @megynkelly and Chris Wallace! #GOPDebate,,2015-08-07 09:16:08 -0700,629687476760743936,, -3683,Donald Trump,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,GregJeffery888,,0,,,"FrankLuntz LOL he probably likes loser candidates like McCain, Romney & Bush! #Trump2016 won #GOPDebate hands down… http://t.co/zQphlSqDUn",,2015-08-07 09:16:07 -0700,629687474843983872,, -3684,No candidate mentioned,1.0,yes,1.0,Positive,0.3618,None of the above,1.0,,helpmenow12,,0,,,"@brianstelter care about reality! #REALITY MATTERS, NOT theories, equations, and books! #sciencenotsex #GOPDebate http://t.co/Od0I4cNkSn",,2015-08-07 09:16:07 -0700,629687474198024192,, -3685,No candidate mentioned,0.4807,yes,0.6934,Negative,0.6934,None of the above,0.4807,,EvilWriter,,0,,,"The day after the #GOPDebate. Where everyone talks about attitudes and personalities, and everyone forgets about issues.",,2015-08-07 09:16:07 -0700,629687472067219456,Tennessee,Eastern Time (US & Canada) -3686,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,allurephoto,,147,,,"RT @WayneDupreeShow: 2nit's Q&A was a turkey shoot. Kelly and Wallace totally emptied their clips going after @realDonaldTrump - -Was Sad! - -…",,2015-08-07 09:16:06 -0700,629687469374578688,"Kansas, USA",Central Time (US & Canada) -3687,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OutSideDBox1,,1,,,@Livestream #GOPDebate the election is about the issues not bombastic personalities,,2015-08-07 09:16:04 -0700,629687463108341760,"New York, USA", -3688,Ben Carson,0.3735,yes,0.6111,Negative,0.3111,None of the above,0.3735,,kevtothec,,0,,,surprised to learn that Ben Carson was part of the #GOPDebate last night... #BITCHWHERE ?,,2015-08-07 09:16:04 -0700,629687459740315648,"Kingston, Jamaica",Eastern Time (US & Canada) -3689,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,0.6738,,GregJeffery888,,0,,,"FrankLuntz LOL sham focus group, a bunch of Bush/RNC plants! #Trump2016 won #GOPDebate hands down! http://t.co/zQphlSqDUn",,2015-08-07 09:16:03 -0700,629687458259714048,, -3690,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,grillwithphil,,0,,,This is much more important than any #gopdebate https://t.co/ziI1Mx72Gv,,2015-08-07 09:16:02 -0700,629687453847302146,"Los Angeles, CA",Central Time (US & Canada) -3691,No candidate mentioned,1.0,yes,1.0,Neutral,0.6548,FOX News or Moderators,0.6667,,judydchandler,,1,,,RT @THC1: @krystalball Maybe Florina will call him a LIAR! #GOPDebate,,2015-08-07 09:16:02 -0700,629687451829694464,WA state, -3692,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KW2Kenai,,0,,,Did the @foxnews ever disclose how many of the #gopDebate participants had been on their payroll? #ClownCar,,2015-08-07 09:16:02 -0700,629687451460706304,"Gulf Coast, Florida",Eastern Time (US & Canada) -3693,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MatthewBoedy,,0,,,the lasting image of @facebook logo on @FoxNews during #gopdebate is another example that technology and its use is never morally neutral.,,2015-08-07 09:16:02 -0700,629687451137744896,"Gainesville, GA",Atlantic Time (Canada) -3694,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JamarisJustice,,0,,,So @realDonaldTrump attacks anyone that doesn't agree with him??? Isn't that what Obama does. #GOPDebate #tcot,,2015-08-07 09:15:59 -0700,629687441637507072,Los Angeles,Pacific Time (US & Canada) -3695,Donald Trump,1.0,yes,1.0,Negative,0.6713,None of the above,0.6574,,Aberah_KeDabar,,3,,,"RT @jangajentaan: Trump: I have no time for political correctness -#GOPDebate",,2015-08-07 09:15:59 -0700,629687438617743364,,Hawaii -3696,Chris Christie,1.0,yes,1.0,Neutral,0.6854,None of the above,1.0,,misusamaad,,171,,,"RT @JillBidenVeep: Chris Christie should end every answer with ""we'll cross that bridge when we get there."" #GOPDebate",,2015-08-07 09:15:58 -0700,629687435484614656,,Eastern Time (US & Canada) -3697,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6629,,SarangShah,,1,,,"RT @ABlanketyBlank: Mike ""the purpose of the military is to kill people and break things"" Huckabee #GOPDebate",,2015-08-07 09:15:55 -0700,629687423471976448,Bay Area,Pacific Time (US & Canada) -3698,Ted Cruz,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,B_Luto,,0,,,#GOPDebate @RealAlexJones did ted cruz make a name for himself after saying americans deserve to know the truth,,2015-08-07 09:15:55 -0700,629687423019171840,401, -3699,No candidate mentioned,0.6778,yes,1.0,Neutral,0.6778,Women's Issues (not abortion though),0.6444,,rtoberl,,0,,,".@hardball_chris Whines about No Voter ID, Issues Moms 'Care About' in #GOPDebate http://t.co/ZA4jTu33Ta",,2015-08-07 09:15:55 -0700,629687422842982400,,Eastern Time (US & Canada) -3700,Ben Carson,1.0,yes,1.0,Neutral,0.6978,Racial issues,1.0,,erinheartscoco,,0,,,"Some of my liberal ""friends"" don't like Ben Carson b/c to them a black man shouldn't be Republican. #IsntThatRacism #Hypocrites #GOPDebate",,2015-08-07 09:15:55 -0700,629687422549422080,"Boston, MA",Eastern Time (US & Canada) -3701,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jgilliam,,1,,,"RT @hsudavidt: #GOPDebate highlights how badly we need new vision for debate. Apply for this @CivicHall ""Rethinking Debates"" job http://t.c…",,2015-08-07 09:15:54 -0700,629687417625128960,Downtown LA,Pacific Time (US & Canada) -3702,,0.2222,yes,0.3333,Neutral,0.3333,,0.2222,,chediak,,0,,,Those following the #GOPdebate won't want to miss this new book from @arthurbrooks http://t.co/9ptx1RLCvw,,2015-08-07 09:15:52 -0700,629687409198895104,"Riverside, CA",Pacific Time (US & Canada) -3703,No candidate mentioned,1.0,yes,1.0,Positive,0.3596,FOX News or Moderators,1.0,,Barnesy19,,0,,,If anything I would say the real winner of the #GOPDebate was @megynkelly,,2015-08-07 09:15:51 -0700,629687407865110529,"Manchester, England",London -3704,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,FOX News or Moderators,1.0,,WDrosjack,,0,,,.@hardball_chris hopes @FoxNews asks @GOP candidates about evolution #GOPDebate http://t.co/WcI7APyxOl Didnt bel've evolution til Michelle.,,2015-08-07 09:15:51 -0700,629687405394538496,, -3705,Donald Trump,0.6636,yes,1.0,Neutral,0.6636,None of the above,1.0,,NamirYedid,,0,,,Incredibly important points. #GOPDebate #Trump #presidentialdebate https://t.co/kXIb7LvlTw,,2015-08-07 09:15:49 -0700,629687400625614848,"San Diego, CA",Pacific Time (US & Canada) -3706,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,solitaryspook,,77,,,RT @elonjames: Not to be funny but I think I may tap out of the #GOPdebate now. Not one of these dudes should do any of our Foreign Policy.…,,2015-08-07 09:15:49 -0700,629687399572860928,"Knoxville, TN",Eastern Time (US & Canada) -3707,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,reneejulene,,0,,,"So how long before Donald Trump gets distracted by a different shiny object? #Squirrel -I felt embarrassed for my nation during #GOPDebate",,2015-08-07 09:15:48 -0700,629687396246798336,10 minutes north of Normal,Central Time (US & Canada) -3708,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Chrissie_CL,,61,,,RT @chrissiefit: If I tap my heels together 3 times will Donald Trump go away forever? #BigBeautifulDoor #GOPDebate http://t.co/M2Ua3a3VK9,,2015-08-07 09:15:48 -0700,629687393877147648,Chrissie follows me 15/05/15,Eastern Time (US & Canada) -3709,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6508,,SandraBaron10,,0,,,"@BretBaier @SpecialReport @megynkelly -Word of God - worse question of the night. Waste of time with so many important issues #GOPDebate",,2015-08-07 09:15:46 -0700,629687387514253312,, -3710,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,solitaryspook,,11,,,"RT @ChrisGorham: ""We will crush the Soviets!"" - #GOPDebate",,2015-08-07 09:15:44 -0700,629687379310198786,"Knoxville, TN",Eastern Time (US & Canada) -3711,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,hillarysusans,,0,,,"@ChrisChristie you did great, Gov. Let Rand roll his eyes all he wants. #GOPDebate",,2015-08-07 09:15:44 -0700,629687376013598720,New Hampshire, -3712,Chris Christie,0.6559,yes,1.0,Neutral,1.0,None of the above,1.0,,TamiGreene1,,0,,,"The Rand Paul eye roll to Chris Christie at the #GOPDebate https://t.co/RXqpfYMqRE -#pursedlips #eyeroll #weaselly #smirk",,2015-08-07 09:15:43 -0700,629687373371043841,"Milwaukee, WI",Central Time (US & Canada) -3713,Donald Trump,1.0,yes,1.0,Negative,0.6512,Women's Issues (not abortion though),0.6512,,katewillett,,0,,,Donald Trump is the first person I've heard frame misogyny as a time management issue. #GOPDebate,"[37.79332217, -122.26560164]",2015-08-07 09:15:43 -0700,629687373203255296,, -3714,No candidate mentioned,0.4153,yes,0.6444,Neutral,0.6444,None of the above,0.4153,,GossipG23321662,,0,,,The 6 most surprising moments from last night's wacky #GOPDebate http://t.co/pzPFJRjEMa,,2015-08-07 09:15:43 -0700,629687372540588032,,Amsterdam -3715,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,SereDoc,,0,,,"Can anyone imagine the Dems allowing @SenSanders in a debate if he ""left open"" a third party run? #GOPDebate",,2015-08-07 09:15:43 -0700,629687371991261184,In Transit,Tehran -3716,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.4444,,actuallyriles,,110,,,RT @whereisnatasha: What does the #GOPDebate have in common with @Avengers merch? A serious lack of women.,,2015-08-07 09:15:43 -0700,629687371525591040,,Eastern Time (US & Canada) -3717,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,Andrew_Cassidy,,0,,,There's nothing like a #GOPDebate to bring Twitter's relevancy to light http://t.co/i8a7tExZRJ | #Election2016 #SocialMedia,,2015-08-07 09:15:42 -0700,629687370485514240,Miami / Boston,Eastern Time (US & Canada) -3718,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6489,,gemarble357,,0,,,The Clowns performed well in last night's circus. With Donald Trump as the Ring Master #GOPDebate #GOPClownCar,,2015-08-07 09:15:42 -0700,629687367968788480,Los Angeles, -3719,John Kasich,0.6353,yes,1.0,Positive,1.0,None of the above,1.0,,catchcaleb,,0,,,proud of the @GOP field after #GOPDebate Took tough questions and most cases knocked them out of the park. @JohnKasich @marcorubio my favs,,2015-08-07 09:15:42 -0700,629687367524184064,"California, USA", -3720,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Acantiming70,,1,,,The 6 most surprising moments from last night's wacky #GOPDebate http://t.co/NSDHZHUBWO j8p,,2015-08-07 09:15:41 -0700,629687363300491264,, -3721,Ben Carson,1.0,yes,1.0,Positive,0.6261,Racial issues,1.0,,sallyjayjohnson,,0,,,"Only candidate to mention ""race"" was Carson who only sees brains, so. #GOPDebate",,2015-08-07 09:15:40 -0700,629687361371115524,"Winston-Salem, NC",Eastern Time (US & Canada) -3722,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.3666,,VetApologist,,37,,,"RT @SooperMexican: I will TAX your pimps and whores, AMerica!!! - Huckabee #GOPDebate",,2015-08-07 09:15:39 -0700,629687355306196992,"Somewhere, USA",Mountain Time (US & Canada) -3723,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,Women's Issues (not abortion though),1.0,,qvcsue,,3,,,RT @AdamsFlaFan: #NotHappening Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/Tnftr1E0Te,,2015-08-07 09:15:38 -0700,629687352118648832,, -3724,,0.2233,yes,0.3367,Neutral,0.3367,,0.2233,,SuaKlover,,0,,,Jalisco Cartel (from Sinaloa Cartel) shot down a Cougar Helicopter of the mexican army with a missile launcher #CannabisCulture #GOPDebate,,2015-08-07 09:15:38 -0700,629687351820681217,, -3725,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shortwave8669,,3,,,RT @SereDoc: So Trump uses the GOP stage as he wants but reserves the right to destroy GOP chances in 2016 at any time? Great GOP leadershi…,,2015-08-07 09:15:37 -0700,629687346930319361,US,Central Time (US & Canada) -3726,Jeb Bush,1.0,yes,1.0,Negative,1.0,Abortion,0.6737,,solitaryspook,,384,,,"RT @NerdyWonka: Jeb: ""I defunded Planned Parenthood"" - -He is proud that he denied thousands of women access to life saving healthcare. - -#GO…",,2015-08-07 09:15:37 -0700,629687346674319364,"Knoxville, TN",Eastern Time (US & Canada) -3727,Marco Rubio,0.4605,yes,0.6786,Negative,0.6786,Jobs and Economy,0.2423,,PruneJuiceMedia,,0,,,I don’t feel like Rubio answered the question about small businesses. #GOPDebate,,2015-08-07 09:15:36 -0700,629687346104041472,"Atlanta, Georgia",Eastern Time (US & Canada) -3728,Donald Trump,1.0,yes,1.0,Negative,0.6591,None of the above,1.0,,TomShafShafer,,0,,,"@FrankConniff I'm confused. Was ""It's clobberin' time"" something said in #FantasticFour or by Trump in the #GOPDebate?",,2015-08-07 09:15:36 -0700,629687342723428353,"Asheville, NC",Eastern Time (US & Canada) -3729,Donald Trump,1.0,yes,1.0,Positive,0.7008,None of the above,1.0,,held_jana,,0,,,"“@OutnumberedFNC: .@JedediahBila ""I want to put someone in [office] that I don't want to have to worry about."" #GOPDebate” then..#Trump2016",,2015-08-07 09:15:36 -0700,629687342488530944,, -3730,Donald Trump,1.0,yes,1.0,Negative,0.6643,None of the above,1.0,,BansheeofBebop,,22,,,RT @kesgardner: Trump: I have used the laws of this country to rip other people off. And I'm awesome for doing it! Or words to that effect.…,,2015-08-07 09:15:34 -0700,629687337316802560,, -3731,John Kasich,0.2257,yes,0.6559,Negative,0.3441,None of the above,0.4302,,potus2016app,,0,,,"Twitter hype ranks down GOP 60min: -1 Kasich -3 -2 Santorum -1 -3 Bush -1 -#GOPDebate -https://t.co/F687D6Objl -#potus2016",,2015-08-07 09:15:34 -0700,629687337174368256,,Central America -3732,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MrsTuckerWHS,,0,,,Missing debriefing the #GOPDebate with my W3 crew,,2015-08-07 09:15:34 -0700,629687334158602240,"Wilmington, MA", -3733,Donald Trump,1.0,yes,1.0,Positive,0.6644,FOX News or Moderators,1.0,,Roxsett27573,,0,,,#FairandBalanced wasn't the case in the #GOPDebate. @realDonaldTrump was treated unfairly. He will make up for it soon. #outnumbered,,2015-08-07 09:15:33 -0700,629687332262690816,"North Carolina, USA",Eastern Time (US & Canada) -3734,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,larry_midkiff,,131,,,"RT @kayleighmcenany: Marco Rubio is so presidential. He's articulate, bright, and authentic #GOPDebate",,2015-08-07 09:15:32 -0700,629687327779123200,"roselawn,indiana", -3735,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,MrGensley,,0,,,I guess separation of church and state isn't a thing anymore in our country #GOPDebate,,2015-08-07 09:15:30 -0700,629687318702608384,"Kent, OH",Central Time (US & Canada) -3736,Scott Walker,1.0,yes,1.0,Neutral,0.6512,None of the above,1.0,,DaTechGuyblog,,0,,,Advice to each #GOPdebate candidate in order of how they finished 8th place Scott Walker Keep the Hillary focus step up #gopdebate #tcot #p2,,2015-08-07 09:15:30 -0700,629687317616267265,Central massachusetts,Eastern Time (US & Canada) -3737,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3511,,SeaBassThePhish,,192,,,RT @zellieimani: Many Americans are outraged over emerging videos of....*omg finally police violence *...planned parent hood. #GOPDebate,,2015-08-07 09:15:30 -0700,629687317029064704,,Eastern Time (US & Canada) -3738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LemonMeringue19,,0,,,#FoxNews should let someone else handle future debates. They are incompetent. #FoxDebate #GOPDebate,,2015-08-07 09:15:29 -0700,629687316706164736,"Kansas, USA",Pacific Time (US & Canada) -3739,Donald Trump,1.0,yes,1.0,Negative,0.6836,None of the above,1.0,,taylormarsh,,0,,,"Limbaugh says @realDonaldTrump ""reactive"" & too inside the rules. #GOPDebate",,2015-08-07 09:15:29 -0700,629687315946950656,"Washington, D.C. area", -3740,No candidate mentioned,1.0,yes,1.0,Negative,0.6507,None of the above,1.0,,MannyWallace,,0,,,Protect the money. #GOPDebate http://t.co/7YWQGYDuKw,,2015-08-07 09:15:29 -0700,629687315179438080,"ÜT: 41.453387,-81.603972",Eastern Time (US & Canada) -3741,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TweetTw88036790,,1,,,"RT @thefallen29: You earned ""Jeb""? Didn't know that was a title. #GOPDebate #lolgop",,2015-08-07 09:15:29 -0700,629687314369880064,, -3742,No candidate mentioned,1.0,yes,1.0,Positive,0.3333,None of the above,1.0,,shelley_lee1013,,0,,,The only person in #GOPDebate who had an exceptional performance was @CarlyFiorina Can't wait to see her spar against the big boys next time,,2015-08-07 09:15:29 -0700,629687313350701056,The South, -3743,No candidate mentioned,0.4398,yes,0.6632,Negative,0.6632,None of the above,0.2304,,dtojeira,,0,,,Just finished listening to the #GOPdebate; small glimmers of sanity in a heap of talking points and rhetoric. https://t.co/Nzceb95XYG,,2015-08-07 09:15:27 -0700,629687304513302528,"Kitchener, Canada",Eastern Time (US & Canada) -3744,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,mountaingal79,,1,,,RT @inthequeencity: Politicians aren't even pretending to care about the female vote: http://t.co/83epVBwKOt #GOPDebate,,2015-08-07 09:15:27 -0700,629687304488132608,, -3745,Scott Walker,0.6983,yes,1.0,Negative,1.0,None of the above,0.6453,,quarterflash14,,7,,,RT @DefenseBaron: Walker mentions uber rich counties (like mine) around DC. Leaves out mega reason why: defense contracting. #GOPDebate,,2015-08-07 09:15:26 -0700,629687303200321536,buckle of the bible belt, -3746,No candidate mentioned,0.4401,yes,0.6634,Negative,0.6634,Religion,0.4401,,LoboLikesStuff,,11,,,RT @TheUnquietOne: THIS JUST IN: Without God you'll become a childless alcoholic with a lot of free time. SIGN ME UP. #GOPDebate,,2015-08-07 09:15:25 -0700,629687298951651328,,Central Time (US & Canada) -3747,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,reclaim_dc,,139,,,RT @ChuckNellis: Ted Cruz might have only gotten 3 or 4 at bats but he hit the ball hard each try he got. He did EXCELLENT. #GOPDebate,,2015-08-07 09:15:23 -0700,629687291502534656,"Baltimore, MD",Pacific Time (US & Canada) -3748,Donald Trump,1.0,yes,1.0,Positive,0.6336,None of the above,1.0,,Transcend_Rsrch,,0,,,"@FrankLuntz LOL he probably likes loser candidates like McCain, Romney & Bush! #Trump2016 won #GOPDebate hands down! Next President = Trump!",,2015-08-07 09:15:23 -0700,629687289967472640,, -3749,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Spurlock_B,,0,,,If I had to pick a winner from the #GOPDebate. #Kasich would be my first choice. Followed by #Rubio and #Christie,,2015-08-07 09:15:22 -0700,629687285873815552,"Washington, DC",Eastern Time (US & Canada) -3750,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,TweetTw88036790,,1,,,"RT @RadioVegan: He EARNED the title of ""Jeb""? Huh? #GOPDebate",,2015-08-07 09:15:22 -0700,629687284229668864,, -3751,Jeb Bush,1.0,yes,1.0,Neutral,0.6629,FOX News or Moderators,0.6629,,mimimayesTN,,1,,,RT @LadyFyreAZ: #RealityCheck: Rupert Murdoch & Valerie Jarrett gushing over Jeb Bush (& each other) #2016election #GOPDebate http://t.co/M…,,2015-08-07 09:15:21 -0700,629687280597377024, Nashville, -3752,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6739,,Kimindex,,4,,,RT @kayski: They gave more time to God than they did about race relations. I don't know how to take any of these candidates seriously #GOPD…,,2015-08-07 09:15:21 -0700,629687279187955713,"By the sea, PZ - ex-SE London",London -3753,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,samo_rocky,,0,,,"Friend just posted that 8 year-old daughter said of #GOPDebate last night ""is this America's got talent ... Y is it all men?"" Future @maddow",,2015-08-07 09:15:19 -0700,629687274574213120,"Los Angeles, CA",Alaska -3754,Jeb Bush,1.0,yes,1.0,Neutral,0.6825,None of the above,1.0,,TweetTw88036790,,1,,,"RT @RTRFND: ""In Florida, they call me Jeb, because I earned it."" So, it's like . . . a title? #GOPDebate",,2015-08-07 09:15:19 -0700,629687273911660544,, -3755,Jeb Bush,1.0,yes,1.0,Neutral,0.6744,None of the above,1.0,,ShelbyCSalmon,,0,,,"I couldn't help but picture Will Farell when @JebBush referred to himself as ""veto corleone"" @GregTSalmon #GOPDebate",,2015-08-07 09:15:19 -0700,629687271222939649,Colorado,Central Time (US & Canada) -3756,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,blarthur08,,0,,,Hearing discussion of the #gopdebate with Trump as an honest candidate makes me question my radio station choice.,,2015-08-07 09:15:17 -0700,629687264474472448,"Berea, KY",Eastern Time (US & Canada) -3757,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sweetsabina,,151,,,RT @benshapiro: Cruz looking great in this debate. #GOPDebate,,2015-08-07 09:15:15 -0700,629687256736006144,,Hawaii -3758,No candidate mentioned,1.0,yes,1.0,Negative,0.6449,None of the above,0.6449,,GlenBikes,,0,,,"I'm waiting for the next one where @jonstewartbooks will be at the kids' table. Pretty sure he's Republican, ya? #JonVoyage #GOPDebate",,2015-08-07 09:15:13 -0700,629687248238161920,"Seattle, WA",Pacific Time (US & Canada) -3759,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6552,,TaraSetmayer,,2,,,Coming up on @WilkowMajority at 1220pm live! @SIRIUSXM #Patriot125 post #GOPDebate,,2015-08-07 09:15:12 -0700,629687242420830208,New York City,Eastern Time (US & Canada) -3760,No candidate mentioned,1.0,yes,1.0,Negative,0.6734,None of the above,1.0,,myrlciakvvx,,0,,,RT kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Dona… http://t.co/jAqjwnndgB http://t.co/a2KOVJFhwp,,2015-08-07 09:15:11 -0700,629687239191175168,, -3761,No candidate mentioned,0.4204,yes,0.6484,Negative,0.3297,None of the above,0.4204,,Tharparion,,0,,,WFIE 14 NEWS ARE U GOING TO REPORT NEWS AFFECT'N OUR NATION? https://t.co/bdXB2VkyQw via @YouTube @RealAlexJones #GOPDebate #GOP #RT #pussy,,2015-08-07 09:15:11 -0700,629687239048605696,,Dublin -3762,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KitDuluCa,,0,,,@FoxNews @megynkelly U are not for conservatives or republicans nor or u fair/balanced. U want to control us & pick OUR candidate #GOPDebate,,2015-08-07 09:15:10 -0700,629687235286315008,, -3763,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RussOnPolitics,,0,,,Donald Trump: “Bimbo” Megyn Kelly behaved “unprofessionally” and “very badly personally” during #GOPDebate. http://t.co/RGlmP105NA,,2015-08-07 09:15:09 -0700,629687232195076096,"New York, NY",Eastern Time (US & Canada) -3764,Jeb Bush,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,LadyFyreAZ,,1,,,#RealityCheck: Rupert Murdoch & Valerie Jarrett gushing over Jeb Bush (& each other) #2016election #GOPDebate http://t.co/Ml4uvBrUVv,,2015-08-07 09:15:09 -0700,629687231972663296,Arizona,Pacific Time (US & Canada) -3765,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mikelweisser,,0,,,"Simply half-catching morning-after clips of #GOPDebate, I have 2 wonder y anyone would want any of these arrogant hard-hearted folk as prez?",,2015-08-07 09:15:09 -0700,629687230420774912,"S0-Hi, AZ",Pacific Time (US & Canada) -3766,No candidate mentioned,1.0,yes,1.0,Negative,0.6333,None of the above,1.0,,Dlovespolitics,,0,,,"@IngrahamAngle ""@CarlyFiorina ran away with it."" #GOPDebate #Carly2016 https://t.co/rXJS2EMmdj",,2015-08-07 09:15:07 -0700,629687223009456129,New Hampshire, -3767,Rand Paul,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,fordblanchard,,1,,,"RT @ElizLanders: Wow. Rand Paul actually is hard of hearing and I think wears a hearing aide. - -I wonder if Trump knows that... #GOPDebate",,2015-08-07 09:15:07 -0700,629687222338457600,Columbia,Eastern Time (US & Canada) -3768,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,0.6667,,MaryEarnhardt,,0,,,".@GeorgeWill:""Carly Fiorina stood out"" #GOPDebate #Carly2016 https://t.co/rvocIJ4LyC",,2015-08-07 09:15:06 -0700,629687218433490945,"WDSM, IA",Central Time (US & Canada) -3769,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6409,,LaneyGrace7,,103,,,"RT @amaraconda: take a shot every time u hear ""repeal obamacare"" and be prepared to get alcohol poisoning in the next 10 mins #GOPDebate",,2015-08-07 09:15:06 -0700,629687218219692032,WPHS ➡️ University of Michigan, -3770,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6804,,talkradio200,,0,,,CNN & the New York Times liked the #GOPDebate? Tells you everything you need to know. #ModeratorFail,,2015-08-07 09:15:06 -0700,629687216630050816,New York City,Eastern Time (US & Canada) -3771,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6705,,OutSideDBox1,,1,,,"@Livestream #GOPDebate or if he gets d GOP nomination, he will never get the Black, Hispanic, Asian, Gay, Unions, vote 2 win 2D White House",,2015-08-07 09:15:04 -0700,629687211705937926,"New York, USA", -3772,Scott Walker,0.6923,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,weeperwillow,,1,,,#Fox News Fails To Disclose Its Pro-Walker Debate Analyst Is A Walker Adviser And Co-Author http://t.co/76AhMnCUHb #GOPDebate #ScottWalker,,2015-08-07 09:15:04 -0700,629687209394700288,USA,Pacific Time (US & Canada) -3773,No candidate mentioned,0.6593,yes,1.0,Negative,0.6593,Jobs and Economy,0.6593,,solitaryspook,,25,,,"RT @ChloeAngyal: ""As Jesus once said, Ronald Reagan is great and capital gains tax is bad."" #GOPDebate",,2015-08-07 09:15:03 -0700,629687206475509760,"Knoxville, TN",Eastern Time (US & Canada) -3774,Donald Trump,0.4501,yes,0.6709,Negative,0.6709,Women's Issues (not abortion though),0.2305,,dedehud,,1,,,"RT @DoctorGooFee: #GOPDebate...#Trump...if he hadn't before...last night...likely lost the ""#ChubClub"" Vote.. -#RosieODonnell",,2015-08-07 09:15:02 -0700,629687200054149120,lynchburg va,Pacific Time (US & Canada) -3775,Donald Trump,0.2235,yes,0.6629,Neutral,0.3371,None of the above,0.4395,,Gdestefano95,,0,,,"Following last night's #GOPDebate @SarahPalinUSA stated that she could hear Putin crapping form her house! - - @realDonaldTrump @greggutfeld",,2015-08-07 09:15:02 -0700,629687199794118656,"Central NY, USA",Eastern Time (US & Canada) -3776,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,bigdawg_mcrae,,0,,,How do yall feel about the #GOPDebate?,,2015-08-07 09:15:01 -0700,629687195759153152,,Central Time (US & Canada) -3777,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6703,,carlvphillips,,138,,,"RT @AfricanaCarr: Today is the 50th anniversary of the #VotingRightsAct and not one question in tonight's #GOPDebate . Message received, lo…",,2015-08-07 09:15:00 -0700,629687191640346625,"New Hampshire, USA",Eastern Time (US & Canada) -3778,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6653,,laprofe63,,2,,,"RT @ZeitgeistGhost: Kept thinking when #GOP Governors in the #GOPDebate talk about their 'accomplishments', yeah but u FAILED and are unpop…",,2015-08-07 09:14:59 -0700,629687190302232576,Chicagoland #USA via #NYC ,Central Time (US & Canada) -3779,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,MichiganMichele,,0,,,Did they really not mention Trump's comments about John McCain and POWs last night during #GOPDebate or did I miss it ?,,2015-08-07 09:14:59 -0700,629687187190104064,U.P. North, -3780,Rand Paul,0.408,yes,0.6388,Neutral,0.341,,0.2307,,nancy_shia,,1,,,RT @WashInformer: Rand Paul - You do not project power from bankruptcy court #GOPDebate,,2015-08-07 09:14:58 -0700,629687183302074368,"Washington, DC ", -3781,Donald Trump,0.4393,yes,0.6628,Negative,0.6628,FOX News or Moderators,0.2312,,katiem_allen,,0,,,This is how @bpolitics describes Megyn Kelly before quoting her Trump sexist comments question. Irony? #GOPDebate http://t.co/e1dHZKtjDw,,2015-08-07 09:14:57 -0700,629687179699224576,DC, -3782,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,FOX News or Moderators,1.0,,dtalley1952,,1,,,"RT @SwayzeGuy: #FoxNews hosts were fist bumping each other after the #GOPDebate was over. Megyn ""Crowley"" was particularly proud of herself…",,2015-08-07 09:14:57 -0700,629687179199930368,, -3783,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,SeaBassThePhish,,1,,,What if Donald Trump has been a liberal this whole time and he's just running to prove how stupid the GOP is? #GOPDebate,,2015-08-07 09:14:56 -0700,629687174380810240,,Eastern Time (US & Canada) -3784,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AntarianRani,,0,,,“@BW_React: #GOPDebate verdict: @JohnKasich wins it. 74.5% positive sentiment. http://t.co/CpqJNwOL11”,,2015-08-07 09:14:55 -0700,629687174120632320,Antar,Mountain Time (US & Canada) -3785,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thomaswhitley,,0,,,Trying to find a spot in the #GOPDebate last night so I'm watching it on mute and fast forwarded. Much better this way.,,2015-08-07 09:14:55 -0700,629687173810229248,"Tallahassee, FL",Eastern Time (US & Canada) -3786,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NarinderSingh,,0,,,Only rule in politics: You can sound crazy but you can’t look creepy. #GOPDebate,,2015-08-07 09:14:52 -0700,629687161546276864,New York. #FollowBack,Quito -3787,Donald Trump,1.0,yes,1.0,Negative,0.6067,None of the above,1.0,,RONJWR,,4,,,RT @GlitchxCity: Donald Trump is only a publicity stunt and a phase right? Right? #GOPDebate,,2015-08-07 09:14:51 -0700,629687156374528000,Napping,Pacific Time (US & Canada) -3788,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,romegeorgiaman1,,0,,,How many people didnt get to see the debate because they dont have cable or satellite?.and fox news isnt free #GOPDebate,,2015-08-07 09:14:51 -0700,629687153899876352,"Rome,Georgia ",Eastern Time (US & Canada) -3789,Marco Rubio,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,NewberryDenise,,255,,,RT @thehill: WATCH: Rubio: God blessed the GOP with candidates; Dems can't even find one http://t.co/22gJYz5Dz9 #GOPDebate http://t.co/d5c…,,2015-08-07 09:14:51 -0700,629687153753112576,, -3790,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,brosninja,,129,,,"RT @GayAtHomeDad: ""Old-fashioned"" = homophobic. #GOPDebate",,2015-08-07 09:14:50 -0700,629687152318636032,Where I wanna be,Pacific Time (US & Canada) -3791,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ian_Anderson_B1,,0,,,When did the path to becoming President become a reality tv show focused on shock value? #GOPDebate,,2015-08-07 09:14:50 -0700,629687149353410560,"Duluth, MN",Eastern Time (US & Canada) -3792,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,FilipinoBroMo,,3,,,"RT @carljacksonshow: #Trump likes socialized med and paying off corrupt politicians. Conservatives like him, why?#GOPDebate",,2015-08-07 09:14:49 -0700,629687146299949058,,Eastern Time (US & Canada) -3793,No candidate mentioned,0.4542,yes,0.6739,Neutral,0.3478,None of the above,0.2344,,LiveNewsyTweets,,1,,,RT @PatriotTweetz: TT:@ AriDavidUSA: BREAKING NEWS! Last night during the #GOPDebate megynkelly gained 300lbs and changed her name to… http…,,2015-08-07 09:14:48 -0700,629687141455515648,,Arizona -3794,Donald Trump,0.6333,yes,1.0,Positive,0.7,None of the above,1.0,,FanofDixie,,0,,,@AmyMek @realDonaldTrump @megynkelly @FrankLuntz I would like to thank Rand Paul for exposing Trump 4 the Democrat that he is #GOPDebate,,2015-08-07 09:14:46 -0700,629687132379082752,"Somewhere, USA",Eastern Time (US & Canada) -3795,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PrettyyInInk_,,0,,,Pretty pissed I missed the #GOPDebate 😞,,2015-08-07 09:14:45 -0700,629687132014120960,,Pacific Time (US & Canada) -3796,No candidate mentioned,1.0,yes,1.0,Negative,0.7093,FOX News or Moderators,0.7093,,RT0787,,0,,,"ClaudiaAvaloss: Last I heard, bimbos vote. ✅ #KellyFile #GOPDebate #ThatsAll http://t.co/AuhlNZa3Ww",,2015-08-07 09:14:44 -0700,629687126028853248,USA,Hawaii -3797,No candidate mentioned,1.0,yes,1.0,Negative,0.7042,Immigration,0.7042,,JuleykaLantigua,,3,,,RT @JulieWeise: A little history from yours truly re: immigration sparring in #GOPDebate https://t.co/m59gDl3ZGt,,2015-08-07 09:14:44 -0700,629687125613613056,Thinking through writing.,America/New_York -3798,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Fangddoc,,5,,,RT @AuditTheMedia: US #GOPDebate could stand to learn a lot from the #GEDebate format. BBC did a much better job than Fox News,,2015-08-07 09:14:44 -0700,629687125588361216,"Houston, Texas",Central Time (US & Canada) -3799,No candidate mentioned,1.0,yes,1.0,Negative,0.6751,None of the above,0.7122,,mamagrace1214,,0,,,Mood after #GOPDebate http://t.co/404gmXjf64,,2015-08-07 09:14:43 -0700,629687121394184192,"North Carolina, USA", -3800,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,Abortion,1.0,,BailofRights,,3,,,"I'm officially calling pro-choicers ""science deniers."" #prolife #GOPDebate",,2015-08-07 09:14:43 -0700,629687120999743488,"Des Moines, IA",Central Time (US & Canada) -3801,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,AmPowerBlog,,1,,,"When you have to whine about how you're ""your own man,"" you're probably not. Talking to you, @JebBush. #JebBush #GOPDebate",,2015-08-07 09:14:42 -0700,629687117380087808,"Orange County, California",Pacific Time (US & Canada) -3802,,0.2248,yes,0.6588,Neutral,0.6588,None of the above,0.434,,RT0787,,0,,,LCMauor: RT philstockworld: From our Live Chat Room: #GOPDebate #Trump #Futures $SPY #NonFarmPayrolls #Jobs #Netfl… http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:41 -0700,629687113051697152,USA,Hawaii -3803,Scott Walker,1.0,yes,1.0,Negative,0.6546,None of the above,1.0,,Delpy3,,0,,,I would of guessed it was his haircut. #GOPDebate #ScottWalker https://t.co/rYvtecZ0pm,,2015-08-07 09:14:40 -0700,629687108052086785,"Carmel, IN | Honolulu, HI",Central Time (US & Canada) -3804,No candidate mentioned,0.5155,yes,0.718,Neutral,0.718,None of the above,0.5155,,RT0787,,0,,,nalin: RT merket: Anyone else notice Carlton during the #GOPDebate last night? http://t.co/spBAs1QF4l http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:39 -0700,629687106198220801,USA,Hawaii -3805,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6644,,RT0787,,0,,,EmmaJeter: Watching more on the #GOPDebate and if Donald Trump wasn't such a misogynist pig he wouldn't be a compl… http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:38 -0700,629687098803683328,USA,Hawaii -3806,Donald Trump,0.4603,yes,0.6784,Positive,0.6784,None of the above,0.4603,,ponytaila1a,,125,,,"RT @Writeintrump: To prove I'm a good sport, I'm giving all the losers of tonight's #GOPDebate The Apprentice board game to take home. http…",,2015-08-07 09:14:37 -0700,629687097620889600,, -3807,No candidate mentioned,0.4561,yes,0.6754,Negative,0.3396,None of the above,0.4561,,abbymcredmond,,1,,,"RT @brianinoty: LET'S NOT FORGET no one has ever been shot for ""not being politically correct"" no one has had their liberties violated over…",,2015-08-07 09:14:37 -0700,629687095741648896,, -3808,Donald Trump,1.0,yes,1.0,Positive,0.6726,Jobs and Economy,0.6726,,sweetsabina,,145,,,RT @KurtSchlichter: Trump is actually right about the bankruptcy laws. Someone please kill me. #GOPDebate,,2015-08-07 09:14:36 -0700,629687093824987136,,Hawaii -3809,No candidate mentioned,0.4671,yes,0.6834,Neutral,0.6834,None of the above,0.4671,,RT0787,,0,,,"AndrewDiPonio: InvestingLatest ,, $twtr had 2.24M tweets regarding the following trend #GOPDebate. How many like o… http://t.co/AuhlNZa3Ww",,2015-08-07 09:14:36 -0700,629687092856156160,USA,Hawaii -3810,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,RT0787,,0,,,FORWARD_future: RT 1Marchella: This is straight up #fascism. #GOPdebate https://t.co/XwMlIzGgdS http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:36 -0700,629687091140685828,USA,Hawaii -3811,No candidate mentioned,1.0,yes,1.0,Neutral,0.6422,None of the above,1.0,,wavyygravy,,23,,,RT @stephenedwardc: #GOPDebate Bingo cards! http://t.co/FyTD1UrPfb,,2015-08-07 09:14:36 -0700,629687090339409921,,Pacific Time (US & Canada) -3812,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,None of the above,0.4805,,RT0787,,0,,,"laprofe63: RT LoseThosePoundz: When you're searching for a comeback but you really don't have a clue -#GOPdebate … http://t.co/AuhlNZa3Ww",,2015-08-07 09:14:35 -0700,629687089869811712,USA,Hawaii -3813,No candidate mentioned,1.0,yes,1.0,Negative,0.6221,None of the above,1.0,,RT0787,,0,,,adamkareem: Was that a #GOPDebate last night? All the smack they were talking about each other seemed more like le… http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:35 -0700,629687088695353344,USA,Hawaii -3814,Donald Trump,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,Transcend_Rsrch,,1,,,"@FrankLuntz LOL sham focus group, a bunch of Bush/RNC plants! #Trump2016 won #GOPDebate hands down!",,2015-08-07 09:14:35 -0700,629687086132633600,, -3815,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jcorl49,,0,,,Aldon Smiths #GOPDebate party must have been off the hook #49ers #nfl,,2015-08-07 09:14:34 -0700,629687086069624832,"Napa, CA",Pacific Time (US & Canada) -3816,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,Religion,0.4444,,RT0787,,0,,,latham312: RT Franklin_Graham: 1st #GOPDebate--Encouraging to see several candidates express their faith in God an… http://t.co/AuhlNZa3Ww,,2015-08-07 09:14:34 -0700,629687085302185984,USA,Hawaii -3817,Ben Carson,1.0,yes,1.0,Positive,0.3656,None of the above,1.0,,melmc59,,6,,,"RT @rhowardbrowne: Ben Carson: ""I'm only one who removed half a brain, but if you went to Washington, you'd think someone beat me to it."" #…",,2015-08-07 09:14:32 -0700,629687075642703872,, -3818,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mark_s_james,,25,,,RT @Rev_Norespect: Which one of these guys can get Joel O'Steen to frown? He get's my vote. #GOPDebate,,2015-08-07 09:14:32 -0700,629687073960763392,,Eastern Time (US & Canada) -3819,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Sepsis67,,0,,,Last night's debate only proved that we will never move forward as a nation until we stop voting in #Democrats & #Republicans. #gopdebate,,2015-08-07 09:14:31 -0700,629687072148721664,Florida,Eastern Time (US & Canada) -3820,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,MichaelBeatrice,,0,,,"#GOPDebate failed to mention Climate Change even once. Which is odd, considering all the hot air.",,2015-08-07 09:14:30 -0700,629687066377371649,"Tarzana, CA",Pacific Time (US & Canada) -3821,No candidate mentioned,1.0,yes,1.0,Neutral,0.6404,None of the above,1.0,,lifeisageless,,0,,,"Fast forward #GOPDebate 2016' to #GOPDebate 2040' "" We need a wall """,,2015-08-07 09:14:30 -0700,629687065769287680,A Haunted Man ,Atlantic Time (Canada) -3822,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,brucemurden,,46,,,RT @JeneralPR: Not a single mention of voting rights during the #GOPDebate on the 50th Anniversary of the Voting Rights Act. Just awful.,,2015-08-07 09:14:29 -0700,629687063768645632,"Lansing, MI",Eastern Time (US & Canada) -3823,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tonithestrange,,111,,,RT @JeffersonObama: The President trolling Cruz during debate #GOPDebate http://t.co/ZB2NT2JvLE,,2015-08-07 09:14:29 -0700,629687063336624132,,Pacific Time (US & Canada) -3824,No candidate mentioned,1.0,yes,1.0,Neutral,0.6692,Foreign Policy,0.6692,,KEvangelista263,,78,,,"RT @BuckSexton: Too much foreign policy tonight, not enough specifics on immigration or Obamacare. Yeah, they all hate ISIS and Iran, we ge…",,2015-08-07 09:14:29 -0700,629687062044672000,,Pacific Time (US & Canada) -3825,No candidate mentioned,1.0,yes,1.0,Neutral,0.6957,None of the above,1.0,,littlestmanda,,197,,,RT @OhNoSheTwitnt: Hillary Clinton sitting at home reciting the names of the GOP candidates like Arya Stark's list. #GOPDebate,,2015-08-07 09:14:26 -0700,629687051168800768,California,Pacific Time (US & Canada) -3826,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,FOX News or Moderators,1.0,,dkrazz89,,0,,,#rushlimbaugh FOX moderators received most air time on #GOPDebate,,2015-08-07 09:14:25 -0700,629687048039895040,,Central Time (US & Canada) -3827,Ben Carson,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,LovetoflyTom,,0,,,When @BenCarson2016 said he removed half a brain I think #debbiewashermanshultz was the patient? #GOPDebate,,2015-08-07 09:14:22 -0700,629687033661911040,Georgia/Texan , -3828,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,FreedomJames7,,2,,,"Never Forget: Ted Cruz Never Supported Amnesty. -#GOPDebate",,2015-08-07 09:14:21 -0700,629687028653944832,, -3829,Ted Cruz,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,Foonok,,0,,,"Cruz is pretty much saying ""I plan on repealing Obamacare, and not doing shit about healthcare afterwards"" #GOPDebate",,2015-08-07 09:14:21 -0700,629687028297371648,Oakland Raiders,Eastern Time (US & Canada) -3830,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6905,,hazzardeuce,,34,,,RT @MissZindzi: SNL's writers RT @ABC7News The first #GOPDebate of the 2016 presidential election is officially over. Who do you think won?,,2015-08-07 09:14:20 -0700,629687027081060352,"Washington, DC",Eastern Time (US & Canada) -3831,Chris Christie,1.0,yes,1.0,Negative,0.3605,None of the above,1.0,,RudyHavenstein,,4,,,"Chris Christie, shown here swallowing a fly during Thursday's #GOPDebate #OhGodMakeItStop2015 http://t.co/z2VX3CRiDr",,2015-08-07 09:14:19 -0700,629687022626582528,"Berlin, NY, DC, Malibu",Arizona -3832,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,dfingold,,16,,,RT @WendyLiebman: I watched the #GOPDebate with the Benny Hill theme song playing.,,2015-08-07 09:14:19 -0700,629687019183050752,"Toronto, Canada",Eastern Time (US & Canada) -3833,No candidate mentioned,1.0,yes,1.0,Neutral,0.6711,None of the above,1.0,,somewhitepunk,,0,,,@MissSwiss this is what was missing from the #GOPDebate,,2015-08-07 09:14:16 -0700,629687008328204288,"cincinnati, oh",Eastern Time (US & Canada) -3834,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3516,Religion,0.4642,,honeybiscuitss,,8,,,RT @Andrew_Marcinko: Here's a FB photo of the guy who asked whether the candidates had spoken to God at #GOPDebate. Color me surprised! htt…,,2015-08-07 09:14:14 -0700,629686998622564352,, -3835,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6784,,Fangddoc,,4,,,"RT @AuditTheMedia: You could've asked 20 questions to the entire field in 100 minutes, #GOPDebate, instead you struggled to get an average …",,2015-08-07 09:14:14 -0700,629686998240882688,"Houston, Texas",Central Time (US & Canada) -3836,No candidate mentioned,0.6552,yes,1.0,Neutral,1.0,None of the above,0.6552,,jangelgonzalo,,1,,,"The GOP debate, charted word by word http://t.co/utUowZIvj6 #GOPDebate",,2015-08-07 09:14:13 -0700,629686996546367488,Miami,Pacific Time (US & Canada) -3837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3763,,solitaryspook,,5,,,"RT @EvanJKessler: I can't believe they went with the question ""any of you guys talk to god lately?"" #GOPDebate",,2015-08-07 09:14:12 -0700,629686993237061632,"Knoxville, TN",Eastern Time (US & Canada) -3838,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,0.6859999999999999,,KenoshaFestival,,2,,,RT @lizadonnelly: Watched his last Daily Show last night after the #GOPdebate https://t.co/pIcm3bn9Ma,,2015-08-07 09:14:12 -0700,629686992809410560,,Eastern Time (US & Canada) -3839,No candidate mentioned,1.0,yes,1.0,Neutral,0.6847,None of the above,1.0,,USAPatriot2A,,0,,,"@CarlyFiorina you killed it at the debate yesterday. Run with it hard. Keep telling the truth. No apologies. - -#RedNationRising -#GOPDebate",,2015-08-07 09:14:12 -0700,629686990129229825,, -3840,Donald Trump,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,RPedenko,,0,,,The reason @realDonaldTrump did not take that pledge at #GOPDebate is exactly because he is a good negotiator.,,2015-08-07 09:14:11 -0700,629686989575557120,Los Angeles,Pacific Time (US & Canada) -3841,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JakeM_1998,,0,,,Did Donald Trump’s performance at the first #GOPdebate help or hurt him? http://t.co/ydtIRIdU7H http://t.co/AnDsOm9DMb,,2015-08-07 09:14:11 -0700,629686988103380992,"United Kingdom, London",London -3842,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,christopherguz,,0,,,Local talk radio in LA is the best the morning after a presidential debate. #GOPDebate,,2015-08-07 09:14:10 -0700,629686981962764289,"Los Angeles, CA",Eastern Time (US & Canada) -3843,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheOtherAPP,,0,,,"Not sure about Jeb Bush, but one thing I know for sure is that he didn't help himself w/last nights #GOPDebate. @OutnumberedFNC @ericbolling",,2015-08-07 09:14:10 -0700,629686981870510080,Northwest Arkansas,Central Time (US & Canada) -3844,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6552,,MilaTheNL,,88,,,RT @thisbrokenwheel: People who five minutes ago were advocating for more violence in the Middle East now straight-faced defend the sanctit…,,2015-08-07 09:14:08 -0700,629686974086053888,,Amsterdam -3845,No candidate mentioned,0.4113,yes,0.6413,Negative,0.6413,FOX News or Moderators,0.4113,,AardvarkBlue,,4,,,RT @adbridgeforth: Fox News Fails To Disclose Its Pro-Walker Debate Analyst Is A Walker Adviser And Co-Author http://t.co/LPOdl5Pt1t #GOPDe…,,2015-08-07 09:14:07 -0700,629686969119981568,,Mountain Time (US & Canada) -3846,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GrnEyedMandy,,11,,,Fox's lady viewers are pissed at Megyn Kelly. Doesn't Megyn know that a good RW woman takes men's sexism with a smile & silence? #GOPDebate,,2015-08-07 09:14:06 -0700,629686967299624960,"Florida, Gun Nut Capital, USA ",Atlantic Time (Canada) -3847,Jeb Bush,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,KenoshaFestival,,4,,,RT @lizadonnelly: I put pearls on Jeb! because he looks like his mom. I drew the #GOPdebate last night… https://t.co/MQRw3Qy5YB,,2015-08-07 09:14:06 -0700,629686967161061377,,Eastern Time (US & Canada) -3848,No candidate mentioned,1.0,yes,1.0,Neutral,0.6732,None of the above,0.6577,,AndrewDiPonio,,0,,,"@InvestingLatest ,, $twtr had 2.24M tweets regarding the following trend #GOPDebate. How many like or comments did $FB have?",,2015-08-07 09:14:05 -0700,629686962459271169,,Atlantic Time (Canada) -3849,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FORWARD_future,,19,,,RT @1Marchella: This is straight up #fascism. #GOPdebate https://t.co/OL2kRvNQuu,,2015-08-07 09:14:05 -0700,629686961238855680,, -3850,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,adamkareem,,0,,,Was that a #GOPDebate last night? All the smack they were talking about each other seemed more like leaked lyrics from their diss tracks,,2015-08-07 09:14:05 -0700,629686960303546368,,Quito -3851,Donald Trump,0.4689,yes,0.6848,Neutral,0.6848,None of the above,0.4689,,patmoulds,,40,,,"RT @LynnParramore: MT @PolitiFact: Yep, Clintons attended Trump’s wedding in 2005. Front row seats. http://t.co/YNp8kzIBHJ #GOPDebate http:…",,2015-08-07 09:14:04 -0700,629686958483058688,"Washington, USA",Pacific Time (US & Canada) -3852,No candidate mentioned,0.6556,yes,1.0,Negative,1.0,None of the above,1.0,,worldmist1,,1,,,"Libertarian hate state power? Right? -Are they silent about this or my volume is on mute? #GOPDebate #RandPaul http://t.co/ueKBwu19lh",,2015-08-07 09:14:04 -0700,629686956981514240,Las Vegas ,Pacific Time (US & Canada) -3853,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FreddysMercury,,0,,,"Last time, it took 5 days. How long will it take Jeb this time, to correct his horrible Common Core answer at the #GOPDebate?",,2015-08-07 09:14:04 -0700,629686956839051264,The Twilight Zone,Pacific Time (US & Canada) -3854,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,Ah_Puc,,0,,,So basically the post #GOPDebate polls have the business candidates beating the political candidates.,,2015-08-07 09:14:04 -0700,629686956075708416,, -3855,No candidate mentioned,1.0,yes,1.0,Negative,0.6492,None of the above,1.0,,KenoshaFestival,,2,,,RT @lizadonnelly: Political nonsense last night. #GOPdebate (See all on my http://t.co/x6hXFxQjgd site.)… https://t.co/f0UQP5U0Wv,,2015-08-07 09:14:01 -0700,629686947527720960,,Eastern Time (US & Canada) -3856,No candidate mentioned,1.0,yes,1.0,Neutral,0.6941,None of the above,0.6609,,abgutman,,2,,,"Word count from #GOPDebate last night- -God: 19 -Planned Parenthood: 5 -Abortion: 8 -Guns: 2 -Obama: 36 -Hillary:29 -Israel: 12 -Palestine: 0",,2015-08-07 09:14:01 -0700,629686946877603841,New York - Tel Aviv, -3857,Rand Paul,1.0,yes,1.0,Negative,0.647,None of the above,1.0,,BansheeofBebop,,108,,,RT @DonlynTurnbull: Rand Paul called himself a Reagan conservative??? #GOPDebate http://t.co/rJsuJATjCo,,2015-08-07 09:14:01 -0700,629686944918736896,, -3858,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,OffendRick,,0,,,"@RealAlexJones After watching the debate, i felt that Donald Trump is the new Ross Perot. Do you feel this way as well? #GOPDebate",,2015-08-07 09:14:01 -0700,629686944470052864,,Pacific Time (US & Canada) -3859,No candidate mentioned,0.4609,yes,0.6789,Neutral,0.6789,None of the above,0.4609,,MAC1NE,,0,,,In case you missed yesterday's #GOPDebate. Today's #work tunes. #StayInformed. https://t.co/VgUrzzWJoH,,2015-08-07 09:14:00 -0700,629686942678978561,"Chicago, IL",Central Time (US & Canada) -3860,No candidate mentioned,0.4636,yes,0.6809,Negative,0.6809,None of the above,0.239,,WisconsinStrong,,5,,,"RT @NETRetired: “@AdamSmith_USA: democrats watching the #GOPDebate http://t.co/OjuKqGCdb7” @gop love unborn, it's after birth they starve t…",,2015-08-07 09:14:00 -0700,629686942486147073,In the middle. Of everything.,Eastern Time (US & Canada) -3861,Marco Rubio,0.4344,yes,0.6591,Positive,0.3295,None of the above,0.4344,,_SFRNC,,2,,,We need to put someone to debate against HRC like @marcorubio. -@JedediahBila on #outnumbered #StudentsForRubio #GOPDebate,,2015-08-07 09:14:00 -0700,629686941022310400,"Washington, DC",Pacific Time (US & Canada) -3862,Mike Huckabee,1.0,yes,1.0,Positive,0.6799,None of the above,1.0,,SarahHuckabee,,5,,,.@FrankLuntz analysis says @GovMikeHuckabee won the debate —> http://t.co/QUwoCLfs8q #ImWithHuck #GOPDebate,,2015-08-07 09:14:00 -0700,629686940628054016,Arkansas,Eastern Time (US & Canada) -3863,Donald Trump,0.4106,yes,0.6407,Positive,0.3414,,0.2302,,Transcend_Rsrch,,0,,,"@FrankLuntz @megynkelly your ""focus group"" was a joke! Your takedown attempt of #Trump2016 was a huge fail! Trump won #GOPDebate easily!",,2015-08-07 09:14:00 -0700,629686939940225024,, -3864,Donald Trump,1.0,yes,1.0,Neutral,0.6632,None of the above,1.0,,GirlThriving,,0,,,Record numbers for the #GOPDebate. Everyone tuned in to see if @realDonaldTrump would curse or something. LOL,,2015-08-07 09:13:58 -0700,629686933363384320,Missouri,Central Time (US & Canada) -3865,Donald Trump,1.0,yes,1.0,Positive,0.6786,None of the above,0.6786,,StMarksInk,,4,,,RT @BernardGoldberg: Donald the real RINO in the race. But he doesn’t mean it. http://t.co/9BaQOqpXoN #GOPDebate,,2015-08-07 09:13:58 -0700,629686931761201156,Peoples Republic of Kalifornia,Pacific Time (US & Canada) -3866,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DixieDarling91,,0,,,"@megynkelly KILLED it last night, and @realDonaldTrump came off as his normal petulant, name calling, thin-skinned self. #GOPDebate",,2015-08-07 09:13:56 -0700,629686924450492417,, -3867,Donald Trump,1.0,yes,1.0,Neutral,0.6593,None of the above,0.6593,,joehos18,,1,,,RT @FMJAmerican: I am seeking solace on @AnnCoulter and @seanhannity Twitter pages. Thanks for the #Truth #GOPDebate @realDonaldTrump https…,,2015-08-07 09:13:55 -0700,629686919962755072,, -3868,Rand Paul,0.6636,yes,1.0,Negative,0.684,None of the above,1.0,,BlueCarp,,0,,,Rand shoulda pulled a pocket copy of the Constitution out and invited Christie to read it. #GOPDebate,,2015-08-07 09:13:54 -0700,629686917613772800,Denver,Mountain Time (US & Canada) -3869,No candidate mentioned,0.4584,yes,0.6771,Neutral,0.3438,FOX News or Moderators,0.4584,,kyaecker,,0,,,http://t.co/BJqhGPPpHY scared when lib news media likes #foxnews #gopdebate,,2015-08-07 09:13:54 -0700,629686915076222976,California Sierra Nevada,Pacific Time (US & Canada) -3870,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,whitebg19611,,1,,,"RT @GretenDave: A lot of Jeb! backers shaking their head, wondering what they just sunk their money into after last night's #GOPDebate",,2015-08-07 09:13:54 -0700,629686914900185088,earth, -3871,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,HUDSONTRADINGCO,,0,,,@megynkelly GREAT JOB #GOPDebate,,2015-08-07 09:13:54 -0700,629686914262638592,FLORIDA,Quito -3872,No candidate mentioned,1.0,yes,1.0,Negative,0.6318,Religion,0.6715,,solitaryspook,,1,,,RT @queenaeIin: GOOD GOD YALL WE'RE DONE GOIN TO CHURCH #GOPDEBATE,,2015-08-07 09:13:53 -0700,629686910806458368,"Knoxville, TN",Eastern Time (US & Canada) -3873,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,TheBigMachineTX,,0,,,"""The Republican Party Won Last Night's Debate - and Hillary Lost"" - Breitbart http://t.co/ZCLyMYxZvY #GOPDebate",,2015-08-07 09:13:52 -0700,629686908658946048,The Great State of TEXAS,Central Time (US & Canada) -3874,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheCCaptain,,0,,,"@realDonaldTrump seems a little flustered about @megynkelly... what, can't handle being called out for being trash? #GOPDebate",,2015-08-07 09:13:52 -0700,629686907761467392,,Central Time (US & Canada) -3875,John Kasich,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,DaTechGuyblog,,0,,,Advice to each #GOP candidate in order of how I think they finished 9th place John Kasich Contrast with Bush more #gopdebate #tcot #p2,,2015-08-07 09:13:52 -0700,629686906394181632,Central massachusetts,Eastern Time (US & Canada) -3876,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6667,,sandralhanlon,,459,,,"RT @mydaughtersarmy: Another group of men taking pride in telling women they should have no choice in what happens to their bodies. - -#GOPDe…",,2015-08-07 09:13:51 -0700,629686905483833345,"St Peters, MO", -3877,Donald Trump,0.4532,yes,0.6732,Neutral,0.3537,None of the above,0.4532,,123_talent,,7,,,RT @usweekly: Celebs react to the #GOPdebate: http://t.co/AcfuPbfUlC http://t.co/hNgi4avB6x,,2015-08-07 09:13:51 -0700,629686905265782784,, -3878,No candidate mentioned,1.0,yes,1.0,Neutral,0.6353,None of the above,1.0,,cwcoyle,,0,,,"Very engaging summary of the #GOPDebate by @washingtonpost . Excellent work, as ever, by @costareports . https://t.co/zHFnP1bnuj",,2015-08-07 09:13:48 -0700,629686890912948224,"Arlington, VA",Bogota -3879,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,None of the above,1.0,,sleddogwatchdog,,1,,,RT @KatieWeicher: The only proper attire for a #GOPDebate watch party with your… https://t.co/6ZpQrFsUhR,,2015-08-07 09:13:47 -0700,629686886525571073,Canada,Central Time (US & Canada) -3880,No candidate mentioned,0.4815,yes,0.6939,Neutral,0.6939,None of the above,0.4815,,TheOklahoman,,1,,,RT @Tiffanyg89: ICYMI: Here's our coverage of last night's #GOPDebate: http://t.co/LiapP5CW0t,,2015-08-07 09:13:47 -0700,629686884877234176,"Oklahoma City, Oklahoma",Central Time (US & Canada) -3881,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6797,,SimSoph,,0,,,"Save America per #GOPDebate . -1. Stronger military -2. God -3. Kill Obamacare -4. God -5. Fix stuff -6. God",,2015-08-07 09:13:46 -0700,629686883006685186,, -3882,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6593,,OxfordsXAF,,2,,,RT @ItsJaneLindsey: #GOPDebate was like seeing the personal hell God has planned as payback for me not believing in him.,,2015-08-07 09:13:46 -0700,629686882092326912,Memphis-Paris-Chicago,Greenland -3883,Donald Trump,1.0,yes,1.0,Negative,0.718,FOX News or Moderators,0.6508,,DennisOConnel14,,1,,,RT @DanielGenseric: .@megynkelly doesn't like @realDonaldTrump or @AnnCoulter. I wonder why. #AntiWhites FORCE #immigration/#assimilation. …,,2015-08-07 09:13:45 -0700,629686880125198336,, -3884,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7045,,tonycfa,,0,,,Reading all the blogs & comments regarding last night's #GOPDebate- folks all saying the biggest looser of night was @megynkelly of @FoxNews,,2015-08-07 09:13:44 -0700,629686874911678468,"FL, OHIO, LOS ANGELES, CLT",Quito -3885,Jeb Bush,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,Jobs and Economy,0.2306,,quarterflash14,,8,,,RT @BRios82: Trickle-Down Econ & your Brother's Recession caused more Poverty. @JebBush....Want to lift them out of poverty? Raise Wages! #…,,2015-08-07 09:13:44 -0700,629686873670070273,buckle of the bible belt, -3886,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CR3AMDR3AM,,0,,,"#GOPDebate last night is what we call ""diarrhea of the mouth""",,2015-08-07 09:13:43 -0700,629686872030244865,New York,Eastern Time (US & Canada) -3887,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,ProgressWeekly,,0,,,"Conservative media's influence on the #GOP: ""They don't give a damn about governing"" http://t.co/a8uth6vmCH by @calmesnyt #GOPDebate",,2015-08-07 09:13:43 -0700,629686871543685120,"Chicago, IL", -3888,Chris Christie,1.0,yes,1.0,Positive,0.6782,None of the above,0.6552,,Notijj,,18,,,RT @ChrisChristie: I will make no apologies for protecting the lives and the safety of the American people. #GOPDebate https://t.co/gMaMj9n…,,2015-08-07 09:13:42 -0700,629686867294752770,,International Date Line West -3889,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,metacommentary,,0,,,Trump: the candidate for people who haven't meaningfully updated their views since they saw Rising Sun in theatres. #GOPDebate,,2015-08-07 09:13:42 -0700,629686865721995264,"Princeton, NJ",Eastern Time (US & Canada) -3890,Mike Huckabee,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6932,,RhondaWatkGwyn,,7,,,"RT @JHoganGidley: Now on @FoxNews, @seanhannity is about to interview @GovMikeHuckabee re: outstanding debate performance. #GOPDebate http:…",,2015-08-07 09:13:41 -0700,629686862920163328,"Mount Airy, North Carolina",Eastern Time (US & Canada) -3891,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SoCalOpinion,,0,,,Did yesterday's #GOPdebate(s) change your mind? Who impressed you? Who disappointed you? Did Donald Trump help himself? Who's your pick now?,,2015-08-07 09:13:41 -0700,629686861271674881,Southern California,Pacific Time (US & Canada) -3892,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,viczin1669,,0,,,"@rushlimbaugh is making a great point. When the NY Times, CNN, et al sing the praises of the #GOPDebate moderators, you know it was bad.",,2015-08-07 09:13:40 -0700,629686857815719936,(SE) Virginia,Eastern Time (US & Canada) -3893,No candidate mentioned,0.4218,yes,0.6495,Negative,0.3402,None of the above,0.4218,,juanyfbaby,,0,,,"Steps to help you understand #KKKorGOP: 1) define rhetoric, 2) consume #GOPDebate rhetoric, 3) spot similarities. https://t.co/lkuHW2NRXs",,2015-08-07 09:13:39 -0700,629686852715319296,Phoenix,Pacific Time (US & Canada) -3894,Rand Paul,0.4385,yes,0.6622,Negative,0.6622,None of the above,0.4385,,MuthrBear,,0,,,"@mitchellreports @CapehartJ #RandPaul had a good point, but then turned it into something sophomoric w/ the hug comment. #GOPDebate",,2015-08-07 09:13:37 -0700,629686846843416576,,Eastern Time (US & Canada) -3895,Donald Trump,1.0,yes,1.0,Negative,0.6492,None of the above,1.0,,OutSideDBox1,,1,,,@Livestream #GOPDebate either way if Donald Trump runs as an Independent which no one will vote for anyway,,2015-08-07 09:13:37 -0700,629686844918210560,"New York, USA", -3896,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BradfordPearson,,0,,,The #GOPDebate was great if you enjoy watching 10 men who forgot they took a laxative earlier in the night. http://t.co/QChYNKfR70,,2015-08-07 09:13:36 -0700,629686841327906816,"Dallas, somehow",Saskatchewan -3897,No candidate mentioned,1.0,yes,1.0,Negative,0.6471,Religion,0.6706,,WarlockKenny,,0,,,"Was Chase A. Norton's ""God"" question on last night's #GOPDebate serious was he just trolling??",,2015-08-07 09:13:35 -0700,629686837561262081,Seattle, -3898,Chris Christie,1.0,yes,1.0,Neutral,0.6245,None of the above,1.0,,quarterflash14,,32,,,"RT @exjon: ""Gov. Christie and Gov. Huckabee, I want to engage you in a hot-dog eating contest. GO!"" #GOPDebate",,2015-08-07 09:13:34 -0700,629686834172289024,buckle of the bible belt, -3899,No candidate mentioned,0.4503,yes,0.6711,Negative,0.6711,Abortion,0.4503,,originalspence,,0,,,"@GuardianUS yes, thank you! #GOPDebate",,2015-08-07 09:13:32 -0700,629686825980817409,, -3900,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,cdpayne79,,2,,,RT @SalenaZitoTrib: .@TribLIVE sent me to the #GOPDebate in #Cleveland & I wrote stuff --> http://t.co/6OFOA0Hqpa http://t.co/emhmpUPMFy,,2015-08-07 09:13:32 -0700,629686825532026880,The River Valley, -3901,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,XPravdaX,,0,,,"#GOPDebate watching highlights from last night wow these people are really immature, women bashing and yelling over who got a hug #UniteBlue",,2015-08-07 09:13:32 -0700,629686824462630912,United States,Central Time (US & Canada) -3902,No candidate mentioned,1.0,yes,1.0,Negative,0.6456,FOX News or Moderators,1.0,,Artrep1,,0,,,"Score B+ candidates C- moderators, just full of themselves & their presumed cleverness. Just my take. .#GOPDebate #FOXNEWSDEBATE",,2015-08-07 09:13:32 -0700,629686823179157505,"Pinehurst, NC",Quito -3903,No candidate mentioned,0.4178,yes,0.6464,Negative,0.6464,Women's Issues (not abortion though),0.4178,,inthequeencity,,1,,,Politicians aren't even pretending to care about the female vote: http://t.co/83epVBwKOt #GOPDebate,,2015-08-07 09:13:32 -0700,629686822747160580,"Charlotte, NC",Eastern Time (US & Canada) -3904,No candidate mentioned,0.3627,yes,0.6023,Positive,0.3068,Religion,0.3627,,solitaryspook,,15,,,"RT @nonprophetess: ""Received word from God."" - -This should be good. -#GOPDebate",,2015-08-07 09:13:31 -0700,629686820024942592,"Knoxville, TN",Eastern Time (US & Canada) -3905,Ben Carson,0.4247,yes,0.6517,Negative,0.6517,None of the above,0.4247,,ETchalim,,160,,,"RT @elonjames: Ben Carson is why the caged bird said ""Nah. We don't know him. "" - -#GOPdebate",,2015-08-07 09:13:31 -0700,629686818246688768,, -3906,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,SereDoc,,0,,,"@Reince How about those in a GOP debate be required to declare they will not run as a 3rd party. If not, have your own debate. #GOPDebate",,2015-08-07 09:13:30 -0700,629686816736718848,In Transit,Tehran -3907,No candidate mentioned,1.0,yes,1.0,Neutral,0.6545,None of the above,0.6545,,ELeeZimmerman,,0,,,More Fox News post-debate polling results! @megynkelly #FrankLundt @FoxNews #GOPDebate http://t.co/tXLzXIkK3N,,2015-08-07 09:13:30 -0700,629686816304566273,Earth. It's a dry heat., -3908,No candidate mentioned,1.0,yes,1.0,Neutral,0.6392,None of the above,1.0,,jerdipego,,2,,,"RT @Zoe_Archer: I wonder if it's coincidence, irony, or purposeful that the #GOPDebate is on the anniversary of the Hiroshima bombing.",,2015-08-07 09:13:30 -0700,629686815323127809,CA, -3909,No candidate mentioned,1.0,yes,1.0,Negative,0.6118,None of the above,0.6765,,ReinerSamen,,0,,,That 'God talks to me' part at the end... Milk out of my nose #GOPDebate #notfromUS,,2015-08-07 09:13:30 -0700,629686813578383360,, -3910,Donald Trump,0.6548,yes,1.0,Positive,0.6548,FOX News or Moderators,1.0,,YourNuCloset,,0,,,"Megyn Kelly was the real winner of the #GOPDEBATE last night -#FOXNEWSDEBATE #Trump #FoxNews http://t.co/EEavzmRvb2",,2015-08-07 09:13:29 -0700,629686810881454080,, -3911,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,0.7065,,dedge1325,,0,,,"Frank Luntz: #GOPDebate ""Great News for Ted Cruz"" http://t.co/B7TI3hVn7p",,2015-08-07 09:13:28 -0700,629686808452931585,"Hoover ,AL", -3912,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6522,,mwheeler1145,,0,,,I'm glad trump shut down four failing biz. He didn't borrow 19 trillion to keep them afloat and enslave his children's children #GOPDebate,,2015-08-07 09:13:26 -0700,629686798952718336,Kansas City,Central Time (US & Canada) -3913,No candidate mentioned,0.4218,yes,0.6495,Positive,0.6495,,0.2277,,Notijj,,65,,,"RT @ChrisChristie: I will make no apologies for protecting the safety of the American people. #TellingItLikeItIs #GOPDebate -https://t.co/Gv…",,2015-08-07 09:13:25 -0700,629686796402593792,,International Date Line West -3914,Rand Paul,0.6824,yes,1.0,Negative,1.0,None of the above,1.0,,FreedomJames7,,0,,,"Paul/Christie Debate Hurt Both Candidates. -#GOPDebate",,2015-08-07 09:13:25 -0700,629686795874246656,, -3915,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,N7IRL,,2,,,RT @sheistyler: Thanks for your #GOPDebate tweets via @teabreakfast! http://t.co/oBhou1rNNJ @JennMJack @TheClothier @elonjames @FeministaJo…,,2015-08-07 09:13:25 -0700,629686795752476672,,Pacific Time (US & Canada) -3916,Donald Trump,1.0,yes,1.0,Negative,0.6235,None of the above,1.0,,wallyweeins,,0,,,is suffering from an existential crisis. Is there a need for @WallyWeeins when we have a @RealDonaldTrump? #GOPDebate #GOP2016,,2015-08-07 09:13:25 -0700,629686793235881984,everywhere,Central Time (US & Canada) -3917,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,suchahappyfox,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/uQ700CGQwN via @HuffPostPol,,2015-08-07 09:13:24 -0700,629686789632962562,OHIO, -3918,No candidate mentioned,1.0,yes,1.0,Negative,0.7232,None of the above,1.0,,JValleMG,,0,,,@HillaryClinton watched the #GOPDebate with the #Kardashians #usa #doomed #birdbrain,,2015-08-07 09:13:20 -0700,629686775091433472,, -3919,Donald Trump,0.4259,yes,0.6526,Negative,0.6526,None of the above,0.4259,,andyfrlng,,0,,,I do like #DonaldTrump for his ability to dig his own grave. #GOPDebate,,2015-08-07 09:13:20 -0700,629686774508425216,"Hamilton, Ontario Canada",Eastern Time (US & Canada) -3920,No candidate mentioned,1.0,yes,1.0,Negative,0.6437,None of the above,1.0,,congoboy,,18,,,"This is going to be a long, tiring election season. -""shockingly ill-informed"" candidates at #GOPDebate -http://t.co/vTK1k0tXiF voa @Slate",,2015-08-07 09:13:20 -0700,629686774286036992,"Eugene, OR",Pacific Time (US & Canada) -3921,Mike Huckabee,1.0,yes,1.0,Neutral,0.3485,Foreign Policy,0.6756,,RhondaWatkGwyn,,9,,,RT @SissonJack: Huckabee: “Reagan said ‘trust but verify.’ Obama 'trusts & vilifies.’ He trusts our enemies & vilifies all who disagrees w …,,2015-08-07 09:13:20 -0700,629686773065641984,"Mount Airy, North Carolina",Eastern Time (US & Canada) -3922,Donald Trump,1.0,yes,1.0,Negative,0.6701,None of the above,0.6495,,haak13,,39,,,RT @jjauthor: The policies of Barack Obama have managed to provide neither peace nor prosperity! #GOPDebate @realDonaldTrump @tedcruz,,2015-08-07 09:13:20 -0700,629686771706634240,satsuma fl, -3923,Donald Trump,0.4927,yes,0.7019,Negative,0.3898,None of the above,0.4927,,ohnolukepuke,,0,,,"Dear Internet, can we start #trumping as a thing? Did I make a thing? #trumping #Trump #GOPDebate http://t.co/MI35fDFFmy",,2015-08-07 09:13:19 -0700,629686769185894400,asheville n.c.,Atlantic Time (Canada) -3924,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,0.6782,,garbage_bones,,0,,,@garbage_bones: what's the harder game: fuck marry kill w the gop debaters or the teen mom/2 shitty dads???? #GOPDebate #TeenMom2,,2015-08-07 09:13:16 -0700,629686758020485120,az, -3925,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,None of the above,1.0,,jerdipego,,1,,,"RT @Zoe_Archer: Not watching the #GOPDebate but it sounds, from Twitter, like a race to the bottom.",,2015-08-07 09:13:16 -0700,629686757345247232,CA, -3926,No candidate mentioned,0.6859999999999999,yes,1.0,Neutral,1.0,None of the above,0.6859999999999999,,TCPalmKGardner,,1,,,Who told the truth and whose pants are on fire from last night's #GOPDebate? http://t.co/WhLKEkq2FM …,,2015-08-07 09:13:15 -0700,629686750957285380,"Fort Pierce, FL",America/New_York -3927,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LaurenStimpert,,0,,,Showdown at the #GOPdebate,,2015-08-07 09:13:14 -0700,629686749745299457,, -3928,No candidate mentioned,0.4681,yes,0.6842,Negative,0.6842,Jobs and Economy,0.4681,,quarterflash14,,145,,,RT @KyleKulinski: Right-wing economics CAUSED the mortgage crisis & the great recession. And now those same ideas are being proposed as sol…,,2015-08-07 09:13:14 -0700,629686749719990272,buckle of the bible belt, -3929,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SarahHuckabee,,3,,,.@BretBaier named @GovMikeHuckabee has one of his “winners” of #GOPDebate —-> https://t.co/OBSveWvo41 #ImWithHuck,,2015-08-07 09:13:14 -0700,629686746922487808,Arkansas,Eastern Time (US & Canada) -3930,No candidate mentioned,1.0,yes,1.0,Negative,0.6662,Religion,0.6892,,fMRI_guy,,1,,,"BTW the correct response at last night's #GOPDebate would've been: ""My faith is a personal matter & unrelated to my aptitude as a statesman""",,2015-08-07 09:13:13 -0700,629686745672589312,Florida,Pacific Time (US & Canada) -3931,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,elanazak,,2,,,Here's why Fox News wasn't streaming #GOPDebate last night: http://t.co/7soOwGIuno http://t.co/wX5gO1thNu,,2015-08-07 09:13:13 -0700,629686742447165444,,Eastern Time (US & Canada) -3932,No candidate mentioned,0.4916,yes,0.7011,Neutral,0.3678,None of the above,0.4916,,razzendres,,0,,,"Gay Hoover Claims Spark Outrage Among Ex-FBI Agents http://t.co/q4RPV2tBX6 - -Nixon Johnson America NYT NYC #GOPDebate http://t.co/PVOPzKKT9m",,2015-08-07 09:13:12 -0700,629686741331542016,APATRIA UTOPIA 666,Zagreb -3933,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,deandrefest,,399,,,"RT @deray: Scott Walker is frightening. Like, when he speaks it's as if he's detached from reality and is just speaking. #GOPDebate",,2015-08-07 09:13:10 -0700,629686733517357056,WI, -3934,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,mkfischer,,0,,,"So, I watched quite a bit of the GOP Debate. Trump is an idiot. #trumpisanidiot #GOPDebate #Libertarian",,2015-08-07 09:13:10 -0700,629686729843212288,"Austin, TX",Eastern Time (US & Canada) -3935,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,bertha1957,,11,,,RT @NancyLeeGrahn: This is no joke. http://t.co/bqAaTGjnfe #GOPDebate,,2015-08-07 09:13:10 -0700,629686729784471552,"Santa Fe, New Mexico",Mountain Time (US & Canada) -3936,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,FOX News or Moderators,0.4218,,Mamadoxie,,2,,,Yeah the liberal lap dog media loved the #GOPDebate but the people who actually WATCH @FoxNews loathed it. FOX will pay. @rushlimbaugh,,2015-08-07 09:13:09 -0700,629686726118641664,,Mountain Time (US & Canada) -3937,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,ICS_SCADA,,1,,,RT @TartanTony71: Did this one pop into anyone else's head last night? #GOPDebate http://t.co/r2LWTiemzM,,2015-08-07 09:13:08 -0700,629686725233606657,"Gulf Coast, GoM", -3938,No candidate mentioned,0.39399999999999996,yes,0.6277,Positive,0.6277,None of the above,0.39399999999999996,,Jan4USA,,1,,,RT @thebighoot: @jan4usa @CarlyFiorina impressive #GOPDebate,,2015-08-07 09:13:07 -0700,629686720770867200,"Las Vegas,NV.USA.",Pacific Time (US & Canada) -3939,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RPedenko,,0,,,The clear winners in #GOPDebate were @SenTedCruz and @CarlyFiorina and that is a powerful combo I could support.,,2015-08-07 09:13:07 -0700,629686720246743040,Los Angeles,Pacific Time (US & Canada) -3940,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gwttds,,0,,,Biggest problem with #GOPDebate? Fox moderators got more airtime - 31% of total! - than any candidate. #Rush #tcot,,2015-08-07 09:13:07 -0700,629686718938095616,Florida,Quito -3941,No candidate mentioned,0.6703,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mulder24,,0,,,"Megyn Kelly need to work for msnbc. She was the low point of the debate. -#GOPDebate -@Foxnews -@realDonaldTrump",,2015-08-07 09:13:07 -0700,629686717801312256,Texas,Central Time (US & Canada) -3942,No candidate mentioned,1.0,yes,1.0,Neutral,0.6834,None of the above,1.0,,merket,,2,,,Anyone else notice Carlton during the #GOPDebate last night? http://t.co/uk6weKJENU,,2015-08-07 09:13:07 -0700,629686717201584128,"Oakland, CA",Pacific Time (US & Canada) -3943,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,Foreign Policy,0.2286,,LambasixX,,0,,,Africa got ppl RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:13:05 -0700,629686712382435328,DOPECITY HD,London -3944,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NOTthesuperstar,,0,,,"Not mentioned in the #GOPdebate: -Voting rights -Climate change -Gun violence -Police shootings -Student debt -Inequality",,2015-08-07 09:13:02 -0700,629686696481816576,Canfield,Arizona -3945,No candidate mentioned,1.0,yes,1.0,Negative,0.6917,Religion,1.0,,BenWessel,,1,,,"RT @drepurse: OK, so if we are gonna talk God, can we talk a little Pope, you know, the one who told you tackle climate change? #GOPDebate",,2015-08-07 09:12:59 -0700,629686687346487297,"San Francisco, CA",Eastern Time (US & Canada) -3946,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,FOX News or Moderators,0.4347,,Buddahfan,,0,,,Did @FoxNews rig last night's #GOPDebate ? Put tallest guy with the loudest voice in the middle & give him the most air time Result obvious,,2015-08-07 09:12:59 -0700,629686686054662148,Los Angeles,Pacific Time (US & Canada) -3947,Donald Trump,1.0,yes,1.0,Positive,0.6643,None of the above,1.0,,Obsessedabroad,,16,,,RT @politicoroger: Donald Trump just tweeted that his jet has landed in Cleveland. The earth moved. #GOPDebate http://t.co/LBef8189yB,,2015-08-07 09:12:59 -0700,629686685731790848,,Eastern Time (US & Canada) -3948,Donald Trump,0.4605,yes,0.6786,Negative,0.6786,None of the above,0.4605,,Awepra_com,,0,,,Donald Trump Parody - FUNNY! https://t.co/NeymfCdJ4O #GOPDebate #Trump #Trump2016 #TrumpEffect #TheGoodLife #Trumpdates #Awepra,,2015-08-07 09:12:59 -0700,629686685446438912,"Sacramento, California",Alaska -3949,No candidate mentioned,1.0,yes,1.0,Positive,0.6703,FOX News or Moderators,1.0,,WeMoveHearts,,1,,,"RT @ryanbhorn: @Nielsen to release ratings this afternoon. The rumor: 10 mil viewers, 16 share. Making @foxnews undisputed winner of #GOP…",,2015-08-07 09:12:58 -0700,629686682384736256,"Alexandria, VA",Eastern Time (US & Canada) -3950,No candidate mentioned,1.0,yes,1.0,Positive,0.3556,None of the above,1.0,,EvilWriter,,0,,,"The real winners in the #GOPDebate were the Jr. Debaters, who came across as far more intelligent than the brawling children later on.",,2015-08-07 09:12:55 -0700,629686668895784961,Tennessee,Eastern Time (US & Canada) -3951,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,Racial issues,0.6591,,mrmarlonbrowndo,,47,,,"RT @harikondabolu: I'm missing the #GOPDebate. Did any of the ""candidates"" mention Abraham Lincoln being Republican because they think Blac…",,2015-08-07 09:12:55 -0700,629686667041992704,"New York, NY",Eastern Time (US & Canada) -3952,Donald Trump,1.0,yes,1.0,Neutral,0.6301,None of the above,0.6949,,realbigstriper,,0,,,"@mitchellreports You do realize you are only talking about @realDonaldTrump all show, just look at the polls for your answer. #GOPDebate",,2015-08-07 09:12:52 -0700,629686655616712704,,Pacific Time (US & Canada) -3953,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Kimberlyuf,,107,,,RT @cabot_phillips: Marco Rubio is treating the other candidates like Drake treated Meek Mill #GOPDebate,,2015-08-07 09:12:50 -0700,629686649333481473,, -3954,No candidate mentioned,1.0,yes,1.0,Neutral,0.7065,FOX News or Moderators,0.6739,,sass2411,,689,,,"RT @michellemalkin: My fellow conservatives, 1 thing we can all agree on: Best thing about #gopdebate tonite will be: No Candy Crowley! htt…",,2015-08-07 09:12:50 -0700,629686646905016320,,Arizona -3955,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,GOP_DEM,,0,,,"Where could I watch #GOPDebate again besides Fox? -Fox stream quality is terrible!",,2015-08-07 09:12:50 -0700,629686646405885953,USA,Pacific Time (US & Canada) -3956,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,briannemaiken,,0,,,"Man, Rubio is a slide for ""best guest actor in a comedy"" next Emmy season. #GOPDebate",,2015-08-07 09:12:47 -0700,629686633537777664,"astoria, new york", -3957,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,RMConservative,,8,,,"If the media is fawning over the fox moderators, conservatives should not #GOPDebate",,2015-08-07 09:12:46 -0700,629686629746274304,, -3958,No candidate mentioned,0.6593,yes,1.0,Negative,0.3424,None of the above,0.6576,,Conserv_Report,,2,,,Bill O'Reilly: Pandering O http://t.co/UoHxh0nrKZ #1A☢#StopIran #GopDebate►http://t.co/ZWmstJJH16◄#19T$ #CruzCrew #rush #ycot #tiot #sot,,2015-08-07 09:12:44 -0700,629686620543844352,USA,Eastern Time (US & Canada) -3959,No candidate mentioned,1.0,yes,1.0,Negative,0.6969,None of the above,1.0,,MissHootman,,0,,,Catching up on #GOPDebate tweets. I feel like I missed a real cracker. #lolgop,,2015-08-07 09:12:43 -0700,629686620384444417,"Los Angeles, CA",Eastern Time (US & Canada) -3960,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,misskelleyTV,,1,,,RT @whynotbecca: Tomorrow morning we all wake up and Ashton Kutcher pops out and tells us we've been Punk'd. #OMGOP #GOPDebate,,2015-08-07 09:12:43 -0700,629686619340062720,,Pacific Time (US & Canada) -3961,No candidate mentioned,1.0,yes,1.0,Neutral,0.6905,None of the above,1.0,,LuBellWoo,,0,,,A thing I apparently said during the #GOPDebate last night. https://t.co/kyLWwOJ8Oq,,2015-08-07 09:12:43 -0700,629686618488619008,"Portland, OR",Pacific Time (US & Canada) -3962,Mike Huckabee,0.2267,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,DianneG,,1,,,LIVE on #Periscope: .@randpaul speaking in Rock Hill SC the day after #gopdebate. #decision2016 https://t.co/F0ckWeaTZ7,,2015-08-07 09:12:43 -0700,629686617624678400,Charlotte ,Eastern Time (US & Canada) -3963,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CarlSpry,,0,,,"Here's what I know for sure about the #GOPDebate @ 5 & 9, there were 16 people on stage that I am not voting for. #Outnumbered",,2015-08-07 09:12:42 -0700,629686614739034112,SC,Eastern Time (US & Canada) -3964,Chris Christie,1.0,yes,1.0,Negative,0.7089,None of the above,0.6227,,nicole473,,0,,,"Chris Christie LIES:He was NOT appointed as a U.S. Attorney on the day b4 9/11 attacks. http://t.co/0uZmKVdWWT -#GOPDebate",,2015-08-07 09:12:42 -0700,629686613623328769,Inter-Planetary,Eastern Time (US & Canada) -3965,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,texhomadude,,79,,,"RT @hemantmehta: Trump's idea of ""proof"" is to talk louder. #GOPDebate",,2015-08-07 09:12:42 -0700,629686613434482688,"Texas, USA", -3966,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,JonathanFarrel7,,0,,,"PeacockPanache: Gov BobbyJindal Vows to Violate the #FirstAmendment If Elected President http://t.co/ZPl3z9WJpl -#UniteBlue #GOPDebate #LG…",,2015-08-07 09:12:42 -0700,629686613237497856,UK,Dublin -3967,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JonathanFarrel7,,0,,,"timsimms: Gov BobbyJindal Vows to Violate the #FirstAmendment If Elected President http://t.co/ZPl3z9WJpl -#UniteBlue #GOPDebate #LGBT #p2…",,2015-08-07 09:12:41 -0700,629686610519584768,UK,Dublin -3968,Rand Paul,0.6895,yes,1.0,Negative,0.6895,None of the above,1.0,,Clever_Otter,,0,,,"Yikes. @RandPaul, ""YOU GAVE OBAMA A BIG HUG!"" @ChrisChristie, ""I HUGGED 9/11 SURVIVORS!!!"" #GOPDebate #Dialogue",,2015-08-07 09:12:40 -0700,629686605880516609,Earth,Mountain Time (US & Canada) -3969,Donald Trump,1.0,yes,1.0,Negative,0.7056,FOX News or Moderators,1.0,,mattwruff,,0,,,"@realDonaldTrump need to grow some thicker skin, the @FoxNews moderator are not the problem. #GOPDebate",,2015-08-07 09:12:39 -0700,629686602760069120,"Nashville, TN USA",Central Time (US & Canada) -3970,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bandurasbanter,,178,,,"RT @STOPTHiS: And the big loser if tonights debate is: -Megan Kelly -Megan you insulted our intelligence tonight. - -#KellyFile - #GOPDebate -#k…",,2015-08-07 09:12:39 -0700,629686602047078400,"Cementon, PA",Eastern Time (US & Canada) -3971,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ThatsJustBogus,,1,,,The day after the #GOPDebate a man who is mean to everybody is complaining about everybody being mean to him. #TrumpTheWhiner,,2015-08-07 09:12:38 -0700,629686597013868545,,Eastern Time (US & Canada) -3972,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TexasJul,,0,,,"Most air time last night: -THE FOX MODERATORS -#GOPDebate -Really? Why would they make me see more of the fake @megynkelly? -That's just nasty.",,2015-08-07 09:12:37 -0700,629686594132295680,"Arlington, TX",Central Time (US & Canada) -3973,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,aidencwolf,,1291,,,RT @DesiJed: Hillary right now #GOPDebate http://t.co/mjsz7LWotz,,2015-08-07 09:12:36 -0700,629686591129321472,Neverland,Athens -3974,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SarahHuckabee,,10,,,.@USAToday calls @GovMikeHuckabee debate closing a “show-stopping zinger” #ImWithHuck #GOPDebate,,2015-08-07 09:12:36 -0700,629686588914667520,Arkansas,Eastern Time (US & Canada) -3975,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NaYaKnoMi,,0,,,"gop will keep looking inept next to trump until they can say, ""some of you people don't mean shit to me."" as well as he does #GOPDebate",,2015-08-07 09:12:36 -0700,629686587543187456,,Central Time (US & Canada) -3976,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6458,,Tim_Toth63,,0,,,Hoping that @marcorubio takes this country to places we haven't seen in decades! Keep up the good work! #GOPDebate,,2015-08-07 09:12:35 -0700,629686584846249984,Tonawanda,Eastern Time (US & Canada) -3977,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,Couranto,,1,,,Rush now mocking Megyn Kelly as self serving & narcissistic. #KellyFile #GOPDebate #FOXDebate,,2015-08-07 09:12:35 -0700,629686583843799040,"NH via Boston, MA",Atlantic Time (Canada) -3978,Marco Rubio,0.4043,yes,0.6358,Neutral,0.6358,None of the above,0.4043,,Kimberlyuf,,97,,,"RT @foxandfriends: .@marcorubio on small business: ""we have to repeal Dodd-Frank, it is eviscerating small business"" #GOPDebate",,2015-08-07 09:12:34 -0700,629686581801062401,, -3979,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6778,,emmaladyrose,,7,,,Here's why it was so frustrating to watch the #GOPDebate as a woman http://t.co/xXcH8PXagF,,2015-08-07 09:12:33 -0700,629686576969183232,"New York, NY",Eastern Time (US & Canada) -3980,No candidate mentioned,0.4536,yes,0.6735,Negative,0.3374,FOX News or Moderators,0.4536,,OfficialSGP,,9,,,#Carly puts the boys to shame. http://t.co/GwUMbzWD0W #GOPDebate,,2015-08-07 09:12:32 -0700,629686573156712448,,Eastern Time (US & Canada) -3981,No candidate mentioned,1.0,yes,1.0,Neutral,0.6901,None of the above,1.0,,CLJB,,1,,,RT @MrGChristopher: lmao RT @Squintz1983 #GOPDebate pretty much https://t.co/OAQ5FcK1wB,,2015-08-07 09:12:32 -0700,629686571579518976,The East and Ratchet,Central Time (US & Canada) -3982,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Foreign Policy,0.6702,,Obsessedabroad,,14,,,"RT @politicoroger: Graham: ""If I am elected president I will send our soldiers back to Iraq and Afghanistan to defend this nation."" #GOPDeb…",,2015-08-07 09:12:31 -0700,629686569461542912,,Eastern Time (US & Canada) -3983,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Wakeupitsfern,,0,,,"Wish @GovernorPerry's ""oops"" moment from last night was as pronounced and amazing as the one from 2011. #GOPDebate",,2015-08-07 09:12:28 -0700,629686556115210245,"New York, NY ",Quito -3984,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6786,,KatieWeicher,,1,,,The only proper attire for a #GOPDebate watch party with your… https://t.co/6ZpQrFsUhR,"[43.60841758, -70.94514347]",2015-08-07 09:12:27 -0700,629686552109649920,,Eastern Time (US & Canada) -3985,,0.2267,yes,0.3474,Neutral,0.3474,,0.2267,,razzendres,,0,,,"THE TRUE AMERICAN FREEDOM -http://t.co/osTtQcrOY5 … - -#GOPDebate Mc Donald's Walmart Wall Street Microsoft Sarah Palin http://t.co/kowIILTjRO",,2015-08-07 09:12:26 -0700,629686548594880512,APATRIA UTOPIA 666,Zagreb -3986,No candidate mentioned,0.4301,yes,0.6558,Neutral,0.6558,None of the above,0.4301,,OrganicTory,,0,,,New York Sun editorial | The Next Debate http://t.co/1UfbcPVT34 (via @NewYorkSun) #Constitution #GOPDebate #GOP,,2015-08-07 09:12:25 -0700,629686544752865280,Albion & Nova Scotia,Atlantic Time (Canada) -3987,No candidate mentioned,0.4552,yes,0.6747,Neutral,0.6747,None of the above,0.4552,,PettanPettan,,0,,,"CNN now has like 4 women acting as ""experts"" on the #Gopdebate :^)",,2015-08-07 09:12:25 -0700,629686544522047488,,Rangoon -3988,No candidate mentioned,0.455,yes,0.6745,Neutral,0.6745,Foreign Policy,0.2415,,LambasixX,,0,,,South Africa RT' & DL' #InternationalBeerDay #GOPDebate #fridayreads @timaya #AMAYANABO_cover »» http://t.co/DRKtW64C1u,,2015-08-07 09:12:24 -0700,629686538067136517,DOPECITY HD,London -3989,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,YippieKya,,0,,,"#RUSH: ""#Fox moderators got 31% of airtime at #GOPDebate""",,2015-08-07 09:12:23 -0700,629686534485073920,USA,Eastern Time (US & Canada) -3990,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,meubc1108,,0,,,#GOPDebate What candidates do you see standing out as a true constitutionalists and would support a #ConventionOfStates ?,,2015-08-07 09:12:23 -0700,629686533562302467,"Mendocino County, California",Arizona -3991,No candidate mentioned,0.4587,yes,0.6773,Negative,0.6773,None of the above,0.4587,,w0nderlander,,9,,,"RT @TheMorningSpew: Having watched the #GOPDebate, I can honestly say that I would vote for a rock before I would vote for any Democrat. So…",,2015-08-07 09:12:21 -0700,629686524448260097,,Eastern Time (US & Canada) -3992,Donald Trump,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,Radioroger,,0,,,TRUMP WINS! He is FRONT PAGE - Every news source - Billions in FREE Advetising @realDonaldTrump #GOPDebate #Trump2016,,2015-08-07 09:12:20 -0700,629686522044768256,Nationwide,Pacific Time (US & Canada) -3993,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,oPlaguing,,0,,,So I'd say the Democrats won the #GOPDebate GG's Hillary and Bernie 👌,,2015-08-07 09:12:19 -0700,629686518760775680,"Connecticut, USA",Eastern Time (US & Canada) -3994,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,cdavisshannon,,0,,,"Guys, I'm live tweeting my rewatching of the #gopdebate and not at all focusing on fashion. Follow… https://t.co/dLZnETgGUm",,2015-08-07 09:12:19 -0700,629686518194552832,philadelphia,Quito -3995,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FrankieStarz,,0,,,"@TrumpIssues @realDonaldTrump #GOPDebate #2016Debate elect Trump, only he and @SarahPalinUSA can save America",,2015-08-07 09:12:19 -0700,629686516449738752,New F'n Jersey, -3996,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,RhondaWatkGwyn,,11,,,"RT @SarahHuckabee: ""Reagan said ‘trust but verify.’ Obama 'trusts & vilifies.’ He trusts our enemies & vilifies all who disagrees w him!"" #…",,2015-08-07 09:12:18 -0700,629686514482585600,"Mount Airy, North Carolina",Eastern Time (US & Canada) -3997,Jeb Bush,0.4539,yes,0.6737,Neutral,0.3579,None of the above,0.4539,,DaTechGuyblog,,1,,,Advice to each GOP candidate in order of how I think they finished 10th place Jeb Bush Get a pulse in a hurry #gopdebate #tcot #p2,,2015-08-07 09:12:18 -0700,629686513664700416,Central massachusetts,Eastern Time (US & Canada) -3998,No candidate mentioned,0.6548,yes,1.0,Neutral,0.6548,None of the above,1.0,,diggerdigwell,,1,,,RT @Sir_Max: RhondaWatkGwyn: He has the most dedicated Twitter & Facebook followers. #ImWithHuck #GOPDebate #th2016 #ccot #tcot… http://t.c…,,2015-08-07 09:12:18 -0700,629686511852748800,#DeepInTheHeartOfTexas, -3999,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6418,,dexybailman,,11,,,"RT @JDWinteregg: No GOP POTUS will succeed if conservative reps can't ""vote their districts"" w/o fear of retribution. #FireBoehner #OH8 #GO…",,2015-08-07 09:12:17 -0700,629686511290683393,,Eastern Time (US & Canada) -4000,Marco Rubio,0.4536,yes,0.6735,Positive,0.6735,None of the above,0.4536,,Go_GOP_2016,,0,,,#MarcoRubio will destroy that sick liar #HillaryClinton in a 1on1 debate if he gets the chance >> ( #GOPDebate #tlot #tcot #p2 #rnc #dnc ),,2015-08-07 09:12:16 -0700,629686506479681537,California, -4001,No candidate mentioned,0.4255,yes,0.6523,Negative,0.6523,Abortion,0.4255,,Vigodian,,81,,,RT @MikeDrucker: These candidates are against abortion because none of their presidencies are coming to term. #GOPDebate,,2015-08-07 09:12:14 -0700,629686497315307520,, -4002,Rand Paul,0.6628,yes,1.0,Negative,1.0,None of the above,1.0,,abattye5850,,0,,,Now getting to watch #GOPDebate. Rand Paul bad hair Donald Trump worse hair Marco Rubio great hair Chris Christie fat.,,2015-08-07 09:12:14 -0700,629686494957957120,,Mountain Time (US & Canada) -4003,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TatianaKing,,0,,,"And it was ALOT of ""I know you are but what am I!?"" type of ""comebacks"". I sat there watching almost in disbelief #GOPDebate",,2015-08-07 09:12:13 -0700,629686492944797696,"New York, NY",Eastern Time (US & Canada) -4004,Donald Trump,0.4204,yes,0.6484,Positive,0.3297,Immigration,0.4204,,miarrobertson,,364,,,RT @jamalraad: Trump immigration strategy https://t.co/QZMfehR8VF #GOPDebate,,2015-08-07 09:12:13 -0700,629686491963387905,,Eastern Time (US & Canada) -4005,Donald Trump,1.0,yes,1.0,Positive,0.6957,FOX News or Moderators,1.0,,HeatherScobie,,0,,,#Out Thank u for thoughtful reflection on #GOPDebate. A @FoxNews recovery. Some Trump ques lame BS fluff. Made Megyn look bad.,,2015-08-07 09:12:13 -0700,629686491304828928,"Austin, Los Angeles", -4006,Mike Huckabee,0.6777,yes,1.0,Positive,1.0,None of the above,1.0,,RhondaWatkGwyn,,0,,,He was phenomenal! Of course. I knew he would be. 😉 #ImWithHuck #GOPDebate #th2016 #ccot #tcot #teaparty #pjnet https://t.co/OUcmHIyfhz,,2015-08-07 09:12:12 -0700,629686489115414530,"Mount Airy, North Carolina",Eastern Time (US & Canada) -4007,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Immigration,0.2282,,reyoung1350,,70,,,"RT @TheBaxterBean: GOP Denied $50B Infrastructure, While Pushing $800B Unfunded Tax Cuts For Top 1% http://t.co/dBGqRCrVBF #GOPDebate http:…",,2015-08-07 09:12:12 -0700,629686488045764608,"Midway, Ga.", -4008,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,1.0,,michaelpleahy,,1,,,"Rush on #GOPDebate: ""I have never seen this kind of public backlash against Fox News personalities since the network launched in 1997. #tcot",,2015-08-07 09:12:12 -0700,629686487756447744,"Nashville, TN",Central Time (US & Canada) -4009,,0.22399999999999998,yes,0.3389,Negative,0.3389,,0.22399999999999998,,TxTbUk,,9,,,"RT @DemsAbroad: We're not saying everything they say is crap, we're just saying it looks a whole lot like what our cat ate 45 minutes ago. …",,2015-08-07 09:12:11 -0700,629686486267482112,San Francisco,Pacific Time (US & Canada) -4010,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,l_cavendish,,0,,,Camille Paglia's hilarious review of candidates' performances at #GOPDebate http://t.co/Ahwy1KmdJH,,2015-08-07 09:12:11 -0700,629686486082940928,, -4011,Donald Trump,0.424,yes,0.6512,Negative,0.3372,None of the above,0.424,,Kuku_Sabzi,,0,,,Why do you want people at your wedding whose presence has to be commanded? @realDonaldTrump @TMP #GOPDebate #GodfatherTrump,,2015-08-07 09:12:11 -0700,629686482656100352,"Puddletown, North America",Pacific Time (US & Canada) -4012,Donald Trump,0.6923,yes,1.0,Negative,1.0,None of the above,1.0,,Cultiv8Hope,,5,,,RT @ShonTony: “@TheDemocrats: #GOPDebate is looking a lot like this: http://t.co/W8UMl4Cyee” #TrumpEffect,,2015-08-07 09:12:10 -0700,629686479850074113,"OKC, OK, Midtown! & VaHi ATL ",Central Time (US & Canada) -4013,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,FredSanford13,,3,,,RT @Hardline_Stance: 10 million people watched FOX #GOPdebate last nite & there's 40 million people tuned in right now to find out what I t…,,2015-08-07 09:12:10 -0700,629686479644700672,CT, -4014,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6484,,CBeresniova,,13,,,"What I learned from the #GOPDebate: -Some guy's dad was a mailman. Jesus Christ is everyone's running mate. The GOP has run out of women.",,2015-08-07 09:12:09 -0700,629686477488848896,"Washington, DC", -4015,,0.2333,yes,0.6292,Negative,0.3258,FOX News or Moderators,0.3959,,tarunshri,,0,,,"No channel to watch now. #CNN is liberal,#FNC & @megynkelly r #RNC hitman #crony . @realDonaldTrump dont join #GOPDebate anymore #GoTrump",,2015-08-07 09:12:09 -0700,629686477186801664,USA,Eastern Time (US & Canada) -4016,No candidate mentioned,0.4019,yes,0.6339,Neutral,0.3221,None of the above,0.4019,,ReasonPodcast,,0,,,"Because we are gluttons for punishment, we watched both debates. We may have a few things to say come Sunday. #GOPDebate",,2015-08-07 09:12:09 -0700,629686474817032192,Sunny Buffalo New York, -4017,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bjoyce40,,61,,,"RT @SharkWeekTunes: When is #FoxNews handing out the Squirt guns? - -#GOPDebate - -http://t.co/Y2tkjQLMY2",,2015-08-07 09:12:09 -0700,629686474649174016,,Pacific Time (US & Canada) -4018,Chris Christie,0.3441,yes,1.0,Neutral,0.6559,None of the above,1.0,,sfkarenmac,,5,,,"RT @hikergirl425: @AandGShow #GOPDebate -Couldn't help myself! http://t.co/MQVUzm3v5F",,2015-08-07 09:12:09 -0700,629686474326196227,, -4019,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629999999999999,,sexygeekgurlz,,0,,,"Trump proud of misogyny tries to intimidate her. Ugh. -Donald Trump & Megyn Kelly at the Fox News #GOPdebate http://t.co/PGQBMaRAGr",,2015-08-07 09:12:08 -0700,629686471759245313,☀ Texas,Central Time (US & Canada) -4020,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6407,,KirstyMartin19,,56,,,RT @Ian56789: Ask which of them is against #TPP job destroying Corporate Power Grab http://t.co/wHN0BLTejf #GOPDebate http://t.co/6giNJlaVI4,,2015-08-07 09:12:08 -0700,629686470215729152,Abu Dhabi, -4021,Marco Rubio,0.4782,yes,0.6915,Neutral,0.3511,Abortion,0.4782,,Kimberlyuf,,132,,,RT @ShannonBream: Generations will look back and think we're barbarians for murdering millions of unborn babies - says @MarcoRubio #GOPdeba…,,2015-08-07 09:12:07 -0700,629686469112676353,, -4022,No candidate mentioned,0.3872,yes,0.6222,Negative,0.6222,,0.2351,,jchan1030,,0,,,Here's why it was so frustrating to watch the #GOPDebate as a woman http://t.co/fh5XBOqW87 via @HuffPostWomen,,2015-08-07 09:12:06 -0700,629686461403648002,"Peoria, IL ",Central Time (US & Canada) -4023,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jgurnari,,32,,,"RT @dagenmcdowell: If you don't want people to think about your weight, then don't style your hair like Bob's Big Boy, Gov. Christie. #GOPD…",,2015-08-07 09:12:04 -0700,629686456286605316,,Eastern Time (US & Canada) -4024,Jeb Bush,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6966,,JaRad4,,21,,,RT @erikrush: RT @KLSouth: .@JebBush & Valerie Jarrett having dinner together. Rupert in middle. http://t.co/4jBeRb60DG #jeb2016 #NoMoreBus…,,2015-08-07 09:12:04 -0700,629686454734598144,Colorado,Mountain Time (US & Canada) -4025,Donald Trump,1.0,yes,1.0,Negative,0.6785,None of the above,1.0,,freestyldesign,,0,,,"Oh Poor, Trojan Horse Trump pouting because he's a VICTIM Now?? #tcot #ccot #GOPDebate",,2015-08-07 09:12:04 -0700,629686454000619520,Seattle WA USA,Pacific Time (US & Canada) -4026,No candidate mentioned,0.4179,yes,0.6465,Negative,0.6465,None of the above,0.4179,,kidfick,,0,,,"still just baffled at some of the things said last night...I can't believe there's many people who take those assholes seriously. -#GOPDebate",,2015-08-07 09:12:04 -0700,629686452813574144,570,Eastern Time (US & Canada) -4027,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2222,,OutSideDBox1,,1,,,"@Livestream #GOPDebate as a blogger the debate was about making sure Donald Trump doesn't pull a Rose Perot, that is how Clinton won",,2015-08-07 09:12:03 -0700,629686449336664064,"New York, USA", -4028,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6702,,rottencoreblog,,0,,,"""I don't insult women, but the woman who brought it up is a bimbo."" - Trump - -#GOPDebate",,2015-08-07 09:12:02 -0700,629686446383833089,NC USA, -4029,No candidate mentioned,0.3967,yes,0.6299,Neutral,0.6299,None of the above,0.3967,,capseattle,,5,,,RT @Slate: Who won the #GOPdebate? You tell us! http://t.co/6e0DS9y67b http://t.co/iGcaX6oH21,,2015-08-07 09:12:00 -0700,629686438410334208,"Seattle, WA",Pacific Time (US & Canada) -4030,Donald Trump,0.4853,yes,0.6966,Negative,0.6966,None of the above,0.4853,,TrumpIssues,,0,,,"Politicians like .@HillaryClinton can accept money 4 campaigns from foreign donors, but Trump can't call someone a ""fat pig."" #GOPDebate #PC",,2015-08-07 09:11:59 -0700,629686435960860676,United States Of America,Pacific Time (US & Canada) -4031,Donald Trump,1.0,yes,1.0,Negative,0.7002,FOX News or Moderators,1.0,,pampknight74010,,0,,,@megynkelly #GOPDebate What's your thoughts on the comments on your Facebook page concerning #Trump ?s having a Motive behind them,,2015-08-07 09:11:59 -0700,629686434757148672,,Central Time (US & Canada) -4032,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CathyWentzel,,2,,,RT @ZoeWentzel: The #GOPDebate got me like... #Hillary2016 http://t.co/zNulwsRGyh,,2015-08-07 09:11:59 -0700,629686433586917376,"Seattle, WA", -4033,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,mrmarlonbrowndo,,154,,,"RT @harikondabolu: Bobby Jindal said ""Immigration without assimilation is invasion."" OH MY GOD, THIS MAN HAS NEVER EATEN GULAB JAMUN. #GOPD…",,2015-08-07 09:11:58 -0700,629686431745753088,"New York, NY",Eastern Time (US & Canada) -4034,Donald Trump,1.0,yes,1.0,Negative,0.6977,FOX News or Moderators,1.0,,jwkeith80,,0,,,".@realDonaldTrump Aww, does him have a sad because he thinks the Fox News reporter was mean during the debate? #GOPDebate #DonaldTrump",,2015-08-07 09:11:58 -0700,629686431292751872,"Camarillo, CA",Eastern Time (US & Canada) -4035,Ted Cruz,1.0,yes,1.0,Negative,0.6615,Healthcare (including Medicare),1.0,,Foonok,,0,,,The nerve of Cruz to blame Obamacare on the greedy insurance companies raising their premiums for profit. #GOPDebate,,2015-08-07 09:11:57 -0700,629686426385387520,Oakland Raiders,Eastern Time (US & Canada) -4036,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,DMarseKapr,,1,,,"RT @rajaChristina: Lst nt, #ScottWalker said he'd deny a rape victim n abortion.I guess you can love a fetus and still have no heart. #GOPD…",,2015-08-07 09:11:56 -0700,629686419968131072,"Baltimore, MD",Eastern Time (US & Canada) -4037,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6813,,Kimberlyuf,,41,,,"RT @HeatherChilders: 'God has blessed the Rep party with a lot of great candidates, the Dem party cannot even find one"" @marcorubio #GOPDeb…",,2015-08-07 09:11:54 -0700,629686412070158336,, -4038,No candidate mentioned,1.0,yes,1.0,Negative,0.6836,None of the above,1.0,,Justin_B_Manuel,,0,,,"What else is new. Should we pretend to be surprised? ""#GOP @housegop candidates veer from truth"": http://t.co/7ZpGWQrgoS #GOPDebate",,2015-08-07 09:11:54 -0700,629686411298480128,"Toronto, Ontario",Atlantic Time (Canada) -4039,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,0.6413,,mgyerman,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/y8AQr9oQJY So much for #ClimateChange!",,2015-08-07 09:11:53 -0700,629686406693187584,NYC,Quito -4040,Donald Trump,1.0,yes,1.0,Positive,0.6552,None of the above,1.0,,NurseHolley,,308,,,"RT @KatiePavlich: Donald Trump isn't a Democrat, he isn't a Republican, he's Donald Trump. #GOPdebate",,2015-08-07 09:11:52 -0700,629686405891895296,, -4041,Chris Christie,1.0,yes,1.0,Neutral,0.6769,None of the above,1.0,,CaroleEnglish60,,98,,,RT @seanhannity: .@GovChristie: “I have confidence in the American people that they’re strong enough to hear the truth.” #GOPDebate #Hannity,,2015-08-07 09:11:51 -0700,629686400556765185,,Pacific Time (US & Canada) -4042,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,_SFRNC,,1,,,.@JedediahBila says @marcorubio is a great communicator and it showed last night #outnumbered #StudentsForRubio #GOPDebate,,2015-08-07 09:11:49 -0700,629686389920133120,"Washington, DC",Pacific Time (US & Canada) -4043,No candidate mentioned,1.0,yes,1.0,Positive,0.6493,None of the above,1.0,,IAmCreeSummer,,1,,,RT @JJRavenation52: @elielcruz @IAmCreeSummer That's the best #GOPDebate tweet. this is better than the actual debate.,,2015-08-07 09:11:48 -0700,629686388909195264,"Los Angeles, CA", -4044,Donald Trump,1.0,yes,1.0,Neutral,0.6876,Immigration,1.0,,PhilSuccessful,,0,,,#GOPDebate Donald Trump hates Mexicans? http://t.co/M82sZMxKhI,,2015-08-07 09:11:47 -0700,629686381577695232,, -4045,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6562,,J_M_Fitzgerald,,0,,,@realDonaldTrump: We don’t have time for tone. We have to go out and get the job done. #GOPDebate,,2015-08-07 09:11:46 -0700,629686379128188928,, -4046,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,jessica_chepp,,0,,,"#InternationalBeerDay today, GOP debates yesterday. Coincidence or good planning? #GOPDebate #WeAllNeedADrink",,2015-08-07 09:11:45 -0700,629686375399297024,, -4047,No candidate mentioned,1.0,yes,1.0,Negative,0.6701,None of the above,1.0,,psgamer92,,0,,,The loser of the #GOPDebate? The Republican Party,,2015-08-07 09:11:43 -0700,629686365572087809,,Central Time (US & Canada) -4048,Scott Walker,1.0,yes,1.0,Negative,1.0,Racial issues,0.6774,,Lady_Battle,,0,,,"""If I nod a lot when the black guy speaks, I'll look like I'm not an asshole"" @ScottWalker probably. #GOPDebate",,2015-08-07 09:11:42 -0700,629686363554590720,Minnesota,Central Time (US & Canada) -4049,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6629,,TheXclass,,9,,,"""When the rich wage war it's the poor who die."" Jean-Paul Sartre -This is now GOP foreign policy. -#GOPDebate",,2015-08-07 09:11:42 -0700,629686361482620929,Southern Exurbs,Eastern Time (US & Canada) -4050,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,colls03,,0,,,Zac still hasn't noticed that I unfollowed him during his #GOPDebate tweets,,2015-08-07 09:11:42 -0700,629686361277075457,,Eastern Time (US & Canada) -4051,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,Religion,0.6703,,jessica88985422,,0,,,‘Tell me more about the messages you receive from God!’ #GOPdebate: Of the 10 Republican candidates who partic... http://t.co/Q1U3zQaS38,,2015-08-07 09:11:40 -0700,629686355761598464,, -4052,Donald Trump,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,1.0,,DeniseAnnKelly1,,8,,,"RT @Diplomtc_Immnty: @realDonaldTrump They tried to take you out & your poll numbers skyrocketed. Voters matter, not @FOXNews moderators. -#…",,2015-08-07 09:11:40 -0700,629686353756876800,"Greer, SC", -4053,No candidate mentioned,0.4853,yes,0.6966,Negative,0.6966,FOX News or Moderators,0.4853,,amphetamine47,,1,,,I presume Megyn Kelly spent all night rolling her eyes to make up for all the times she couldn't during #GOPDebate.,,2015-08-07 09:11:39 -0700,629686351877681153,"Corpus Christi, TX",Central Time (US & Canada) -4054,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6606,,InfiniteLegend,,3,,,"RT @TrendTopicsUSA: Jacksonville -1 #GOPDebate -2 #Dominion -3 #JonVoyage -4 #DragMeDownMusicVideo -5 #TheWorstPartOfDepressionIs http://t.co/s…",,2015-08-07 09:11:37 -0700,629686343119958016,,Eastern Time (US & Canada) -4055,John Kasich,1.0,yes,1.0,Positive,1.0,LGBT issues,1.0,,andrewppalermo,,0,,,"If the #GOP wins in 2016, @JohnKasich would be my hope. Loved what he said about a balanced budget & moving passed gay marriage. #GOPDebate",,2015-08-07 09:11:37 -0700,629686341492568064,"New Orleans, LA",Eastern Time (US & Canada) -4056,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ccpecknold,,4,,,I'll be talking with @CatSzeltner at 6pm and 9pm ET tonight on @EWTNNewsNightly about last night's #GOPDebate @CUANews Tune in!,,2015-08-07 09:11:36 -0700,629686336107188224,Catholic University of America, -4057,Rand Paul,0.6563,yes,1.0,Negative,0.6771,FOX News or Moderators,1.0,,StefanWestbrook,,0,,,"@FoxNews intentionally tried to shut @RandPaul out of the debate, 2nd least questions asked, last in speak time. just over 5 mins #GOPDebate",,2015-08-07 09:11:35 -0700,629686333334794240,"Tampa, FL",Central Time (US & Canada) -4058,Donald Trump,0.4562,yes,0.6754,Negative,0.6754,None of the above,0.2298,,Intrepid7303,,0,,,#Out. Who do you think ur demographic is? Smart women dislike Trump. He was in over his head in #GOPDebate. He has zero policy specifics.,,2015-08-07 09:11:35 -0700,629686331917115393,, -4059,Donald Trump,1.0,yes,1.0,Positive,0.3407,None of the above,1.0,,BenjaminFeldman,,0,,,@realDonaldTrump lives to fight another day. Odds seem to ever be in his favor. #GOPDebate #hungergames #DonaldTrump http://t.co/eG6X6onkKT,,2015-08-07 09:11:34 -0700,629686329031434240,,Eastern Time (US & Canada) -4060,Donald Trump,0.4053,yes,0.6367,Negative,0.6367,FOX News or Moderators,0.4053,,DeniseAnnKelly1,,2,,,RT @Diplomtc_Immnty: @MegynKelly tried to take out @realDonaldTrump & got her azz handed to her. Now she's playing the victim-card. Own it …,,2015-08-07 09:11:32 -0700,629686321255202816,"Greer, SC", -4061,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,smithroyalties,,16,,,RT @libertygirlNH: BOOM! Ted Cruz rocked his closing statement. #GOPDebate b,,2015-08-07 09:11:32 -0700,629686318604222464,, -4062,No candidate mentioned,1.0,yes,1.0,Negative,0.6509,Immigration,0.6876,,SeaBassThePhish,,2,,,We wont fund healthcare for our citizens but we will invest millions of dollars to build a wall to keep people out of our country #GOPDebate,,2015-08-07 09:11:31 -0700,629686315911639040,,Eastern Time (US & Canada) -4063,Donald Trump,1.0,yes,1.0,Positive,0.3587,None of the above,1.0,,SusieJustWrite,,10,,,RT @MiaHoll18: @BradThor If Mr. Trump runs as an Independent the Republicans can't win either. #GOPDebate,,2015-08-07 09:11:28 -0700,629686305685778432,Atlanta Braves ,Atlantic Time (Canada) -4064,Donald Trump,0.4589,yes,0.6774,Neutral,0.3441,FOX News or Moderators,0.4589,,Sleevetalkshow,,0,,,"Sucking his thumb after the #GOPDebate, @realDonaldTrump said, ""The questions to me were not nice."" #GetOverIt http://t.co/s4c82i0niS",,2015-08-07 09:11:27 -0700,629686300497592324,Anywhere & Everywhere!,Eastern Time (US & Canada) -4065,Ted Cruz,1.0,yes,1.0,Neutral,0.616,None of the above,1.0,,712_292,,868,,,RT @tedcruz: RT if you agree it's #ATimeForTruth! #GOPDebate #CruzCrew http://t.co/fK2POhfP7Y,,2015-08-07 09:11:27 -0700,629686300262707200,, -4066,No candidate mentioned,1.0,yes,1.0,Neutral,0.6222,None of the above,0.6222,,bimmerella,,3,,,RT @SharmaRajarshi: FactChecking the GOP Debate Late Edition #GOPdebate @joselouis4077 @seedywumps @bimmerella @FredChristian10 @NaphiSoc h…,,2015-08-07 09:11:26 -0700,629686295103541248,"TN, waking up the closet Progs",Eastern Time (US & Canada) -4067,Donald Trump,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,DeniseAnnKelly1,,1,,,"RT @Diplomtc_Immnty: @MegynKelly don't try to take out someone, then whine about it by playing the victim-card after you get owned. -@realDo…",,2015-08-07 09:11:24 -0700,629686288766095360,"Greer, SC", -4068,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,Gun Control,0.3563,,ErinSchrode,,0,,,"Not mentioned in #GOPDebate: voting rights, #climatechange, gun violence, police shootings, student debt, inequality. Duly noted, @RebLeber.",,2015-08-07 09:11:24 -0700,629686288023617536,cali · nyc · ayiti · earth,Eastern Time (US & Canada) -4069,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,mattdpalm,,1,,,RT @Steve6S: So from what I heard on the #gopdebate last night. A women should be charged for murder if she naturally has a miscarriage.,,2015-08-07 09:11:23 -0700,629686282784911360,"Davis, CA", -4070,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SereDoc,,0,,,Fire at @Reince. Fox scut dogs given the job of outing Trump as someone willing to use GOP but with no GOP loyalty? #GOPDebate,,2015-08-07 09:11:22 -0700,629686280239099904,In Transit,Tehran -4071,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kyaecker,,0,,,I think we should call what #foxnews did to #trump last night the #humptrump campaign. #gopdebate,,2015-08-07 09:11:22 -0700,629686279165186048,California Sierra Nevada,Pacific Time (US & Canada) -4072,Donald Trump,0.4594,yes,0.6778,Negative,0.6778,Jobs and Economy,0.24100000000000002,,PruneJuiceMedia,,1,,,"Fox to Trump: Your financial practices are a shitty mess. How will you differ as POTUS? - -Trump: I won’t. Other people did it too. #GOPDebate",,2015-08-07 09:11:22 -0700,629686277533761536,"Atlanta, Georgia",Eastern Time (US & Canada) -4073,Marco Rubio,1.0,yes,1.0,Positive,0.3685,Women's Issues (not abortion though),1.0,,abluekite,,5,,,"RT @sallyjayjohnson: the only candidate to say ""woman"" or ""women"" in that whole two hours was Rubio, talking about women in uniform. #GOPDe…",,2015-08-07 09:11:21 -0700,629686274165616640,, -4074,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,imoore8904,,0,,,@BBCNewsUS @realDonaldTrump Then u need to stop CRYING when you get questions you don't like. Toughen UP! Stop being such a baby #GOPDebate,,2015-08-07 09:11:21 -0700,629686273813409792,United States,Pacific Time (US & Canada) -4075,Donald Trump,0.4642,yes,0.6813,Negative,0.3516,None of the above,0.4642,,Bush46,,41,,,RT @BernardGoldberg: Does Donald EVER answer a direct question? #GOPDebate,,2015-08-07 09:11:21 -0700,629686273251250177,"Provo, Utah",Pacific Time (US & Canada) -4076,,0.23399999999999999,yes,0.6264,Neutral,0.6264,,0.23399999999999999,,MercuryOneOC,,0,,,"Trump & Bush both had twice as much time as Rand Paul to speak during the #GOPdebate -#TCOT #LNYHBT",,2015-08-07 09:11:20 -0700,629686272316059648,Northern Virginia , -4077,Donald Trump,1.0,yes,1.0,Negative,0.6662,FOX News or Moderators,1.0,,98cowboys,,5,,,RT @imoore8904: Trump supporters tee hee & laugh when he insults everyone under the sun. Cry foul when @megynkelly calls him on his shit. #…,,2015-08-07 09:11:19 -0700,629686268117434369,Tucson. AZ, -4078,No candidate mentioned,1.0,yes,1.0,Negative,0.7054,None of the above,0.6296,,falling_about,,0,,,In summary #GOPDebate #RSG15 http://t.co/FzNsfGkgOo,,2015-08-07 09:11:17 -0700,629686258911027200,ATL, -4079,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,ryanbhorn,,1,,,"@Nielsen to release ratings this afternoon. The rumor: 10 mil viewers, 16 share. Making @foxnews undisputed winner of #GOPdebate #huge",,2015-08-07 09:11:15 -0700,629686249037688832,Omaha, -4080,No candidate mentioned,0.6742,yes,1.0,Negative,0.6629,None of the above,1.0,,ISuado,,0,,,"how is a #GOPDebate and #InternationalBeerDay ahead of #DragMeDownMusicVideo watch that change in a couple seconds. - -#DragMeDownMusicVideo",,2015-08-07 09:11:14 -0700,629686247066243072,USA,Mountain Time (US & Canada) -4081,Rand Paul,0.3587,yes,1.0,Positive,0.6522,None of the above,1.0,,YorksKillerby,,0,,,"#GOPDebate Reps, aside from Trump and Paul, agree on 90% of everything. IMO the most important consideration is electability vs Clinton",,2015-08-07 09:11:14 -0700,629686246999236608,Yorkshire (Halifax) ,London -4082,No candidate mentioned,0.7017,yes,1.0,Neutral,0.7017,FOX News or Moderators,1.0,,PatriotTweetz,,0,,,"TT:@ MolonLabe1776us: This is how last night should have looked... -megynkelly BretBaier #GOPDebate #TCOT realDonal… http://t.co/wtB0gyXsqV",,2015-08-07 09:11:13 -0700,629686238921015296,,Central Time (US & Canada) -4083,No candidate mentioned,0.4628,yes,0.6803,Positive,0.6803,None of the above,0.4628,,RT0787,,0,,,"DelilahNoBSzone: RT RedNationRising: Congrats to ALL #GOPDebate candidates -- and to you -- for discussing, tweeti… http://t.co/AuhlNZa3Ww",,2015-08-07 09:11:12 -0700,629686237109035008,USA,Hawaii -4084,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7276,,PatriotTweetz,,1,,,TT:@ AriDavidUSA: BREAKING NEWS! Last night during the #GOPDebate megynkelly gained 300lbs and changed her name to… http://t.co/WbeymXHl3C,,2015-08-07 09:11:12 -0700,629686236492513280,,Central Time (US & Canada) -4085,Donald Trump,0.4656,yes,0.6824,Neutral,0.6824,None of the above,0.4656,,RT0787,,0,,,Awepra_com: Trump says men wear Trump https://t.co/s9KhGsPVLe #GOPDebate #Trump #Trump2016 #DonaldTrump #Trumpdat… http://t.co/AuhlNZa3Ww,,2015-08-07 09:11:12 -0700,629686236228251648,USA,Hawaii -4086,No candidate mentioned,1.0,yes,1.0,Negative,0.6917,FOX News or Moderators,1.0,,MichaelShmikel,,9,,,"RT @NadineElhindi: A debate moderator's job is to ask tough questions, NOT to attack the candidates then play the victim. @FoxNews @megynke…",,2015-08-07 09:11:12 -0700,629686235032891393,NJ,Quito -4087,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Obsessedabroad,,9,,,"RT @politicoroger: Trump: ""Reporters are a generally dishonest lot."" #GOPDebate",,2015-08-07 09:11:11 -0700,629686233233530880,,Eastern Time (US & Canada) -4088,No candidate mentioned,0.4183,yes,0.6468,Neutral,0.6468,None of the above,0.4183,,AJ_Poker,,2,,,Everybody's talking about the #gopdebate and im just here like.... raise! #poker #debatewinner #ALLIN #junkies http://t.co/0kRUoTtxSW,,2015-08-07 09:11:11 -0700,629686232184827905,Las Vegas,Pacific Time (US & Canada) -4089,No candidate mentioned,0.4214,yes,0.6492,Negative,0.6492,None of the above,0.4214,,KaylorLangan,,37,,,RT @casspa: First candidate to spend $1M and run this GIF in primetime ads gets my vote #GOPDebate http://t.co/dIkwaSJGrs,,2015-08-07 09:11:11 -0700,629686232008691712,, -4090,No candidate mentioned,1.0,yes,1.0,Neutral,0.65,None of the above,1.0,,HaistenWillis,,0,,,This guy gets it. #GOPDebate http://t.co/Y0Bbb6jkPD,,2015-08-07 09:11:11 -0700,629686231308337152,"Smyrna, Ga",Eastern Time (US & Canada) -4091,No candidate mentioned,0.4395,yes,0.6629,Negative,0.3371,None of the above,0.4395,,RT0787,,0,,,sydtrvp: RT BernieSanders: Oh. It was just a movie trailer. #GOPDebate #DebateWithBernie http://t.co/AuhlNZa3Ww,,2015-08-07 09:11:11 -0700,629686231031513088,USA,Hawaii -4092,John Kasich,1.0,yes,1.0,Positive,0.6526,Healthcare (including Medicare),0.6842,,willie_8,,1,,,RT @Bnyutu: So @JohnKasich says we should respects all take care of the poor & the sick ...Bad news he's Not getting the #GOP nomination …,,2015-08-07 09:11:10 -0700,629686228745519104,"Columbus, Oh",Eastern Time (US & Canada) -4093,Scott Walker,0.3888,yes,0.6235,Negative,0.6235,None of the above,0.3888,,RT0787,,0,,,"TruthTeamOne: The big winner of the #GOPDebate wasn't Scott Walker, it was Johnny Walker. http://t.co/LOdMCzBPe2 http://t.co/AuhlNZa3Ww",,2015-08-07 09:11:09 -0700,629686225901867008,USA,Hawaii -4094,No candidate mentioned,0.4398,yes,0.6632,Neutral,0.6632,None of the above,0.4398,,RT0787,,0,,,tyler_batson: #GOPDebate https://t.co/pD7dbUNNDe http://t.co/AuhlNZa3Ww,,2015-08-07 09:11:09 -0700,629686223733420032,USA,Hawaii -4095,No candidate mentioned,1.0,yes,1.0,Negative,0.6977,None of the above,0.6628,,EchoOneFive,,0,,,@HouseCracka There is a huge difference between battle with foes & walking into a blue on blue ambush #GOPDebate #MegynKellyDebateQuestions,,2015-08-07 09:11:08 -0700,629686221988442112,, -4096,No candidate mentioned,1.0,yes,1.0,Neutral,0.6258,None of the above,1.0,,kevcirilli,,0,,,About to go on @WUSA9 for @TheHill to talk #GOPDebate with @abuddy. LOTS TO TALK ABOUT. #Washington #DC,,2015-08-07 09:11:08 -0700,629686221078401024,"Washington, D.C.",Eastern Time (US & Canada) -4097,Donald Trump,0.4759,yes,0.6898,Negative,0.6898,Foreign Policy,0.2435,,RT0787,,0,,,wwahammy: RT JRehling: #GOPDebate Donald Trump says that he doesn't have time for political correctness. How does … http://t.co/AuhlNZa3Ww,,2015-08-07 09:11:07 -0700,629686216645050368,USA,Hawaii -4098,Donald Trump,1.0,yes,1.0,Positive,0.3441,None of the above,0.3441,,Obsessedabroad,,12,,,"RT @politicoroger: Trump: ""Our leaders are stupid; our politicians are stupid. The Mexican government is much smarter."" #GOPDebate",,2015-08-07 09:11:07 -0700,629686214019448834,,Eastern Time (US & Canada) -4099,Ted Cruz,0.4545,yes,0.6742,Positive,0.3371,None of the above,0.4545,,RT0787,,0,,,"DuyguOzsoyler: RT comicriffs: #GOPdebate sketches: Ted Cruz, though a famed debate champ, offers an admission: #Cl… http://t.co/AuhlNZa3Ww",,2015-08-07 09:11:06 -0700,629686213633572864,USA,Hawaii -4100,Donald Trump,1.0,yes,1.0,Negative,0.6847,None of the above,1.0,,RT0787,,0,,,"RightDishonour: The Republicans' problem is not Trump, but the other 16 candidates #GOPDebate -… http://t.co/AuhlNZa3Ww",,2015-08-07 09:11:06 -0700,629686211469254656,USA,Hawaii -4101,No candidate mentioned,0.3839,yes,0.6196,Positive,0.3152,,0.2357,,RT0787,,0,,,sydtrvp: RT BernieSanders: Tom Hanks. Finally. Somebody who makes some sense. #GOPDebate #DebateWithBernie http://t.co/AuhlNZa3Ww,,2015-08-07 09:11:06 -0700,629686210458427392,USA,Hawaii -4102,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,Immigration,0.6786,,newamerikiana,,246,,,RT @meowmanifesto: weren’t barbaric white men “illegals” when they came here to steal from the natives? #GOPDebate,,2015-08-07 09:11:05 -0700,629686206431936512,, -4103,Donald Trump,0.3753,yes,0.6126,Positive,0.6126,None of the above,0.3753,,hollywoodblvd1,,0,,,#DonaldTrump Wins #GOPDebate https://t.co/mR3eHwanVz,,2015-08-07 09:11:04 -0700,629686203055345664,#Hollywoodblvd,Pacific Time (US & Canada) -4104,Donald Trump,0.4605,yes,0.6786,Neutral,0.6786,FOX News or Moderators,0.2423,,RT0787,,0,,,"tillerylakelady: RT realDonaldTrump: ""stinger_inc: realDonaldTrump megynkelly's behaviour at the #GOPDebate was a… http://t.co/AuhlNZa3Ww",,2015-08-07 09:11:04 -0700,629686201289736192,USA,Hawaii -4105,No candidate mentioned,0.4373,yes,0.6613,Positive,0.6613,None of the above,0.22399999999999998,,ScottGiorgini,,1,,,"I’ll tell you what. Not only did @CarlyFiorina OWN the first #GOPdebate, she also owned the post debate interviews >> http://t.co/Em1wI3DJPu",,2015-08-07 09:11:03 -0700,629686199075139584,"Buffalo, NY USA",Eastern Time (US & Canada) -4106,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.2375,,JNSantaniello,,0,,,@MsAJRogers What did you think about the #GOPDebate last night??,,2015-08-07 09:11:02 -0700,629686196130557952,NYC, -4107,Donald Trump,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,cassandra17lina,,1,,,RT @ShannonBullins1: @cassandra17lina Could actually be a democrat trying to help the democrats? #Trump #GOPDebate #Trump2016,,2015-08-07 09:11:02 -0700,629686194708840448,,Central Time (US & Canada) -4108,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,another_badger,,12,,,"RT @LadyAodh: ""#Diversity"" is a code word for White genocide. #WhiteGenocide #RSR15 #GOPDebate #cuckservative #tcot http://t.co/NSmUx1vsWi",,2015-08-07 09:11:01 -0700,629686189629538304,, -4109,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6539,,graceslick77,,1,,,RT @parkerc2112: #GOPDebate @realDonaldTrump can you imagine this buffoon addressing world leaders?,,2015-08-07 09:11:01 -0700,629686189482766336,,Central Time (US & Canada) -4110,No candidate mentioned,0.415,yes,0.6442,Neutral,0.6442,None of the above,0.415,,270Strategies,,0,,,Recap the most-tweeted moments from last night’s #GOPdebate: http://t.co/txdtdaET0Q via @gov,,2015-08-07 09:11:01 -0700,629686188786343936,DC - Chicago - San Francisco,Eastern Time (US & Canada) -4111,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Nvania,,77,,,RT @SooperMexican: Aww 100% support among cute little Cruz girls RT @TheFriddle: Love this. @tedcruz and his daughters post #GOPDebate http…,,2015-08-07 09:11:00 -0700,629686187704193025,,Quito -4112,No candidate mentioned,0.3923,yes,0.6264,Negative,0.3297,None of the above,0.3923,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate Is It Not True Extraordinary Allegations Requires What?Here's Proof @POTUS Is A Child Molester http://t.co/Kr55Ae6jUR,,2015-08-07 09:11:00 -0700,629686185191993345,, -4113,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,warriorwoman91,,17,,,I liked her and was happy when I heard she was going to be the moderator. Not anymore. #GOPDebate @megynkelly https://t.co/A6lWSN1qeK,,2015-08-07 09:11:00 -0700,629686184856293376,Not Of This World,Pacific Time (US & Canada) -4114,Jeb Bush,0.4946,yes,0.7033,Negative,0.7033,None of the above,0.4946,,mataharikrishna,,146,,,RT @AC360: #JebBush made “W” look both eloquent & brilliant… He looked like oatmeal getting colder - @VanJones68 on #GOPDebate http://t.co/…,,2015-08-07 09:10:59 -0700,629686180909580292,Hillaryland East,Eastern Time (US & Canada) -4115,No candidate mentioned,1.0,yes,1.0,Negative,0.6561,None of the above,0.6535,,GodsLittle_Rose,,152,,,RT @kingsthings: #GOPdebate included a show of hands like the 1st day of school. We're learning very little. 10 is too many & I want cross-…,,2015-08-07 09:10:57 -0700,629686171761684480,Home is where my heart is ~, -4116,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.3516,,SNCCLA,,10,,,RT @HollandAutismMN: #GOPdebate @BenCarson2016 #CDCwhistleblower Ben govt fraud shows African American kids exponentially at risk for MMR a…,,2015-08-07 09:10:56 -0700,629686169396080641,Los Angeles,Pacific Time (US & Canada) -4117,Marco Rubio,0.6879,yes,1.0,Positive,0.6879,None of the above,1.0,,susangallo,,4,,,"RT @EliRubenstein: The consensus is clear, @MarcoRubio dominated last night's debate! Watch some of the highlights: https://t.co/x3j4X8Qm5e…",,2015-08-07 09:10:56 -0700,629686167915626496,"Naples, FL USA", -4118,No candidate mentioned,0.4486,yes,0.6698,Positive,0.6698,None of the above,0.4486,,RussRyder1,,1,,,"RT @Liz_Wheeler: My girl @CarlyFiorina killed it. She's presidential, wildly intelligent, experienced, sharp, practical, strategic & strong…",,2015-08-07 09:10:55 -0700,629686167227625472,"Glendale, AZ", -4119,Marco Rubio,0.4616,yes,0.6794,Neutral,0.3497,None of the above,0.4616,,whitebg19611,,1,,,RT @jacbrew: Interviewed some candidates before the #GOPDebate tonight... more on my YouTube - Woo... (Vine by @woodsie_tv) https://t.co/sM…,,2015-08-07 09:10:54 -0700,629686159434743808,earth, -4120,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,markschillin_10,,1,,,RT @OstimusPrime: How I feel about politics #GOPDebate http://t.co/uprwVEI4kR,,2015-08-07 09:10:53 -0700,629686158654488576,"Fayetteville, Arkansas", -4121,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nighthawk4Prez,,0,,,@HLNTV @TheDailyShare People shouldn't have to watch HLN and Fox News just to try to piece together the whole story. #GOPDebate #biasnews,,2015-08-07 09:10:53 -0700,629686158125985792,"Rapid City, SD",Mountain Time (US & Canada) -4122,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,None of the above,1.0,,CoachSuziR,,0,,,The fact that young adults think #ClimateChange is the biggest issue for 2016 Presidential Elections is very scary... #GOPDebate,,2015-08-07 09:10:52 -0700,629686154904768512,"West Des Moines, IA", -4123,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jkars1994,,0,,,"After reflecting some more on last night's #GOPDebate, I have decided @FoxNews really dropped the ball. Terrible questions and moderators.",,2015-08-07 09:10:51 -0700,629686149297119232,I'd rather be in Chicago ✌️,Central Time (US & Canada) -4124,Scott Walker,0.4265,yes,0.6531,Negative,0.3469,None of the above,0.4265,,j_heals,,0,,,Great new @ScottWalker video. He consistently focused the debate last night on Clinton. #Walker16 #GOPDebate #AndWon https://t.co/DF8uNRiZRr,,2015-08-07 09:10:50 -0700,629686144238776320,, -4125,No candidate mentioned,1.0,yes,1.0,Positive,0.6824,None of the above,1.0,,rickungar,,5,,,RT @tuckahoetommy: XM121 today 3-4pm w @JohnFugelsang #TellMeEverything #GOPDebate fun to be with @rickungar @FrankConniff Always a great h…,,2015-08-07 09:10:49 -0700,629686138404519936,"New York, New York",Pacific Time (US & Canada) -4126,Ted Cruz,1.0,yes,1.0,Negative,0.6703,Foreign Policy,1.0,,compatibilism,,0,,,"“That is nonsense,” Cruz said of what specialists in the region regard as a basic truism. | #GOPDebate | #whatajoke | http://t.co/2fWg54hzq1",,2015-08-07 09:10:48 -0700,629686136495955968,"Seattle, WA",Eastern Time (US & Canada) -4127,Donald Trump,1.0,yes,1.0,Neutral,0.6506,None of the above,0.6747,,farfel54,,10,,,"RT @SabrinaSiddiqui: “I said be at my wedding, and she came to my wedding,” Donald Trump says of Hillary Clinton. #GOPDebate",,2015-08-07 09:10:46 -0700,629686128715657216,Polo Grounds, -4128,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,Women's Issues (not abortion though),0.4265,,Utahfirebrand,,1,,,"RT @MsLabuski: #Toughchoices for today's conservative woman: am I a fat pig, an incubator, or just irrelevant? #GOPDebate #GOPmisogyny #bri…",,2015-08-07 09:10:45 -0700,629686123627843584,"Salt Lake City, UT", -4129,Mike Huckabee,0.6715,yes,1.0,Negative,0.6606,None of the above,0.6679,,gotreadgo,,24,,,RT @LoganJames: Kill people and break things #GOPDebate https://t.co/uxNjz8Z4Ms,,2015-08-07 09:10:44 -0700,629686119240744960,"lexington, KY",Eastern Time (US & Canada) -4130,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.652,,blessitjanet,,47,,,RT @slackadjuster: I Would Like To Thank All #GOPDebate Candydates Tonight For Proving Why NO ONE Should Ever Vote @gop Again #tcot http://…,,2015-08-07 09:10:44 -0700,629686118678597632,, -4131,Ben Carson,0.6859999999999999,yes,1.0,Neutral,0.6628,None of the above,0.6628,,NurseHolley,,130,,,"RT @KatiePavlich: ""There is no such thing as a politically correct war"" -Carson on enhanced interrogation #GOPDebate",,2015-08-07 09:10:42 -0700,629686112785596416,, -4132,No candidate mentioned,1.0,yes,1.0,Neutral,0.6678,None of the above,0.6678,,SalenaZitoTrib,,1,,,Thanks @BrucePurple @DaneStrother @ChipFelkel for your input on @OffRoadPolitics on #GOPDebate http://t.co/6OFOA0Hqpa http://t.co/w2kDhDaLEW,,2015-08-07 09:10:40 -0700,629686103633723392,"Main Street, USA",Mid-Atlantic -4133,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LeeSutton4,,39,,,RT @AmyMek: Thank you @tedcruz for calling out the #Rhino's in the @GOP and supporting #KateSteinle! #GOPDebate,,2015-08-07 09:10:40 -0700,629686101091987456,, -4134,,0.2337,yes,0.6277,Positive,0.3404,,0.2337,,BUDDYR1,,170,,,RT @ScottWalker: Enforce the laws. Secure the border. Use e-verify. Prioritize the American Worker and American wages. #Waker16 #GOPdebate,,2015-08-07 09:10:39 -0700,629686100001443842,disabled,Eastern Time (US & Canada) -4135,Scott Walker,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,TruthTeamOne,,2,,,"The big winner of the #GOPDebate wasn't Scott Walker, it was Johnny Walker. http://t.co/QZOApiEkCy",,2015-08-07 09:10:39 -0700,629686098357190657,"Fort Truth, Planet Earth", -4136,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,InaudibleNoise,,3,,,RT @JDWinteregg: No GOP POTUS will succeed if the bills that reach his or her desk are watered-down nonsense. #FireBoehner #MakeDCListen #O…,,2015-08-07 09:10:38 -0700,629686095496744960,,Quito -4137,Ted Cruz,0.4208,yes,0.6487,Neutral,0.6487,None of the above,0.4208,,DuyguOzsoyler,,25,,,"RT @comicriffs: #GOPdebate sketches: Ted Cruz, though a famed debate champ, offers an admission: #Cleveland #politics http://t.co/gyuf7VRrsM",,2015-08-07 09:10:38 -0700,629686095199010816,London ,Hawaii -4138,Donald Trump,0.6603,yes,1.0,Negative,0.6603,None of the above,1.0,,BradNassauBay,,0,,,@realDonaldTrump did no good 4 himself w GOP primary voters! Just look @FrankLuntz results! @marcorubio Won the #GOPDebate!@FoxNews #out#,,2015-08-07 09:10:38 -0700,629686093605023744,"Austin, TX", -4139,Donald Trump,1.0,yes,1.0,Neutral,0.6198,None of the above,1.0,,krysten_naum,,0,,,#GOPDebate Hillary Clinton or Donald Trump!!!! GO!,,2015-08-07 09:10:38 -0700,629686092313305088,, -4140,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TatianaKing,,3,,,It was a trainwreck in the truest sense of word. From the painfully awkward opening to the nonsensical answers to questions #GOPDebate,,2015-08-07 09:10:37 -0700,629686089037516800,"New York, NY",Eastern Time (US & Canada) -4141,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,cnjrick,,0,,,Military bluster at #GOPDebate was sickening. We wasted 1.1 trillion on Iraq War and spend 175m per F-35. We need to cut not militarize more,,2015-08-07 09:10:37 -0700,629686087959482368,"San Francisco,CA USA",Eastern Time (US & Canada) -4142,Ted Cruz,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,Foonok,,0,,,Cruz is really lying about this healthcare discussion. Wow. #GOPDebate,,2015-08-07 09:10:36 -0700,629686085313036288,Oakland Raiders,Eastern Time (US & Canada) -4143,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,None of the above,0.6966,,NurseHolley,,243,,,"RT @KatiePavlich: We're already seeing difference between Senators and Governors. Senators ""I introduced legislation"" Governors ""We got thi…",,2015-08-07 09:10:36 -0700,629686084914417664,, -4144,Ben Carson,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,0.6629999999999999,,Beau_Walker,,44,,,"RT @GOPrincess: BEN CARSON: Hillary counts on the fact that people are uninformed. - -#GOPdebate. #whatDifferenceDoesItMake",,2015-08-07 09:10:35 -0700,629686081378779136,"Louisville, KY",Quito -4145,No candidate mentioned,0.4196,yes,0.6477,Negative,0.6477,None of the above,0.4196,,bbsmom315,,79,,,"RT @Braun23Austin: Enough #GOPDebate! 3,000 light-years away, a dying star known as the Cat Eye Nebula throws off shells of glowing gas! ht…",,2015-08-07 09:10:32 -0700,629686071056424960,"Missouri, USA",Eastern Time (US & Canada) -4146,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6843,,sarahthefrey,,0,,,The #GOPDebate is actually terrifying. These are real people that could have real power and are bonafide racists and sexists.,,2015-08-07 09:10:32 -0700,629686069076692992,Yukon Territory,Central Time (US & Canada) -4147,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,saltusmed,,0,,,"@riley1999 @megynkelly is a closet democrat; actually, after the #GOPDebate she's come out of the closet #KellyFile #KellyFailed",,2015-08-07 09:10:31 -0700,629686065603969024,Northern Virginia,Quito -4148,No candidate mentioned,0.4311,yes,0.6566,Negative,0.6566,Abortion,0.4311,,DWHignite,,0,,,I suppose you could sell baby parts like #PlannedParenthood and yell about #equality #GOPDebate #tcot #statist ..SMH https://t.co/f7it1d65na,,2015-08-07 09:10:30 -0700,629686060138807299,, -4149,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mehlucky13,,0,,,"#Trump getting shit for raising his hand last night! Make ""America"" great again is the slogan! Not ""Republicans!"" #GOPDebate #13",,2015-08-07 09:10:30 -0700,629686058486116352,Kentucky! !!!, -4150,No candidate mentioned,0.48100000000000004,yes,0.6936,Negative,0.3718,None of the above,0.48100000000000004,,694Miller,,0,,,Our democracy remains in dire straits cause it aint working as long as they get money for nothing and we get dicks for free #GOPDebate,,2015-08-07 09:10:29 -0700,629686058226036736,,Arizona -4151,Marco Rubio,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,_SFRNC,,4,,,.@ericbolling we want someone young and a leader who can lead us into the future! #StudentsForRubio #outnumbered #GOPDebate,,2015-08-07 09:10:29 -0700,629686056762408960,"Washington, DC",Pacific Time (US & Canada) -4152,Donald Trump,0.6701,yes,1.0,Neutral,0.3505,None of the above,1.0,,dweaver6,,14,,,"RT @_HankRearden: Some GOP candidates say we need a 'new America,' but in reality we just need the old one back. #GOPDebate #Trump2016 htt…",,2015-08-07 09:10:28 -0700,629686050466697217,Living in Georgia for now,Eastern Time (US & Canada) -4153,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,SunnyFireFly,,15,,,RT @LadyAodh: The anti-white establishment is doing its best to eliminate Whites. #WhiteGenocide #GOPDebate #cuckservative http://t.co/yocu…,,2015-08-07 09:10:26 -0700,629686042891841537,,Atlantic Time (Canada) -4154,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,FOX News or Moderators,0.6923,,ctmommy,,0,,,"What are the odds @megynkelly has a fill-in for tonights show? Someone tweet please, won’t be watching. #GOPDebate @FoxNews",,2015-08-07 09:10:25 -0700,629686039540576256,New Jersey,Eastern Time (US & Canada) -4155,Chris Christie,0.4265,yes,0.6531,Neutral,0.3469,None of the above,0.4265,,TylerReynolds24,,11,,,RT @DeVryGuy: Chris Christie's moose knuckle has my vote. #GOPDebate http://t.co/8LEzrZETaC,,2015-08-07 09:10:25 -0700,629686037716070402,Knoxville,Eastern Time (US & Canada) -4156,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,0.3645,,solitaryspook,,22,,,RT @savvyliterate: Don’t anyone dare vote for Scott Walker. He would rather let a mother die than concede that he’s wrong about how pregnan…,,2015-08-07 09:10:24 -0700,629686037330071552,"Knoxville, TN",Eastern Time (US & Canada) -4157,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,mhlott91,,0,,,"@CarlyFiorina is one poised, graceful, and determined woman. I can get behind that any day #GOPDebate",,2015-08-07 09:10:23 -0700,629686033186226176,"Raleigh, NC",Eastern Time (US & Canada) -4158,Donald Trump,1.0,yes,1.0,Negative,0.6477,None of the above,1.0,,BriannaP164,,2,,,RT @kuya_joshua: There's gonna be hell toupee if Donald Trump is the nominee. #GOPDebate,,2015-08-07 09:10:23 -0700,629686031135154176,"Kentucky, (Unfortunately)", -4159,No candidate mentioned,1.0,yes,1.0,Negative,0.691,None of the above,0.6409,,debs121973,,2,,,RT @tkords: Just finished the #GOPDebate. Two hours of excellent tough questions without a single one being properly answered or addressed.,,2015-08-07 09:10:23 -0700,629686029981753344,, -4160,No candidate mentioned,0.4432,yes,0.6657,Negative,0.3467,LGBT issues,0.4432,,LGBTSeniorNiche,,7,,,RT @TPEquality: Gay rights opponent Rick Santorum says during #GOPDebate he supports equality under the law - http://t.co/XsJbavYifu http:…,,2015-08-07 09:10:22 -0700,629686027922227200,@briangilad, -4161,Ben Carson,1.0,yes,1.0,Negative,0.6383,FOX News or Moderators,1.0,,KLSouth,,3,,,RT @MarkDavis: #MegynKelly dogs #BenCarson on some meaningless gaffes. We're off to a great start. #GOPDebate,,2015-08-07 09:10:22 -0700,629686027473412097,Beirut by the Lake.,Central Time (US & Canada) -4162,No candidate mentioned,0.409,yes,0.6395,Neutral,0.3372,None of the above,0.409,,LaVie_EmRose,,0,,,"Before I even get started on the #GOPDebate last night, head over to le #blog to see a #new post! --> http://t.co/OpqAUDGvcv",,2015-08-07 09:10:22 -0700,629686026999582720,Miami Beach FL,Eastern Time (US & Canada) -4163,Donald Trump,1.0,yes,1.0,Negative,0.6995,None of the above,1.0,,ShannonBullins1,,1,,,@cassandra17lina Could actually be a democrat trying to help the democrats? #Trump #GOPDebate #Trump2016,,2015-08-07 09:10:22 -0700,629686026919890944,, -4164,Rand Paul,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,lady_sears,,0,,,Lots of positives & negatives @ last night's #GOPDebate - but why was @RandPaul the only candidate to bring up #Furguson & #Baltimore?,,2015-08-07 09:10:18 -0700,629686009425432576,, -4165,No candidate mentioned,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,dancinchaz,,0,,,My thoughts on the #GOPDebate : YAY.,,2015-08-07 09:10:17 -0700,629686005273006080,"New York, NY",Central Time (US & Canada) -4166,Donald Trump,0.4108,yes,0.6409999999999999,Negative,0.6409999999999999,,0.2301,,Intrepid7303,,0,,,#Out - @krauthammer is correct. Trump was biggest loser in #GOPDebate. @AndreaTantaros & Eric are wrong. Smart women will dump Trump.,,2015-08-07 09:10:17 -0700,629686004841082880,, -4167,Scott Walker,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,solitaryspook,,223,,,"RT @TheDailyEdge: Scott Walker: ""We should treat everyone the same in America. Except women, of course."" #GOPDebate http://t.co/jUvKRjrQOT",,2015-08-07 09:10:17 -0700,629686004203417601,"Knoxville, TN",Eastern Time (US & Canada) -4168,No candidate mentioned,0.435,yes,0.6596,Neutral,0.6596,None of the above,0.435,,ckafura,,6,,,RT @j_a_tucker: Psst! Wanna see the Twitter data from last night’s #GOPDebate? We won’t tell anyone... @monkeycageblog http://t.co/BJq8HSR4…,,2015-08-07 09:10:15 -0700,629685997215870976,"Chicago, IL",Central Time (US & Canada) -4169,No candidate mentioned,0.42700000000000005,yes,0.6535,Negative,0.6535,None of the above,0.42700000000000005,,texhomadude,,30,,,RT @americnhumanist: Lot of anger in this debate. Where's the compassion? Where's the empathy? #humanism #GOPDebate,,2015-08-07 09:10:14 -0700,629685993491148803,"Texas, USA", -4170,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,0.6739,,CaptainDaveyy,,0,,,Last thing: Pick someone for who they are not what the media portrays them to be. #GOPDebate,,2015-08-07 09:10:14 -0700,629685992769753088,"Salome, Texas",Eastern Time (US & Canada) -4171,Donald Trump,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6477,,parkerc2112,,1,,,#GOPDebate @realDonaldTrump can you imagine this buffoon addressing world leaders?,,2015-08-07 09:10:13 -0700,629685991188512768,The Dude Abides, -4172,No candidate mentioned,0.5045,yes,0.7103,Neutral,0.3551,Abortion,0.5045,,Alexrealtorpbc,,0,,,#GOPDebate so #PlannedParenthood is the right's new Big bird.....,,2015-08-07 09:10:13 -0700,629685990874025984,Boca Raton Fl, -4173,No candidate mentioned,0.4274,yes,0.6538,Negative,0.6538,None of the above,0.4274,,SimSoph,,2,,,Quite something to watch the #GOPDebate vs the Canadian PM debate. How can anyone take American politicians seriously?,,2015-08-07 09:10:13 -0700,629685990756622336,, -4174,Donald Trump,1.0,yes,1.0,Negative,0.6842,None of the above,0.6842,,SpicyMustang,,0,,,"This makes me laugh, it's entertaining. But it doesn't make me want to give my vote to @realDonaldTrump. #GOPDebate https://t.co/STg5uiBZl5",,2015-08-07 09:10:13 -0700,629685990039261184,"Montana, USA",Pacific Time (US & Canada) -4175,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,Buscemi_Fans,,0,,,In the spirit of the #GOPDebate. #JoinUsSteve http://t.co/mRRu7B0BBW,,2015-08-07 09:10:13 -0700,629685989309464576,, -4176,Donald Trump,1.0,yes,1.0,Negative,0.6126,None of the above,1.0,,TheRealEubanks,,1,,,Next #GOPDebate #Trump needs to let me do something with that hair!!!!! #fashion,,2015-08-07 09:10:12 -0700,629685985887059968,Atlanta Georgia,Eastern Time (US & Canada) -4177,Mike Huckabee,0.4495,yes,0.6705,Negative,0.375,Foreign Policy,0.2514,,Tpolis85,,0,,,"#GOPDebate ""We got nothing. And Iran gets everything they want."" @GovMikeHuckabee #MarshaMarshaMarsha",,2015-08-07 09:10:12 -0700,629685984452583424,, -4178,Donald Trump,1.0,yes,1.0,Negative,0.6344,None of the above,0.6774,,TrumpIssues,,3,,,"This prick can call the death of #KateSteinle a ""little thing,"" but Trump can't call someone a dog. #GOPDebate #PC https://t.co/YsI1O5TJ4q",,2015-08-07 09:10:11 -0700,629685982627901441,United States Of America,Pacific Time (US & Canada) -4179,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,darth_schmoo,,257,,,RT @JensenClan88: This is like if everyone you hate on Facebook had dinner together. #GOPDebate,,2015-08-07 09:10:10 -0700,629685977204723713,"Salt Lake City, Utah",Mountain Time (US & Canada) -4180,Marco Rubio,1.0,yes,1.0,Positive,1.0,Abortion,0.6256,,vondrachek,,0,,,"Rubio Life begins at conception Well said! -@marcorubio schools @ChrisCuomo http://t.co/InV8kphTr9 -Not above Mr. Rubios pay grade -#GOPDebate",,2015-08-07 09:10:10 -0700,629685975007014912,, -4181,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,0.6813,,ZeitgeistGhost,,2,,,"Kept thinking when #GOP Governors in the #GOPDebate talk about their 'accomplishments', yeah but u FAILED and are unpopular 4 it @bellobass",,2015-08-07 09:10:08 -0700,629685970024177664,Norcal,Pacific Time (US & Canada) -4182,Donald Trump,0.4162,yes,0.6452,Positive,0.6452,None of the above,0.4162,,Aberah_KeDabar,,2,,,"RT @He_Has_Failed: 200,000 votes over at Drudge and Trump is absolutely dominating the #GOPDebate -#tcot http://t.co/kU0ul7HZQY",,2015-08-07 09:10:07 -0700,629685965762732032,,Hawaii -4183,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,0.6413,,amandaemcgowan,,2,,,"RT @MaraDolan: Midi Scrum on the #GOPDebate with @Kadzis and @reillyadam, h/t @amandaemcgowan. (I think everyone is sleepy today.) http://t…",,2015-08-07 09:10:06 -0700,629685961534906368,"Boston, MA",Eastern Time (US & Canada) -4184,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,bgittleson,,0,,,#GOPDebate in 60 seconds https://t.co/moibjSpUol,,2015-08-07 09:10:06 -0700,629685959995461633,"New York, NY",Eastern Time (US & Canada) -4185,No candidate mentioned,0.4395,yes,0.6629,Positive,0.3371,FOX News or Moderators,0.4395,,jamesberrian,,0,,,Props to @FoxNews for the GREAT questions. @megynkelly @BretBaier @FoxNewsSunday #GOPDebate,,2015-08-07 09:10:05 -0700,629685955251671040,,Eastern Time (US & Canada) -4186,Donald Trump,0.4542,yes,0.6739,Negative,0.3478,None of the above,0.4542,,91Onc,,26,,,RT @larryelder: Worse than an unprepared candidate is blind support for one. I was pulling for #DonaldTrump. But he needs to raise his game…,,2015-08-07 09:10:04 -0700,629685952110309376,The 13th Colony,Eastern Time (US & Canada) -4187,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6964,,lcac31,,0,,,@realDonaldTrump childish attacks specifically on @megynkelly you'll never become POTUS. You can mess you a wet dream. #GOPDebate,,2015-08-07 09:10:04 -0700,629685951149707265,,Central Time (US & Canada) -4188,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,suzanneblueblue,,5,,,"RT @HensleywkAo: “@FrankLuntz: I'm getting a lot of @MegynKelly hatemail tonight. 😆 - -#GOPDebate”. You were pretty bad too. Your findings w…",,2015-08-07 09:10:03 -0700,629685948520001536, AMERICA! Angry Yet? NY'er, -4189,Ben Carson,1.0,yes,1.0,Neutral,0.6577,None of the above,0.6732,,claudiabriggs1,,65,,,RT @AmyMek: Freedom is not free we must fight for it every day - Ben Carson #GOPDebate,,2015-08-07 09:10:03 -0700,629685947492339717,, -4190,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,amberwalcott79,,0,,,"They were so busy convincing us of the American Nightmare, they have forgotten to engage us with an American Dream. #GOPDebate",,2015-08-07 09:10:03 -0700,629685947291058176,, -4191,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,LindaFortWorth,,0,,,@BretBaier You were professional and did an excellent job moderating! #GOPDebate @SpecialReport,,2015-08-07 09:10:03 -0700,629685946586271746,Fort Worth,Central Time (US & Canada) -4192,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Women's Issues (not abortion though),0.6456,,giocarlucci,,0,,,The real question should be as president of the USA will you defund #PlannedParenthood #GOPDebate,,2015-08-07 09:10:02 -0700,629685944153550848,"Miami, (Doral Area) & Panama",Eastern Time (US & Canada) -4193,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,Racial issues,1.0,,solitaryspook,,1,,,"RT @nottooshabbbbyy: Question: does the police target young black men? -GOP candidates: lol I just want equality..<3 #AllLivesMatter -#GOP…",,2015-08-07 09:10:02 -0700,629685942203236352,"Knoxville, TN",Eastern Time (US & Canada) -4194,No candidate mentioned,1.0,yes,1.0,Neutral,0.6602,None of the above,1.0,,OutSideDBox1,,1,,,@Livestream #GOPDebate as an Independent voter I wanted 2 C why should I even consider voting Republican,,2015-08-07 09:10:01 -0700,629685938889826304,"New York, USA", -4195,Donald Trump,1.0,yes,1.0,Positive,0.6705,FOX News or Moderators,0.6705,,nanaziegler,,1,,,RT @edwrather: Trump slams Megyn Kelly http://t.co/oBNQDPOemX via @worldnetdaily #GOPDebate #Tcot #ccot #pjnet #WakeUpAmerica #MakeDCListen,,2015-08-07 09:10:00 -0700,629685935697891328,PSL Florida,Quito -4196,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7065,,MercuryOneOC,,1,,,"The gave Trump twice as much speaking time as Walker #GOPdebate -#TCOT #LNYHBT",,2015-08-07 09:09:59 -0700,629685932518699009,Northern Virginia , -4197,Jeb Bush,1.0,yes,1.0,Negative,0.6966,Immigration,1.0,,jptsr71,,69,,,"RT @Writeintrump: Hey Jeb Bush, explain to Kate Steinle how illegal immigration is an act of love. #GOPDebate",,2015-08-07 09:09:58 -0700,629685927753981952,NH & FL, -4198,No candidate mentioned,1.0,yes,1.0,Negative,0.6927,None of the above,1.0,,WirSindAlleFRK,,1,,,"RT @MrSoLo_DoLo919: Re-fucking-tweet!! - -RT @Squintz1983: #GOPDebate pretty much http://t.co/Mw4muTXjgU",,2015-08-07 09:09:58 -0700,629685925660856320,, -4199,Rand Paul,0.4102,yes,0.6404,Negative,0.6404,None of the above,0.4102,,ChrisCamps76,,0,,,Sorry Rand supporters. 9/11 was a big deal. #SitDownRand #GOPDebate,,2015-08-07 09:09:58 -0700,629685925203865601,"Westchester, NY/Providence, RI",Eastern Time (US & Canada) -4200,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ODUSWO,,0,,,My clear winners have been my favorites from day 1. @marcorubio & @CarlyFiorina #GOPDebate. I'd like to see both on 1 ticket. Thoughts?,,2015-08-07 09:09:57 -0700,629685920619347968,"Chesapeake, VA (Great Bridge)",Eastern Time (US & Canada) -4201,No candidate mentioned,0.4072,yes,0.6381,Negative,0.6381,FOX News or Moderators,0.4072,,GOPcomedy,,0,,,"That @FoxNews is so left wing, I'm going to switch to the fair & balanced MSNBC. #GOPDebate",,2015-08-07 09:09:56 -0700,629685919293923328,I'm right over there.,Pacific Time (US & Canada) -4202,Ted Cruz,0.4545,yes,0.6742,Neutral,0.6742,None of the above,0.4545,,Steve71948526,,0,,,Ted Cruz with Sean Hannity Before the #GOPDebate https://t.co/uEI9x7v2Yi via @YouTube,,2015-08-07 09:09:56 -0700,629685918861922304,"Texas, USA",Central Time (US & Canada) -4203,No candidate mentioned,1.0,yes,1.0,Negative,0.6536,None of the above,1.0,,Tamaraesor,,2,,,RT @queertardo: @Salon 2nd Favorite #GOPDebate Meme on internet! http://t.co/RnYUvlHv4D,,2015-08-07 09:09:56 -0700,629685918287425536,New York, -4204,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DrDanielPepper,,0,,,Why was @seanhannity not asking the questions instead of Kelly? #GOPDebate,,2015-08-07 09:09:56 -0700,629685917813379072,"Iowa, USA",Central Time (US & Canada) -4205,Ben Carson,1.0,yes,1.0,Negative,0.6593,None of the above,0.6593,,farfel54,,19,,,"RT @SabrinaSiddiqui: Carson: ""I'm the only one to separate Siamese twins."" Kinda hard to outdo that. #GOPDebate",,2015-08-07 09:09:55 -0700,629685912495108097,Polo Grounds, -4206,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aboyjohnny,,0,,,That's how a @realpresidentialcandidate acts? That's how a real ADULT acts? Did @realDonaldTrump get his wittle feewings hurt? #GOPDebate,,2015-08-07 09:09:54 -0700,629685907948355584,Lakewood, -4207,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,XPravdaX,,0,,,"When Trump says it its not being PC, if you say it about Trump his lawyer calls you. #hypocrisy #GOPDebate #UniteBlue",,2015-08-07 09:09:54 -0700,629685907910696960,United States,Central Time (US & Canada) -4208,No candidate mentioned,0.6948,yes,1.0,Neutral,0.6948,Jobs and Economy,1.0,,BUDDYR1,,134,,,RT @ScottWalker: What do you do when you have a surplus? Return it to the taxpayers. They know how best to spend it #GOPdebate http://t.co…,,2015-08-07 09:09:53 -0700,629685907239608322,disabled,Eastern Time (US & Canada) -4209,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6552,,missmarie157,,2,,,"RT @Ally_Eddy: Do u think trans people should serve in the military? ""THE MILITARY IS not A SOCaiL EXPERIMENT WE ARE heRE TO KILL PPL"" ...k…",,2015-08-07 09:09:53 -0700,629685906052616192,,Atlantic Time (Canada) -4210,Marco Rubio,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,ElasticCassidy,,0,,,"Marco Rubio's ears are so big his campaign slogan should be ""Marco Rubio definitely hears your concerns"" #GOPDebate",,2015-08-07 09:09:53 -0700,629685903468953600,"Huntsville, AL",Central Time (US & Canada) -4211,No candidate mentioned,1.0,yes,1.0,Neutral,0.6445,None of the above,1.0,,c79e20a2aac74f0,,36,,,RT @Mangaminx: I am now going to watch the #GOPDebate (a little late). America: the rest of us hope you eventually vote for the one thats l…,,2015-08-07 09:09:52 -0700,629685902592225281,, -4212,No candidate mentioned,0.6874,yes,1.0,Neutral,0.6754,None of the above,1.0,,alexburrola,,0,,,The 3 Most and Least Libertarian Moments of The First #GOPDebate #StandWith Rand http://t.co/K8ZX2dJwrB,,2015-08-07 09:09:52 -0700,629685901086474241,Southern California,Pacific Time (US & Canada) -4213,No candidate mentioned,1.0,yes,1.0,Neutral,0.6524,FOX News or Moderators,0.6817,,ThePatriot143,,13,,,Debbie Wasserman-Schultz had nothing intelligent to say post #GOPDebate During @FoxNews interview so Blurs out 'GOP is 'Misogynistic',,2015-08-07 09:09:50 -0700,629685893725581313,NEW YORK CITY, -4214,No candidate mentioned,0.2337,yes,0.6766,Neutral,0.3454,None of the above,0.4578,,jonathanduffy,,0,,,.@WSJ and here is what viewers actually listened to during the #GOPDebate: http://t.co/ictHu0QKXK http://t.co/7CgVSd2LoQ,,2015-08-07 09:09:49 -0700,629685890282090496,"Philadelphia, PA",Eastern Time (US & Canada) -4215,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Dc37Deborah,,39,,,RT @SooperMexican: quit trying to make Kasich a thing. #GOPDebate,,2015-08-07 09:09:48 -0700,629685884414242816,A Sadly Blue State ,Eastern Time (US & Canada) -4216,No candidate mentioned,0.4577,yes,0.6765,Negative,0.6765,Racial issues,0.2401,,DarrenWPalmer,,0,,,This is mostly a left wing Democratic issue anyway... #GOPDebate https://t.co/S1R0Xw1JTy,,2015-08-07 09:09:47 -0700,629685880731639808,South Jersey, -4217,Donald Trump,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,raachelll_xo,,379,,,RT @pattonoswalt: It's simple: Trump doesn't not want to not say he won't pledge not running against the winner if he does or doesn't not w…,,2015-08-07 09:09:47 -0700,629685879867478016,wonderland,Eastern Time (US & Canada) -4218,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dontcha_know1,,7,,,"RT @HensleywkAo: #GOPDebate Rough night for @FoxNews , @megynkelly & Chris Wallace were unprofessional & had axe to grind. Followed up by p…",,2015-08-07 09:09:47 -0700,629685878865162240,,Eastern Time (US & Canada) -4219,No candidate mentioned,0.4094,yes,0.6399,Negative,0.6399,None of the above,0.4094,,Sleevetalkshow,,0,,,"@theblaze: ""(@AP) Fact Check: Which (#GOP) Candidates Veered From the Truth in First Debate?"" #GOPDebate http://t.co/tzW4Y7Ev6U",,2015-08-07 09:09:46 -0700,629685877049008128,Anywhere & Everywhere!,Eastern Time (US & Canada) -4220,Marco Rubio,0.3765,yes,1.0,Neutral,0.6235,None of the above,1.0,,Julkirk,,25,,,"RT @FredZeppelin12: #GOPDebate - -Bush ⬇️ -Cruz ⬆️ -Walker ↔️ -Trump...Trump -Rubio ⬆️",,2015-08-07 09:09:44 -0700,629685867083378688,"Atlanta, GA", -4221,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,MsLabuski,,1,,,"#Toughchoices for today's conservative woman: am I a fat pig, an incubator, or just irrelevant? #GOPDebate #GOPmisogyny #brightfutures",,2015-08-07 09:09:44 -0700,629685867024646144,"Blacksburg, VA", -4222,No candidate mentioned,1.0,yes,1.0,Negative,0.6493,Jobs and Economy,1.0,,iamDavidWiley,,1,,,RT @ChristianCalls1: TRIVIA: Who is the only candidate to have proposed cutting spending by a TRILLION dollars during his first year as Pr…,,2015-08-07 09:09:42 -0700,629685859147616256,Greater Seatle,Arizona -4223,Donald Trump,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,PMDMKE,,0,,,The more I read that Trump lost the #GOPDebate. the more I'm convinced that his poll numbers are only going up.,,2015-08-07 09:09:40 -0700,629685851132416000,Milwaukee, -4224,Donald Trump,1.0,yes,1.0,Negative,0.3605,None of the above,1.0,,texhomadude,,57,,,RT @hemantmehta: Can we just build a fence around Trump? #GOPDebate,,2015-08-07 09:09:40 -0700,629685850171768833,"Texas, USA", -4225,Rand Paul,1.0,yes,1.0,Negative,0.7139,None of the above,1.0,,DMarseKapr,,0,,,"I guess I'm just grateful to Rand Paul for allowing me to use the word ""shrill"" to describe a man. #thanksrand #gopdebate",,2015-08-07 09:09:39 -0700,629685845696626694,"Baltimore, MD",Eastern Time (US & Canada) -4226,No candidate mentioned,0.4616,yes,0.6794,Neutral,0.3497,None of the above,0.4616,,drshow,,2,,,".@OKnox and @sbg1: #GOPDebate was good reality TV, but not a great discussion of the issues: http://t.co/C7fwjMdQcZ",,2015-08-07 09:09:37 -0700,629685838553686016,"Washington, D.C.",Quito -4227,No candidate mentioned,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,jojo2397,,7,,,RT @papa_welch: The #GOPDebate would be even more entertaining if a pretty lady had to choose one of those old guys at the end & give him a…,,2015-08-07 09:09:36 -0700,629685832002220033,,Quito -4228,No candidate mentioned,0.4696,yes,0.6853,Positive,0.354,FOX News or Moderators,0.4696,,victoranomalous,,0,,,How is it Hollywood can't get Dr. Doom right once and foxnews got it right 10 times last night? #GOPDebate,,2015-08-07 09:09:35 -0700,629685831561654272,Albuquerque,Central Time (US & Canada) -4229,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,Trump doesn't answer questions he just shits out a semi coherent sentence with a bunch of charged words thrown in there #GOPDebate,,2015-08-07 09:09:35 -0700,629685829548515328,,Eastern Time (US & Canada) -4230,Chris Christie,1.0,yes,1.0,Negative,0.6537,None of the above,1.0,,LeighLike1234,,1,,,RT @JoshuaHenne: Example #467 of @ChrisChristie campaign not ready for primetime: checkout #ChristieDebates to see how few tweeters they li…,,2015-08-07 09:09:35 -0700,629685829045252096,, -4231,No candidate mentioned,1.0,yes,1.0,Negative,0.6277,None of the above,0.6596,,Johnisnotamused,,0,,,"So many mentions of fetuses, almost no mentions for the people who carry them. #GOPDebate #AntiChoice",,2015-08-07 09:09:35 -0700,629685828835516416,literally anywhere else,Quito -4232,Ben Carson,0.4344,yes,0.6591,Positive,0.3295,None of the above,0.4344,,AllAmerRallyIRC,,0,,,"Hi @RealBenCarson attend our event, Sept 26! We are in contact with campaign, pls say yes! AllAmericanRally.us #GOPDebate - please RT",,2015-08-07 09:09:34 -0700,629685826868387840,"Vero Beach, FL", -4233,Donald Trump,1.0,yes,1.0,Positive,0.6859999999999999,None of the above,0.6859999999999999,,WillWash,,0,,,Real talk. Trump won the debate of the out of touch candidates. #GOPDebate,,2015-08-07 09:09:33 -0700,629685823114452993,"Washington, DC",Eastern Time (US & Canada) -4234,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,Jobs and Economy,1.0,,Stefanoofer,,0,,,Where was the discussion about #incomeinequality last night? #GOPDebate,,2015-08-07 09:09:31 -0700,629685811508826112,"New York, USA",Central Time (US & Canada) -4235,Donald Trump,1.0,yes,1.0,Negative,0.3505,FOX News or Moderators,1.0,,MattDurrant_,,0,,,"Contrary to Trump's views, the FOX News debate moderators were on brilliant form last night. #gopdebate",,2015-08-07 09:09:27 -0700,629685795775991808,"Marlow, England",London -4236,Jeb Bush,1.0,yes,1.0,Positive,0.6824,None of the above,1.0,,LaurieSpoon,,28,,,RT @TheNormanLear: Jeb Bush is making a great case for his staying in Florida. #GOPDebate,,2015-08-07 09:09:27 -0700,629685794668589056,USA,Pacific Time (US & Canada) -4237,Donald Trump,0.6824,yes,1.0,Negative,0.6706,Abortion,0.6824,,two_80,,1,,,"RT @MikeJMele: My review of the #GOPDebate - -“(Republican) Party Over Here” -http://t.co/OpcKHOl3f5 - -#DonaldTrump #HillaryClinton #Abortion",,2015-08-07 09:09:24 -0700,629685785042681856,,Central Time (US & Canada) -4238,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6341,,Cody_toadyJones,,26,,,RT @OriolesFanProbz: I'm disappointed that none of the candidates were asked for their thoughts on defensive shifts in baseball. #GOPDebate,,2015-08-07 09:09:23 -0700,629685781188231169,"Millsboro, Delaware",Eastern Time (US & Canada) -4239,Rand Paul,0.6301,yes,1.0,Positive,1.0,None of the above,0.675,,annemargaretj,,0,,,Love that Gov Christie gave it to Rand Paul. #GOPDebate,,2015-08-07 09:09:23 -0700,629685779430834177,"Breslau, Ontario ", -4240,Donald Trump,1.0,yes,1.0,Neutral,0.361,FOX News or Moderators,1.0,,DLPTony,,0,,,"Well #FoxNews & #MegynKelly, the @realDonaldTrump hitjob blew up. Tops @Time poll #KellyFile #GOPDebate #DonaldTrump http://t.co/PhQU2mpmbG",,2015-08-07 09:09:22 -0700,629685776058580993,Midtown Atlanta!,Eastern Time (US & Canada) -4241,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,whitebg19611,,1,,,RT @JesseWasFugly: .@ScottWalker looks like he wants to suck @BenCarson2016's dick. #GOPDebate,,2015-08-07 09:09:22 -0700,629685773386809345,earth, -4242,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,FOX News or Moderators,0.6628,,TheAtlanticVamp,,1,,,"I've said it before: if he talks to Rosie O'Donnell, and now Megyn Kelly, like that, imagine how he'd speak to Angela Merkel. #GOPDebate",,2015-08-07 09:09:20 -0700,629685768894705664,Georgia,Eastern Time (US & Canada) -4243,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,Women's Issues (not abortion though),1.0,,mooselimELF,,24,,,"RT @StephHerold: ""You have moms, you have daughters, and you don't care about women? Shame on you."" - local laundromat political analysis o…",,2015-08-07 09:09:20 -0700,629685767690829824,........., -4244,Donald Trump,0.6809,yes,1.0,Neutral,1.0,None of the above,0.6702,,two_80,,2,,,"RT @MikeJMele: Review of the #GOPDebate - -“(Republican) Party Over Here” -http://t.co/OpcKHOl3f5 - -#DonaldTrump #HillaryClinton #Abortion",,2015-08-07 09:09:19 -0700,629685762749960192,,Central Time (US & Canada) -4245,Donald Trump,1.0,yes,1.0,Negative,0.6292,FOX News or Moderators,1.0,,colincomer,,0,,,"Most of the debate was @FoxNews attacking @realDonaldTrump and missing the mark, although it was entertaining #GOPDebate",,2015-08-07 09:09:17 -0700,629685754608816128,Las Vegas,Central Time (US & Canada) -4246,Donald Trump,0.4853,yes,0.6966,Negative,0.6966,FOX News or Moderators,0.4853,,MercuryOneOC,,5,,,"They gave Trump almost twice as much speaking time as Cruz at #GOPdebate -#TCOT #LNYHBT",,2015-08-07 09:09:17 -0700,629685752893468672,Northern Virginia , -4247,No candidate mentioned,1.0,yes,1.0,Negative,0.6686,None of the above,0.6657,,OutSideDBox1,,1,,,@Livestream #GOPDebate thank you for letting me watch the lame Republican Debate last night Live Stream,,2015-08-07 09:09:16 -0700,629685749324083200,"New York, USA", -4248,Scott Walker,1.0,yes,1.0,Positive,0.3469,Foreign Policy,0.6531,,BUDDYR1,,193,,,RT @ScottWalker: .@BarackObama’s nuclear agreement with #Iran will be remembered as one of America's worst diplomatic failures. #GOPdebate …,,2015-08-07 09:09:15 -0700,629685747751251969,disabled,Eastern Time (US & Canada) -4249,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,b_shider15,,4,,,"RT @ShunStrickland: #GOPDebate completely out of touch with most of the America people. Nothing for women, the poor or people of color. Sha…",,2015-08-07 09:09:15 -0700,629685747704934401,"Waycross, Ga",Eastern Time (US & Canada) -4250,Marco Rubio,1.0,yes,1.0,Neutral,0.3448,Immigration,0.6552,,bpedati,,29,,,RT @RMConservative: .@marcorubio voted against amdt to build the fence b4 implementation of amnesty http://t.co/5guj7PE5Ei #CampaignConserv…,,2015-08-07 09:09:15 -0700,629685745444352000,DC, -4251,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CaptainDaveyy,,0,,,Trump knows people are angry and he is playing you like a fool. He has no business in this presidential process #GOPDebate,,2015-08-07 09:09:14 -0700,629685741166071808,"Salome, Texas",Eastern Time (US & Canada) -4252,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SwayzeGuy,,1,,,"#FoxNews hosts were fist bumping each other after the #GOPDebate was over. Megyn ""Crowley"" was particularly proud of herself. #TCOT",,2015-08-07 09:09:14 -0700,629685741082288128,Florida,Eastern Time (US & Canada) -4253,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,hollywoodblvd1,,0,,,#DonaldTrump responds to @FoxNews moderators. #GOPDebate https://t.co/uNpWf1GmAW,,2015-08-07 09:09:13 -0700,629685739005947905,#Hollywoodblvd,Pacific Time (US & Canada) -4254,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OstimusPrime,,1,,,How I feel about politics #GOPDebate http://t.co/uprwVEI4kR,,2015-08-07 09:09:13 -0700,629685737143689216,"Denver,ColoradoOkinawa,Japan",Mountain Time (US & Canada) -4255,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RhondaWatkGwyn,,3,,,RT @abburgess95: Now I see why political commentators have been saying to watch out for @GovMikeHuckabee in the #GOPDebate. He's making som…,,2015-08-07 09:09:13 -0700,629685736166588416,"Mount Airy, North Carolina",Eastern Time (US & Canada) -4256,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Daniel_Stover,,1,,,"RT @ZanP: ""THE ARTICLE"" on #GOPDebate must read! Nails It!💥 https://t.co/xMDbTj39kC",,2015-08-07 09:09:13 -0700,629685735549833216,"Hopkins, MN",Eastern Time (US & Canada) -4257,Chris Christie,1.0,yes,1.0,Negative,0.7134,None of the above,1.0,,FreedomJames7,,2,,,"Any Conservative Who Thinks Chris Christie Won Last Night, You Need To Leave Our Party Immediately. -#GOPDebate",,2015-08-07 09:09:12 -0700,629685734480416768,, -4258,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,FOX News or Moderators,1.0,,ACloakedFigure,,0,,,"The moderator on the #GOPDebate last night named her son after Margaret Thatcher, (His name's Thatcher, not Margaret i hasten to add)",,2015-08-07 09:09:12 -0700,629685731645071360,,London -4259,No candidate mentioned,1.0,yes,1.0,Neutral,0.6576,None of the above,1.0,,cwagner75,,27,,,RT @foxnation: .@KennedyNation Asks Clinton Spokeswoman 'WHERE IS THE SERVER?' http://t.co/znS4H8klxb #GOPDebate http://t.co/kbJhqAc68x,,2015-08-07 09:09:11 -0700,629685728176267264,Southeast,Central Time (US & Canada) -4260,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,filmteachur,,0,,,"Trying to figure out last nights #GOPDebate is like trying to follow this season's True Detective, confusing and just plain awful.",,2015-08-07 09:09:10 -0700,629685723747102720,, -4261,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MotivatedGenY,,6,,,RT @GlenGilmore: Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/90Xa4VCINU @WSJ http://t.co/bcTaj3xDGA,,2015-08-07 09:09:09 -0700,629685721641545729,Kansas City,Eastern Time (US & Canada) -4262,No candidate mentioned,0.4636,yes,0.6809,Positive,0.6809,FOX News or Moderators,0.4636,,ATLscene,,0,,,"THINGS I LEARNED WATCHING THE #GOPDebate: -You’d never know but I do not watch Fox News -I liked Meagan Kelly. she is smart, quick & witty",,2015-08-07 09:09:09 -0700,629685721071243264,"atlanta, ga",Eastern Time (US & Canada) -4263,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,meryl19891207,,4,,,RT @EqualityPrius: After tonight's #Circus #GOPClownCar #GOPDebate - More convinced than ever @HillaryClinton needs to be next #POTUS http:…,,2015-08-07 09:09:08 -0700,629685714746126336,"Hong Kong,China 中国香港", -4264,No candidate mentioned,1.0,yes,1.0,Neutral,0.6382,None of the above,1.0,,TXTRILL78,,11,,,"RT @NaphiSoc: A clear consensus is emerging on who won the #GOPDebate last night -#UniteBlue -#GOPTBT http://t.co/2de88aAFS3",,2015-08-07 09:09:06 -0700,629685707146006528,5x Champion City Texas,Central Time (US & Canada) -4265,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,theKellyKade,,0,,,@AndreaTantaros @ericbolling I'm with you regarding @realDonaldTrump. Sadly @FoxNews as an establishment is biased. Blatantly. #GOPDebate,,2015-08-07 09:09:05 -0700,629685705413799937,"New York, NY",Eastern Time (US & Canada) -4266,John Kasich,0.665,yes,1.0,Negative,0.6542,None of the above,0.6542,,4apostles,,0,,,"@4apostles Term limits, pay limits, & perks limits for Congress. Now. Put an end to career politicians. #GOPDebate #tcot",,2015-08-07 09:09:01 -0700,629685688385073152,, -4267,Donald Trump,1.0,yes,1.0,Positive,0.3511,FOX News or Moderators,0.6915,,MrMbruno,,0,,,@megynkelly Did @CandyCrowley coach you for last nights #GOPDebate ? @FoxNews @realDonaldTrump,,2015-08-07 09:09:00 -0700,629685683867766785,"Dumont, NJ",Central Time (US & Canada) -4268,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,0.6591,,pkmaster45225,,871,,,RT @PhillyD: Bringing up the Constitution or Ronald Reagan at the #GOPDebate is like when a musician screams the name of the city he is pla…,,2015-08-07 09:08:59 -0700,629685680046632960,"Lynden, WA, USA",Pacific Time (US & Canada) -4269,No candidate mentioned,1.0,yes,1.0,Negative,0.3511,None of the above,1.0,,b_shider15,,1,,,"RT @ShunStrickland: When people tell you who they are, believe them. #GOPDebate",,2015-08-07 09:08:58 -0700,629685676347256832,"Waycross, Ga",Eastern Time (US & Canada) -4270,No candidate mentioned,0.5045,yes,0.7103,Negative,0.7103,None of the above,0.2522,,rlange9,,0,,,"Funny but very sad last night. Where was climate change, equal pay, voting rights, police violence? #GOPDebate http://t.co/HB39E72Urg",,2015-08-07 09:08:58 -0700,629685675109957632,,Pacific Time (US & Canada) -4271,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Religion,1.0,,Thomg57,,198,,,"RT @ImJustCeej: When the #GOPDebate candidates finally meet God, and see a She's a black woman http://t.co/ObWklPfUbQ",,2015-08-07 09:08:57 -0700,629685668550082560,"Seattle, Washington",Pacific Time (US & Canada) -4272,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ElasticCassidy,,0,,,There are so many GOP candidates I hope @nbcsnl does skits featuring the primaries Miss America style. #GOPDebate #notreadyforprimetime,,2015-08-07 09:08:56 -0700,629685665010221056,"Huntsville, AL",Central Time (US & Canada) -4273,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,Racial issues,0.6897,,actuallyshley,,1,,,"RT @CHEESEnCRACKRS: 2/2 Because the rights of women, Indigenous people & people of colour, and people who practice non-Western faith are cr…",,2015-08-07 09:08:55 -0700,629685663630258176,Canada ,Central Time (US & Canada) -4274,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,robjones3030,,0,,,"@FrankLuntz @maxwelltani -Think anyone failed to note #GOPDebate & your afterparty was to intended to derail Trump? Fair n balanced my ass.",,2015-08-07 09:08:55 -0700,629685661919002624,A bit outside of Ft Worth,Central Time (US & Canada) -4275,No candidate mentioned,0.4259,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,siaayrom,,1,,,RT @snarkylibdem: Bernie Sanders live-tweeted the #GOPDebate http://t.co/qQNDj3bCsl via @HuffPostPol,,2015-08-07 09:08:54 -0700,629685656818577408,"Houston, Texas",Eastern Time (US & Canada) -4276,Donald Trump,1.0,yes,1.0,Negative,0.6437,Women's Issues (not abortion though),1.0,,b_shider15,,1,,,RT @ShunStrickland: Not only did @realDonaldTrump justify his comments about women & threaten @megynkelly not one other candidate stood up …,,2015-08-07 09:08:53 -0700,629685655279308800,"Waycross, Ga",Eastern Time (US & Canada) -4277,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,lungtawellness,,0,,,@KellyO biggest loser in last night's #GOPDebate - the environment. Meanwhile in Canada's leader's debate last night ... #elxn2015,,2015-08-07 09:08:53 -0700,629685655140999168,Global Free Spirit,Eastern Time (US & Canada) -4278,Donald Trump,0.4181,yes,0.6466,Neutral,0.336,FOX News or Moderators,0.4181,,Charvettebey,,0,,,I just heard Megyn Kelly's question to Trump! His comeback w Rosie O'Donnell was appalling but predictable! #GopDebate,,2015-08-07 09:08:52 -0700,629685649109417984,Maryland,Eastern Time (US & Canada) -4279,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Josey2Me,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/t2q5a1ZFJA via @theSkimm,,2015-08-07 09:08:52 -0700,629685648811692033,,Pacific Time (US & Canada) -4280,No candidate mentioned,1.0,yes,1.0,Neutral,0.3516,LGBT issues,1.0,,OmarDajani75,,49,,,"RT @micnews: 4 years after booing a gay soldier, the #GOPDebate crowd cheered LGBT acceptance http://t.co/k7WaKz1g5Q http://t.co/qE2TpUTVW3",,2015-08-07 09:08:51 -0700,629685647410790404,"Jerusalem, Israel/Palestine.", -4281,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kwdayboise,,0,,,9 gifted politicians. One broken party. And Trump. @jbview http://t.co/2pdDvLim2u via @BV #GOPDebate,,2015-08-07 09:08:49 -0700,629685637679984641,"Boise, ID",Mountain Time (US & Canada) -4282,Jeb Bush,0.6813,yes,1.0,Negative,0.6813,None of the above,1.0,,SooperSmalls,,0,,,Jeb Bush underperforms at the #GOPDebate,,2015-08-07 09:08:48 -0700,629685630671327232,"Phoenix, AZ", -4283,Donald Trump,0.4584,yes,0.6771,Neutral,0.3542,None of the above,0.2398,,91Onc,,7,,,"RT @larryelder: When's the last time you heard someone praise ""single payer"" like Trump did last night? Oh, now I recall: -http://t.co/IAmJu…",,2015-08-07 09:08:47 -0700,629685628003844096,The 13th Colony,Eastern Time (US & Canada) -4284,No candidate mentioned,1.0,yes,1.0,Negative,0.6399,Religion,0.6399,,hatmadeofeagles,,0,,,"Separation of church and state, we never knew ye. #GOPDebate",,2015-08-07 09:08:47 -0700,629685627005587456,"Ohio, USA", -4285,Donald Trump,1.0,yes,1.0,Negative,0.6322,FOX News or Moderators,1.0,,fgrant624,,172,,,"RT @PoliticalShort: The same candidates I support after watching #GOPDebate are the very same ones @FoxNews showed their hatred for-Trump,…",,2015-08-07 09:08:46 -0700,629685626120486916,Boise Idaho,Mountain Time (US & Canada) -4286,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Olivia_Emisar,,0,,,".#GOPDebate was typical. No plan on how to make YOUR life better, but plenty on how to increase pain and misery. #p2",,2015-08-07 09:08:46 -0700,629685623247343616,Northern Nevada,Pacific Time (US & Canada) -4287,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sassymoses,,11,,,RT @TheCatWhisprer: I'm hosting a #GOPDebate watch party at the Bob Evans if anyone wants to come. They're staying open past 9PM. It's gonn…,,2015-08-07 09:08:45 -0700,629685618134618112,the true north strong and free,Eastern Time (US & Canada) -4288,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,MoreySmorey,,25,,,RT @JaniceDean: The @FoxNews #GOPdebate was excellent. If you can't take the heat get out of the kitchen. Bravo to @megynkelly @BretBaier…,,2015-08-07 09:08:43 -0700,629685613063720960,, -4289,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,ellis_texas,,31,,,RT @MattyIceAZ: Donald Trump's points on immigration lack evidence? Like that ever stopped Republicans from believing such claims before.#G…,,2015-08-07 09:08:43 -0700,629685612455567360,the Florida Sunshine,America/New_York -4290,Donald Trump,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,ZeitgeistGhost,,0,,,"Hey @GOP, #Trump Trump he's your man, if he can't lose it, nobody can! -Well actually all u showed in #GOPDebate is LOSERS -#GOP is not legit",,2015-08-07 09:08:43 -0700,629685609892839424,Norcal,Pacific Time (US & Canada) -4291,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,PruneJuiceMedia,,0,,,Huckabee wants pimps and prostitutes to be paying their fair share of tax via the Fair Tax. Oh… #GOPDebate,,2015-08-07 09:08:42 -0700,629685607980244993,"Atlanta, Georgia",Eastern Time (US & Canada) -4292,Donald Trump,0.3923,yes,0.6264,Negative,0.3297,None of the above,0.3923,,TheAtlanticVamp,,0,,,"Trump announcing he'd run as an Independent, being exposed as Democrat, then going off on Megyn Kelly hurts that. #GOPDebate",,2015-08-07 09:08:40 -0700,629685600979951617,Georgia,Eastern Time (US & Canada) -4293,No candidate mentioned,0.6907,yes,1.0,Negative,0.3505,None of the above,0.6907,,eraycrc,,0,,,@CarlyFiorina Runs Circles Around Chris Matthews Over Hillary’s Record https://t.co/KGwEXWjbsy @bassalid @FreeBeacon #GOPDebate,,2015-08-07 09:08:40 -0700,629685600526958592,"Alexandria, VA",Quito -4294,Donald Trump,1.0,yes,1.0,Negative,0.3514,None of the above,1.0,,k_wasp,,196,,,RT @DLoesch: Trump says his ability to buy politicians is “an example of a broken system.” #GOPDebate,,2015-08-07 09:08:36 -0700,629685580528357376,,Central Time (US & Canada) -4295,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,madelyne_ortiz,,8,,,No chill on the internet. Not one day! #GOPDebate http://t.co/KfC4G4E3QG,,2015-08-07 09:08:34 -0700,629685574593564672,"New York, NY",Eastern Time (US & Canada) -4296,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mamadoxie,,9,,,YES @rushlimbaugh. We're waiting on your take on the excellent performances by the #GOPDebate candidates and the HORRENDOUS job by @FoxNews.,,2015-08-07 09:08:34 -0700,629685574077665281,,Mountain Time (US & Canada) -4297,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TatianaKing,,5,,,"the fact that it WASNT EVEN A DEBATE AT ALL. It was literally pundits saying ""remember the time you said X? Bish how bout now!?"" #GOPDebate",,2015-08-07 09:08:33 -0700,629685571808567296,"New York, NY",Eastern Time (US & Canada) -4298,No candidate mentioned,0.6667,yes,1.0,Negative,1.0,None of the above,1.0,,ZarkoElDiablo,,2,,,RT @AZPatriot01: The #Democrat Party: Sixth Graders with a Twitter Account. #GOPDebate #Republicans #TCOT http://t.co/kRxlRbzGe1 http://t.c…,,2015-08-07 09:08:32 -0700,629685567077392384,,Eastern Time (US & Canada) -4299,Donald Trump,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,stoopidparty,,0,,,@realdonaldtrump should be Donald #stump. He was horrible at the #gopdebate. He talked a lot but said NOTHING.,,2015-08-07 09:08:32 -0700,629685565437444096,, -4300,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,dang_des,,417,,,"RT @rodimusprime: Now a question for Ben Carson... racism is that a thing? - -Ben: No. - -Fox News: You may go now. - -#GOPDebate",,2015-08-07 09:08:31 -0700,629685561880477697,,Central Time (US & Canada) -4301,Ted Cruz,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6897,,phokenson,,0,,,"Ted Cruz's embarrassingly simplistic ""kill em all"" view of insurgency makes him completely unqualified to be commander-in-chief. #GOPDebate",,2015-08-07 09:08:31 -0700,629685561339482113,"Fairbanks, AK",Alaska -4302,Rand Paul,0.228,yes,0.6565,Neutral,0.6565,None of the above,0.431,,ReanaMK,,1,,,"RT @This_isAwkward: Hope for America. -#GOPDebate #nofuture #ronpaulforpresident -#nyc #newyorkcity #brooklyn #graffiti https://t.co/mp1yw3e…",,2015-08-07 09:08:31 -0700,629685561217916928,"Brooklyn, NY",Eastern Time (US & Canada) -4303,No candidate mentioned,0.4867,yes,0.6977,Negative,0.6977,Women's Issues (not abortion though),0.4867,,AurielEbonie,,0,,,"Respecting women is being ""politically correct"", but then you complain about being bullied during the questioning? OK -#GOPDebate",,2015-08-07 09:08:30 -0700,629685556922814465,, -4304,No candidate mentioned,1.0,yes,1.0,Neutral,0.6353,None of the above,1.0,,solomon_ann,,0,,,The woman on her knees was under a Clinton desk #GOPDebate,,2015-08-07 09:08:29 -0700,629685554947489792,NC,Central Time (US & Canada) -4305,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,stephaniejmann,,0,,,"By all accounts, the #GOPDebate seems to have gone as expected.",,2015-08-07 09:08:29 -0700,629685552246300672,"Minneapolis, MN", -4306,Donald Trump,0.4133,yes,0.6429,Neutral,0.3333,None of the above,0.4133,,SereDoc,,3,,,So Trump uses the GOP stage as he wants but reserves the right to destroy GOP chances in 2016 at any time? Great GOP leadership. #GOPDebate,,2015-08-07 09:08:26 -0700,629685542159020032,In Transit,Tehran -4307,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,juhemnr,,0,,,"The more I read about the #GOPDebate, I am convinced that the party is becomig Onion-proof. Satire can't compete with the real deal",,2015-08-07 09:08:26 -0700,629685541244678145,"Washington, DC",Eastern Time (US & Canada) -4308,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,Foreign Policy,0.2381,,FrancoIKU,,5,,,RT @joshrobin: Good point by @bobhardt on @SenSchumer #irandeal rejection -- hiding it while political world watches #gopdebate http://t.co…,,2015-08-07 09:08:26 -0700,629685539575320576,wherever,Central Time (US & Canada) -4309,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TXTRILL78,,17,,,"RT @docrocktex26: Compassionate conservatism died (if it ever existed), and they didn't even hold a funeral. Or is that what last night's #…",,2015-08-07 09:08:24 -0700,629685530314211330,5x Champion City Texas,Central Time (US & Canada) -4310,No candidate mentioned,1.0,yes,1.0,Negative,0.6463,None of the above,0.6829,,TeriChristoph,,1,,,Carly puts the boys to shame http://t.co/OkKM20uA94 #GOPDebate #SGP,,2015-08-07 09:08:23 -0700,629685529001500672,"Leesburg, VA",Eastern Time (US & Canada) -4311,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,maggiegosia,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/cTPFxVEFqB via @HuffPostPol,,2015-08-07 09:08:23 -0700,629685527998902272,,Central Time (US & Canada) -4312,Scott Walker,1.0,yes,1.0,Negative,0.6477,Jobs and Economy,1.0,,infowarrior92,,38,,,"RT @Team_Rand: .@ScottWalker’s Real Record On Taxes & Jobs In Wisconsin >>>https://t.co/OUYTrd7Vik -#StandWithRand #GOPDebate http://t.co/p9…",,2015-08-07 09:08:23 -0700,629685526380081154,, -4313,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,balihai2,,1,,,"RT @ZeitgeistGhost: Yep, the horrible stuff said in the #GOPDebate shows how low the #GOP has sunk. Disgusted and revolted by them @Didika…",,2015-08-07 09:08:22 -0700,629685525717364736,USA,Quito -4314,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,stray,,0,,,The #GOPDebate disappointed me. I was sure Stone Cold Steve Austin would make a surprise appearance or that the cage would come down.,,2015-08-07 09:08:22 -0700,629685524291289088,Earth,Central Time (US & Canada) -4315,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,Religion,0.6705,,andrewstando,,41,,,RT @eiffeltyler: It has been 12 hours and I still cannot believe we gave national broadcast time to this question #GOPDebate http://t.co/EA…,,2015-08-07 09:08:21 -0700,629685519585116160,,Eastern Time (US & Canada) -4316,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,davidrepka,,0,,,GOP insiders: Donald Trump is biggest loser http://t.co/I9ZcQsOkU4 #GOPDebate,,2015-08-07 09:08:21 -0700,629685517848850432,"St. Petersburg, Florida",Eastern Time (US & Canada) -4317,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RickyAppleseed,,0,,,Did @realDonaldTrump really say the moderators of the #GOPDebate weren't professional? #AreYouKiddingMeWithThis,,2015-08-07 09:08:20 -0700,629685513700700160,Cheektowaga NY USA , -4318,No candidate mentioned,0.6374,yes,1.0,Negative,0.6374,FOX News or Moderators,1.0,,olivialovelier,,0,,,"It's just sunk in that Megyn Kelly called last night's debate ""historic,"" and now I'm just depressed. -#GOPDebate",,2015-08-07 09:08:19 -0700,629685513193189377,,Central Time (US & Canada) -4319,Donald Trump,1.0,yes,1.0,Positive,0.3596,Immigration,1.0,,SeaBassThePhish,,0,,,OK Trump you're the one who brought immigration to national stage sure lets go with that makes sense #GOPDebate,,2015-08-07 09:08:19 -0700,629685512681484288,,Eastern Time (US & Canada) -4320,John Kasich,1.0,yes,1.0,Negative,0.6269,None of the above,1.0,,Naci_MorenO,,1,,,RT @chaunceydevega: Kasich is not enough of a sociopath kill the useless eaters type to be the GOP nominee. #gopdebate,,2015-08-07 09:08:19 -0700,629685511079260160,,Quito -4321,No candidate mentioned,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,raylake77,,19,,,RT @BiasedGirl: Can we skip the crap next time? Rick Perry and Carly are head & shoulders above the others. #GOPDebate #Perry2016 #Carly2016,,2015-08-07 09:08:18 -0700,629685508545888257,"Hoosier, temporarily in SC ", -4322,Mike Huckabee,1.0,yes,1.0,Positive,0.6768,Foreign Policy,1.0,,SincerelyAmanda,,50,,,RT @LilaGraceRose: .@GovMikeHuckabee reminds that we still have American hostages languishing in #Iran despite deal #FreeSaeed #GOPDebate,,2015-08-07 09:08:18 -0700,629685506884775936,"Alabama, Southern U.S.A.",Central Time (US & Canada) -4323,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,FOX News or Moderators,1.0,,fitnessfor8life,,1,,,RT @danamlancaster: Big fail last night for the digital arm of @FoxNews. http://t.co/k2c6axrECL #GOPDebate,,2015-08-07 09:08:18 -0700,629685506331267072,, -4324,No candidate mentioned,0.4153,yes,0.6444,Neutral,0.3333,FOX News or Moderators,0.4153,,secularbosrb,,266,,,RT @LeonXDavis: Megyn Kelly is out here like… #GOPDebate http://t.co/76wfc1fzYo,,2015-08-07 09:08:18 -0700,629685505731506176,,Central Time (US & Canada) -4325,Donald Trump,0.478,yes,0.6914,Negative,0.3591,None of the above,0.478,,thatswhytv,,0,,,"He's a great business man, but would Donald Trump make a good President? #donaldtrump #trump #gopdebate... http://t.co/tByO1WWvIs",,2015-08-07 09:08:17 -0700,629685502132789248,,Dublin -4326,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6842,,dunevynbotha,,240,,,RT @KidFury: Everyone up there looks like an evil dentist. #GOPDebate,,2015-08-07 09:08:15 -0700,629685496113967105,fear n loathing on earth, -4327,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,FOX News or Moderators,1.0,,Hardline_Stance,,3,,,10 million people watched FOX #GOPdebate last nite & there's 40 million people tuned in right now to find out what I thought about it..-Rush,,2015-08-07 09:08:15 -0700,629685495514144768,atop a liberal's vagus nerve,Eastern Time (US & Canada) -4328,Donald Trump,0.4344,yes,0.6591,Negative,0.6591,FOX News or Moderators,0.2472,,JacquelineinAtl,,0,,,"Do we want a Whiner for POTUS? http://t.co/sFWVH4ky44 -#GOPDebate #TrumpisaWhiner #Election2016",,2015-08-07 09:08:15 -0700,629685494142644224,North Georgia,Quito -4329,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,PKanagaratnam,,6,,,RT @JoshuaPStarr: Pre-NCLB there was little to no accountability for terrible results and enormous gaps. #gopdebate,,2015-08-07 09:08:15 -0700,629685493635092480,"Bethesda, MD",Atlantic Time (Canada) -4330,No candidate mentioned,1.0,yes,1.0,Neutral,0.6692,Racial issues,1.0,,Beem_Skeem,,1,,,#GOPDebate JUSTICE IN AMERICA #SANDRABLAND #BlackLivesMatter http://t.co/r0xXbgvQb3,,2015-08-07 09:08:15 -0700,629685493169582080,"Greenville, SC to Atlanta",Central Time (US & Canada) -4331,No candidate mentioned,1.0,yes,1.0,Negative,0.6685,None of the above,0.3636,,MJKimble1,,141,,,RT @BryanFuller: EAST COAST CANADIANS LOOKING FOR AN ALTERNATIVE TO THE U.S. #GOPDebate CAN WATCH #HANNIBAL INSTEAD,,2015-08-07 09:08:15 -0700,629685492427194368,"Virginia, USA", -4332,Donald Trump,1.0,yes,1.0,Positive,0.6729,None of the above,1.0,,ellis_texas,,1,,,"RT @NYTFridge: Trump: ""Jeremy's newspaper [@nytimes], a very good newspaper, has a beautiful story saying I won!"" #GOPDebate https://t.co/…",,2015-08-07 09:08:14 -0700,629685491110182912,the Florida Sunshine,America/New_York -4333,No candidate mentioned,0.6637,yes,1.0,Neutral,0.3573,None of the above,0.6935,,madwoman1949,,0,,,#Fiorina #Jindal #Perry #Carson got some traction last night-hope they capitalize today w/op eds &social media #GOPDebate,,2015-08-07 09:08:14 -0700,629685490233401344,,Central Time (US & Canada) -4334,Mike Huckabee,0.6813,yes,1.0,Positive,1.0,None of the above,1.0,,RhondaWatkGwyn,,0,,,He won in my book as well! #ImWithHuck #GOPDebate #th2016 #ccot #tcot #teaparty #pjnet https://t.co/0JzU3HdH3j,,2015-08-07 09:08:13 -0700,629685484986441728,"Mount Airy, North Carolina",Eastern Time (US & Canada) -4335,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KyraGebhardt1,,108,,,"RT @NahBabyNah: Poll from Drudge Report; do you agree? - -#GOPDebate http://t.co/qiuwGXNQaK",,2015-08-07 09:08:12 -0700,629685482444726272,,Central Time (US & Canada) -4336,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,TomBeltz,,1,,,RT @StassiPost: A truth bomb from Dr. Carson #tcot #GOPDebate #RNR #ycot #ccot #WakeUpAmerica #Uniteright #teaparty #StandWithIsrael http:/…,,2015-08-07 09:08:12 -0700,629685481073152000,"Nashville, TN.",Central Time (US & Canada) -4337,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.3297,,0.228,,RT0787,,0,,,itsmeblueeyes: RT HuffPostLive: Last night's #GOPDebate in a nutshell. http://t.co/9rD7GdZAGG http://t.co/AuhlNZa3Ww,,2015-08-07 09:08:11 -0700,629685478229417984,USA,Hawaii -4338,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PB_Prathamesh_B,,0,,,Did Donald Trump’s performance at the first #GOPdebate help or hurt him? http://t.co/hlUf1Iu3Qp http://t.co/DcSS6KwQne,,2015-08-07 09:08:11 -0700,629685477839380481,,Pacific Time (US & Canada) -4339,No candidate mentioned,0.3943,yes,0.6279,Negative,0.3413,None of the above,0.3943,,RT0787,,0,,,karl_sans_marx: RT carmengoblue: It is like Miss America meets Jerry Springer. #gopdebate http://t.co/AuhlNZa3Ww,,2015-08-07 09:08:10 -0700,629685475184394241,USA,Hawaii -4340,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,PatSMarshall,,0,,,"while pro-life nonsense @ the #GOPDebate was not amusing, the notion that #jizzisaperson, could only come from alpha asshat @GovMikeHuckabee",,2015-08-07 09:08:10 -0700,629685475113070596,Transhumanistic Earthling,Vienna -4341,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,Women's Issues (not abortion though),0.4642,,RT0787,,0,,,ExposingTPGOP: The loudest messages from the #GOPdebate: #WarOnWomen is real & #GOPWantsWar with #Iran to impose A… http://t.co/AuhlNZa3Ww,,2015-08-07 09:08:10 -0700,629685472323878912,USA,Hawaii -4342,Ben Carson,0.2327,yes,0.6771,Neutral,0.3438,Racial issues,0.4584,,PointMadeFilms,,18,,,RT @TyWahlbrink: It took the #GOPDebate 115 minutes to get to racism. And of course they ask the only person of color. Race is an issue all…,,2015-08-07 09:08:09 -0700,629685470017011716,"New York, New York", -4343,No candidate mentioned,1.0,yes,1.0,Negative,0.6707,None of the above,1.0,,nateisgood,,112,,,"RT @sarahkendzior: ""If I were trying to destroy this country here's what I do"" should really precede *everyone's* answer regardless the que…",,2015-08-07 09:08:09 -0700,629685468972584961,, -4344,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6452,,smithsgradings,,2,,,RT @markfbonner: You take @realDonaldTrump off the stage and last night’s #GOPDebate is watched by next to no one.,,2015-08-07 09:08:09 -0700,629685467903066112,,Eastern Time (US & Canada) -4345,Ben Carson,0.2284,yes,0.6703,Neutral,0.3407,None of the above,0.4493,,MatthewEyre,,0,,,Watching the #GOPDebate. Ben Carson and Trump even more insubstantial than I thought. Kasich impressive https://t.co/DlMwQuAZby,,2015-08-07 09:08:08 -0700,629685466267320320,Probably by the bar.,London -4346,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,FOX News or Moderators,0.638,,Tresidential,,0,,,"Oh boy, time to see what @RushLimbaugh thinks! #GOPDebate",,2015-08-07 09:08:08 -0700,629685465218711552,"Gun-Free, NJ",Eastern Time (US & Canada) -4347,John Kasich,1.0,yes,1.0,Positive,0.6564,None of the above,1.0,,JCBua,,0,,,.@costareports @SCClemons HRC Became 11th #GOPDebate Candidate Last Night @CarlyFiorina & @JohnKasich Topped Field! https://t.co/gOl1jgQp7j,,2015-08-07 09:08:07 -0700,629685462098157568,Washington DC,Eastern Time (US & Canada) -4348,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,,0.2246,,RT0787,,0,,,EiseOnThePrize: RT sobertacious: DEFUNDING PLANNED PARENTHOOD IS NOT SOMETHING TO BE PROUD OF #GOPDebate http://t.co/AuhlNZa3Ww,,2015-08-07 09:08:07 -0700,629685460932145153,USA,Hawaii -4349,Donald Trump,0.2411,yes,0.6737,Positive,0.3579,None of the above,0.4539,,WKSU,,1,,,RT @tramontela: More great coverage @WKSU @MLSchultze http://t.co/BryjH5EPif @MonchosBarCLE @montoyaisabelc #GOPDebate #TrumpEffect #ImPower,,2015-08-07 09:08:06 -0700,629685457694117888,"Kent, OH",Eastern Time (US & Canada) -4350,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.71,,RT0787,,0,,,lungtawellness: KatyTurNBC biggest loser in last night's #GOPDebate - the environment. Meanwhile in Canada's leade… http://t.co/AuhlNZa3Ww,,2015-08-07 09:08:06 -0700,629685456603586560,USA,Hawaii -4351,No candidate mentioned,0.4588,yes,0.6774,Neutral,0.6774,None of the above,0.4588,,RT0787,,0,,,"HilltopTXlege: RT walterolson: My reaction, and that of CatoInstitute colleagues, to last night's #GOPDebate … http://t.co/AuhlNZa3Ww",,2015-08-07 09:08:05 -0700,629685452598022144,USA,Hawaii -4352,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,interpretingall,,8,,,RT @Sttbs73: The @GOP and @FoxNews are getting exactly what they deserve! #morningjoe #GOPDebate,,2015-08-07 09:08:05 -0700,629685452275064832,All over,Central Time (US & Canada) -4353,No candidate mentioned,0.4545,yes,0.6742,Negative,0.3708,FOX News or Moderators,0.4545,,RT0787,,0,,,"RichieRichBor: RT DiabetesHeroes: The #GOPdebate was like a Disney movie. They all looked FROZEN, Megyn Kelly & Tr… http://t.co/AuhlNZa3Ww",,2015-08-07 09:08:04 -0700,629685447690711043,USA,Hawaii -4354,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DarrenWPalmer,,0,,,At least he is not double speaking like those politicians... #GOPDebate https://t.co/BRCvPWUfMh,,2015-08-07 09:08:04 -0700,629685447082569728,South Jersey, -4355,Rand Paul,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,DouglasWRay,,0,,,My takeaway from last night's #GOPDebate is basically this and only this. #RandPaul @ Cleveland Sucks https://t.co/i3eeMyV9XD,"[40.77825565, -73.96364623]",2015-08-07 09:08:01 -0700,629685434256355328,New York City / Pittsburgh,Eastern Time (US & Canada) -4356,Jeb Bush,1.0,yes,1.0,Positive,0.7045,None of the above,1.0,,howardleonhardt,,0,,,"The Entrepreneurship Party believes winner of last night's GOP Debate was #1 Governor Jeb Bush followed by #2 John Kasich,#GOPDEBATE #jeb",,2015-08-07 09:08:01 -0700,629685434000367616,"Santa Monica, California ",Pacific Time (US & Canada) -4357,Donald Trump,1.0,yes,1.0,Positive,0.6092,Abortion,1.0,,MsLabuski,,0,,,#Trump: I was born and I'm awesome so no one should have an abortion. #GOPDebate #cantarguewiththefacts,,2015-08-07 09:08:00 -0700,629685432897392640,"Blacksburg, VA", -4358,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,psgamer92,,0,,,I've seen more substance in a Michael Bay film than the whole entire #GOPDebate,,2015-08-07 09:08:00 -0700,629685431978717185,,Central Time (US & Canada) -4359,No candidate mentioned,0.2514,yes,0.6705,Neutral,0.375,None of the above,0.4495,,infowarrior92,,71,,,"RT @Team_Rand: .@RandPaul is a different kind of Republican & the only candidate who will make the party bigger, better, & bolder #StandWit…",,2015-08-07 09:08:00 -0700,629685430334717952,, -4360,No candidate mentioned,1.0,yes,1.0,Neutral,0.6418,None of the above,1.0,,DevinACarroll,,0,,,#GOPDebate Best moments http://t.co/cDm3ARt29F,,2015-08-07 09:07:59 -0700,629685429176963073,"Texarkana, TX",Eastern Time (US & Canada) -4361,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,welshtom6,,0,,,#GOPDebate congrats Kelly the liberals loved you maybe they will tune into your show https://t.co/T358iN0vYH,,2015-08-07 09:07:59 -0700,629685428275277825,, -4362,No candidate mentioned,1.0,yes,1.0,Neutral,0.6832,None of the above,1.0,,IonaMaher,,0,,,Watching the #GOPDebate. What on earth are you doing America?,,2015-08-07 09:07:59 -0700,629685426731806720,"London, England", -4363,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,0.6786,,junebuggin,,0,,,Favorite picture of #GOPDebate Night http://t.co/W3GRrYcJRI,,2015-08-07 09:07:58 -0700,629685424420732928,"Lumberton, NC, USA",Eastern Time (US & Canada) -4364,Rand Paul,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,brovian93,,0,,,"In #GOPDebate, Rand Paul Goes on Offense http://t.co/AWd9UT0QVw via @usnews #StandWithRand",,2015-08-07 09:07:57 -0700,629685420536786944,, -4365,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JaminCyrus,,1,,,"RT @jimandrewsmusic: Donald Trump will prove what some have known for years. The presidency can be purchased and democracy is an illusion. -…",,2015-08-07 09:07:57 -0700,629685417621749760,Gotham City,Indiana (East) -4366,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,iamroxie,,0,,,@FoxNews Meghan Kelly was awful last night. She is getting a big ego and it is annoying. #GOPDebate,,2015-08-07 09:07:55 -0700,629685412462727169,,Central Time (US & Canada) -4367,No candidate mentioned,1.0,yes,1.0,Negative,0.6921,FOX News or Moderators,1.0,,JaysWorldLive,,1,,,RT @ChrisSonge: Who was the winner - American Capitalism -Fox News with ratings & Brewers for all the beer drunk during this entertaining s…,,2015-08-07 09:07:55 -0700,629685409535119361,"Tamap, FL",Eastern Time (US & Canada) -4368,Donald Trump,1.0,yes,1.0,Negative,0.6786,None of the above,1.0,,IamCodrew,,17,,,"RT @RubinReport: Trump in nutshell: ""We can't do anything right...vote for me."" #GOPDebate",,2015-08-07 09:07:55 -0700,629685409480507393,"Chandler, Arizona", -4369,No candidate mentioned,0.6562,yes,1.0,Negative,0.6677,FOX News or Moderators,0.6761,,jenny_bhatt,,0,,,Still chuckling from the entertaining circus that was the #GOPDebate last night. BBC breaks it down well. http://t.co/VyYKKqe8Sp,,2015-08-07 09:07:55 -0700,629685409400778752,"Atlanta, GA; Ahmedabad, India",New Delhi -4370,Donald Trump,1.0,yes,1.0,Positive,0.7089,None of the above,1.0,,IncomeBully,,0,,,Trump leads among male voters... he also leads among female voters. #GOPDebate,,2015-08-07 09:07:55 -0700,629685409090535424,"St. Louis, MO", -4371,No candidate mentioned,1.0,yes,1.0,Negative,0.6688,Immigration,1.0,,DrJXVH,,5,,,RT @ThatsWhatJVSaid: Hearing the republicans talk about illegal immigration at the #GOPDebate like http://t.co/GbAxDfY0fg,,2015-08-07 08:50:35 -0700,629681048339681280,I'm around.. Don't trip....,Pacific Time (US & Canada) -4372,No candidate mentioned,0.4584,yes,0.6771,Negative,0.6771,FOX News or Moderators,0.4584,,Sir_Max,,0,,,"TweetTw88036790: RT RedStateJake: NEWSFLASH: You need to be knocked down a peg or 3, megynkelly. - -#GOPDebate #Kell… http://t.co/xV7tj6ywOL",,2015-08-07 08:50:35 -0700,629681047396044800,California, -4373,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.2404,,EscapeVelo,,1,,,RT @OppressedFart: @ProfessorF Does presidential here mean politically correct? The world doesn't need that. #GOPDebate,,2015-08-07 08:50:35 -0700,629681047077191680,Twitter, -4374,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Foreign Policy,1.0,,NurseHolley,,206,,,RT @KatiePavlich: So far Fiorina has given most detailed answers to questions about how to solve problems i.e. China/Russia and cyber attac…,,2015-08-07 08:50:34 -0700,629681044283768832,, -4375,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,laloalcaraz,,0,,,Jeb Bush performed like a wet sack of mashed potatoes. REALLY EXCITING STUFF DUDE. #GOPDebate,,2015-08-07 08:50:33 -0700,629681039221194752,Aztlán,Tijuana -4376,No candidate mentioned,1.0,yes,1.0,Neutral,0.6941,None of the above,0.6588,,maxinewally,,1,,,RT @ThisIsTheCarver: IT'S A GOD OFF #GOPDebate http://t.co/GTl3EOZKl3,,2015-08-07 08:50:31 -0700,629681032476934144,NYC,Pacific Time (US & Canada) -4377,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,less_bs,,1,,,"RT @pellecopter: As of 10:15, Carson and Rubio are definitely my front-runners #GOPDebate",,2015-08-07 08:50:31 -0700,629681032443248640,,Arizona -4378,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,0.6628,,KevinDarryl,,5,,,"RT @PuestoLoco: @ZeitgeistGhost -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAv…",,2015-08-07 08:50:30 -0700,629681029163290624,USA, -4379,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SteveAyscue,,0,,,The beginning of the end for #RandPaul... Not that he was going anywhere to begin with. #GOPDebate http://t.co/3eJ2oHlPsL,,2015-08-07 08:50:29 -0700,629681023861850112,"ÜT: 39.919845,-75.030171",Eastern Time (US & Canada) -4380,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CollMarieSchep,,0,,,#GOPDebate was ok Some questions were irrelevant! Ppl are more concerned about their feelings getting hurt than making America great again!,,2015-08-07 08:50:29 -0700,629681021504630784,,Eastern Time (US & Canada) -4381,Jeb Bush,1.0,yes,1.0,Neutral,1.0,None of the above,0.6512,,MareesaNicosia,,0,,,Bush at #GOPDebate says states can call high standards what they want but American kids need them to compete http://t.co/mh9mSH3874,,2015-08-07 08:50:28 -0700,629681020514750464,"New York, NY",Central Time (US & Canada) -4382,Jeb Bush,0.4897,yes,0.6998,Negative,0.3663,None of the above,0.4897,,BDieselx,,3,,,"RT @_HankRearden: John Sinunu, who wrote a book about Jeb's dad, doesn't like Trump. What a fucking shock. #GOPDebate",,2015-08-07 08:50:28 -0700,629681017658458112,,Central Time (US & Canada) -4383,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,saggitarifun,,0,,,"I am no republican, but I must say that Marco Rubio made very good points @ the #GOPDebate . Very relatable",,2015-08-07 08:50:25 -0700,629681006421876736,USA,Eastern Time (US & Canada) -4384,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WerhunR,,0,,,In last night's #GOPDebate @GovChristie & @RandPaul back n forth made me want to donate money to keep Christie within the borders of NJ.,,2015-08-07 08:50:25 -0700,629681005394272256,English Deutsch,Eastern Time (US & Canada) -4385,Donald Trump,1.0,yes,1.0,Negative,0.6867,FOX News or Moderators,1.0,,alenesopinions,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 08:50:25 -0700,629681005151055872,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -4386,,0.2367,yes,0.6154,Positive,0.6154,None of the above,0.3787,,WampaJedi,,74,,,RT @exjon: Rubio wins. #GOPDebate,,2015-08-07 08:50:23 -0700,629680996905041920,New England , -4387,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,primrose1508,,0,,,@msnbc Pandering & propaganda was alive & well during the #GOPDebate everyone running to the right of the other-catering 2the #KochBrothers,,2015-08-07 08:50:23 -0700,629680996464459776,, -4388,Donald Trump,1.0,yes,1.0,Neutral,0.6831,None of the above,1.0,,FranMFarber,,112,,,RT @RWSurferGirl: Trump only got ask 5 questions most were attacks. This is his first debate and he got his feet wet and he still leading. …,,2015-08-07 08:50:23 -0700,629680996103925760,NYC,Central Time (US & Canada) -4389,No candidate mentioned,0.4085,yes,0.6392,Negative,0.6392,None of the above,0.4085,,secretcabdriver,,0,,,Because EVERYTHING he says is a lie. #tcot #GOPDebate #p2 https://t.co/snDQwf6cLC,,2015-08-07 08:50:22 -0700,629680992475852800,Vermont,Quito -4390,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Mildredbrignoni,,0,,,Chris Christie and Rand Paul duke it out in debate over surveillance http://t.co/StRjkabqo8 #RandPaulDuke #ChrisChristie #GOPDebate,,2015-08-07 08:50:21 -0700,629680989120372736,"Los Angeles, CA",Eastern Time (US & Canada) -4391,Scott Walker,1.0,yes,1.0,Negative,0.6628,None of the above,0.6512,,AandGShow,,1,,,"RT @hikergirl425: @AandGShow #GOPDebate -Couldn't decide if Scott Walker looked like someone playing him on SNL or Nicholas Cage http://t.c…",,2015-08-07 08:50:21 -0700,629680988642086912,california, -4392,Donald Trump,1.0,yes,1.0,Negative,0.6751,None of the above,1.0,,alenesopinions,,4,,,RT @MeganSmiles: #GOPDebate Can't count how many times Obama & Hillary 'evolved'. Trump evolving is not a big deal.,,2015-08-07 08:50:20 -0700,629680987526557696,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -4393,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,missliberties,,42,,,RT @bobcesca_go: It's really amazing how these guys are blaming Obama for making peace after their party fucked and scrambled that whole re…,,2015-08-07 08:50:17 -0700,629680974343766016,, -4394,Donald Trump,1.0,yes,1.0,Negative,0.3708,None of the above,0.6966,,ReedusMagicAMC,,7,,,"RT @LilAssKickerAMC: Who cares how u wear your hair, I like the excitement u bring back into American blood. @realDonaldTrump #GOPDebate h…",,2015-08-07 08:50:16 -0700,629680968736088064,,Eastern Time (US & Canada) -4395,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EscapeVelo,,12,,,"RT @BiasedGirl: ""Donald Trump is not a conservative."" ~@AndrewBreitbart -#DumpTrump #GOPDebate #JigisUp",,2015-08-07 08:50:14 -0700,629680961068773376,Twitter, -4396,No candidate mentioned,1.0,yes,1.0,Positive,0.6503,None of the above,1.0,,rigatonimonster,,0,,,I just saw my political science teacher on the news talking about the #GOPdebate. Being in college is cool.,,2015-08-07 08:50:13 -0700,629680956039794688,,Arizona -4397,Donald Trump,1.0,yes,1.0,Neutral,0.3603,None of the above,1.0,,CSingerling,,0,,,"#GOPDebate Winners: #Trump, #Kasich, #Rubio. Losers: #Bush, #Carson, #Cruz | http://t.co/qS4o70ZXBy | http://t.co/JM1zvd5qyd",,2015-08-07 08:50:12 -0700,629680951535255552,"Alexandria, VA",Eastern Time (US & Canada) -4398,No candidate mentioned,0.4021,yes,0.6341,Negative,0.3415,Foreign Policy,0.4021,,Purple_Smear,,0,,,#GOPDebate Iran deal benefits who? #IranDeal http://t.co/TL4vuROHdt,,2015-08-07 08:50:11 -0700,629680948624297984,, -4399,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6501,,hayley_g,,0,,,"I'm trying to watch the #GOPDebate this morning. And by trying, I mean I'm gouging my eyeballs out with a steak knife.",,2015-08-07 08:50:10 -0700,629680945298280448,Back in Mississippi,Central Time (US & Canada) -4400,Donald Trump,0.4415,yes,0.6645,Negative,0.6645,Women's Issues (not abortion though),0.4415,,TrumpIssues,,0,,,"Advertising everywhere sells sex ALL DAY LONG, but Trump can't say that a women would ""look good on her knees."" #GOPDebate #PC #Trump2016",,2015-08-07 08:50:10 -0700,629680945159798784,United States Of America,Pacific Time (US & Canada) -4401,No candidate mentioned,1.0,yes,1.0,Positive,0.3655,LGBT issues,1.0,,LauriePatriot,,4,,,RT @patriotmom61: Best moment of #GOPDebate: A Rogue SCOTUS Decision': Santorum Says Gay Marriage Has No Constitutional Basis http://t.co/A…,,2015-08-07 08:50:10 -0700,629680944450920448,,Pacific Time (US & Canada) -4402,No candidate mentioned,1.0,yes,1.0,Positive,0.6699,FOX News or Moderators,1.0,,alenesopinions,,22,,,RT @jjauthor: @megynkelly @is the star of herself! FoxNews @megynkelly @BretBaier #GOPDebate,,2015-08-07 08:50:09 -0700,629680940164489216,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -4403,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jetaimebro,,2,,,"RT @sestraval: The News: ""Who do you think won last night's #GOPDebate?"" -Me: ""Delphine Cormier, obviously. Oh wait…"" - -#OrphanBlack #SaveDel…",,2015-08-07 08:50:09 -0700,629680938457432064,, -4404,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,0.6889,,emohhleee,,0,,,The #GOPDebate is really just real life #hungergames interviews😂 #MegynKelly is Caesar Flickerman,,2015-08-07 08:50:07 -0700,629680932732162048,NYC,Eastern Time (US & Canada) -4405,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,stephhhjadeee,,89,,,"RT @RealLucasNeff: I'm not surprised racism still exists. I'm just surprised it's allowed to run for president. - -#GOPDebate",,2015-08-07 08:50:06 -0700,629680927124275200,, -4406,No candidate mentioned,0.4025,yes,0.6344,Positive,0.6344,None of the above,0.4025,,dtoneil,,5,,,RT @robportman: Congratulations to @ChairmanBorges @katieeagan & the entire @ohiogop for all their hard work on last night's #GOPDebate!,,2015-08-07 08:50:04 -0700,629680916990853120,Columbus,Eastern Time (US & Canada) -4407,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,0.6374,,MzJayFord,,0,,,Moment of sanity #GOPDebate https://t.co/Zlu3TwHNgz,,2015-08-07 08:50:03 -0700,629680915019640832,Helping Turn TX Blue, -4408,No candidate mentioned,0.6705,yes,1.0,Neutral,1.0,FOX News or Moderators,0.7045,,littleredblog,,1,,,Watch the surprisingly great Fox News Republican debate recapped in 60 seconds: http://t.co/oyhSKYKtD1 #WeGotEd #Gopdebate #FoxNews,,2015-08-07 08:50:03 -0700,629680914927239168,Toledo Detroit,Eastern Time (US & Canada) -4409,Donald Trump,0.4539,yes,0.6737,Negative,0.6737,Women's Issues (not abortion though),0.4539,,EdDarrell,,1,,,RT @GetUpStandUp2: 5 Frighteningly Sexist Donald Trump Quotes http://t.co/cwyUuL8JKn via @bustle #TheDonald #TrumpMisogonist #GOPdebate #Wo…,,2015-08-07 08:50:03 -0700,629680914033807360,Texas,Central Time (US & Canada) -4410,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6562,,outmagazine,,0,,,#HillaryClinton spent #GOPDebate night with the #Kardashians: http://t.co/KH8JMutbdb http://t.co/9ib5YgPWk4,,2015-08-07 08:50:02 -0700,629680911701782528,"New York, NY",Eastern Time (US & Canada) -4411,Donald Trump,1.0,yes,1.0,Negative,0.7021,None of the above,1.0,,GodsDontExist,,0,,,RT @FrankLuntz My focus group actually likes Donald @realDonaldTrump... #GOPDebate http://t.co/tiwlOaaOj8 <-- Riding on Trump's coattails!!,,2015-08-07 08:50:02 -0700,629680908019200000,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -4412,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6703,,marspato,,116,,,"RT @sallykohn: The head of the Republican Party recently said his party can no longer win a national election. - -Tonight’s #GOPDebate confi…",,2015-08-07 08:50:01 -0700,629680907725746176,United States of America,Central Time (US & Canada) -4413,Jeb Bush,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.4545,,RedStateMojo,,0,,,Jeb Bush Outdone by Kasich (and everyone else) In First Republican Debate. #GOPdebate http://t.co/TX6T6TTMZb,,2015-08-07 08:50:00 -0700,629680902889709568,"Raleigh, NC",Eastern Time (US & Canada) -4414,No candidate mentioned,1.0,yes,1.0,Positive,0.7065,None of the above,0.6413,,Reince,,2,,,Simply incredible. http://t.co/apXM8AO8jf Last night's #GOPDebate doubled the previous record for most-watched primary debate in history.,,2015-08-07 08:50:00 -0700,629680901375590400,"Kenosha, WI and Washington, DC",Eastern Time (US & Canada) -4415,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,1.0,,LauriePatriot,,3,,,RT @patriotmom61: Rick Perry and Rick Santorum passionately weigh in on immigration debate http://t.co/auNJj0RM71 #GOPDebate,,2015-08-07 08:49:59 -0700,629680896178696192,,Pacific Time (US & Canada) -4416,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,defiantLiberty,,0,,,"Isn't the point of a debate to get the participants to, you know, debate? #GOPDebate #tcot",,2015-08-07 08:49:58 -0700,629680894798917632,"Michigan, USA",Central Time (US & Canada) -4417,Rand Paul,0.4603,yes,0.6784,Negative,0.6784,Foreign Policy,0.4603,,PartesanJournal,,0,,,Rand Paul is out b/c America does not need an isolationist as President & he seemed a little bit negative toward Israel #GOPDebate #RSG15,,2015-08-07 08:49:58 -0700,629680893926481920,GOD Help America!,Eastern Time (US & Canada) -4418,No candidate mentioned,1.0,yes,1.0,Negative,0.6418,None of the above,1.0,,carey_dyer,,0,,,"Foreign policy, health care, new constituencies, blah, blah, blah - WHAT ABOUT BLUE BELL ICE CREAM?! #GOPdebate #priorities @ILoveBlueBell",,2015-08-07 08:49:58 -0700,629680892517203968,, -4419,No candidate mentioned,0.2383,yes,0.6844,Neutral,0.6844,None of the above,0.4684,,juliaioffe,,0,,,"An elegant, witty round-up of last night's #GOPDebate by @tnyCloseRead http://t.co/cW0rAc9wQh",,2015-08-07 08:49:58 -0700,629680892429078528,"Washington, DC",Ljubljana -4420,No candidate mentioned,0.3839,yes,0.6196,Positive,0.6196,,0.2357,,AndrewUTP,,0,,,Liberals: is he poor? A victim? Incapable of doing anything? Career politician? No success? He's got my vote! #FeelTheBern #GOPDebate,,2015-08-07 08:49:57 -0700,629680889660899328,New York,Eastern Time (US & Canada) -4421,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,hopalong85,,1,,,RT @renomarky: Whats really disturbing is @megynkelly thinks that people like @DWStweets would treat her fairly if they had that audience! …,,2015-08-07 08:49:56 -0700,629680885206417408,"Lubbock, TX",Central Time (US & Canada) -4422,Donald Trump,1.0,yes,1.0,Neutral,0.6512,None of the above,0.6859999999999999,,ga1tor,,2,,,"RT @DanWantsFreedom: Trump Wins @DRUDGE Report #GOPDebate Poll. -#TedCruz finished 2nd. - http://t.co/LxexPfyI4V #Newsmax via @Newsmax_Media -…",,2015-08-07 08:49:55 -0700,629680882542993408,"Waxahachie, Texas",Eastern Time (US & Canada) -4423,No candidate mentioned,0.49,yes,0.7,Negative,0.7,Abortion,0.2567,,marspato,,13,,,RT @Path2Enlighten: Shorter #GOPDebate - Dismantle/defund fed govt! let Wall Street run amok! destroy unions! more war! govt forced childbi…,,2015-08-07 08:49:53 -0700,629680874263592960,United States of America,Central Time (US & Canada) -4424,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,psgamer92,,0,,,After #GOPDebate I still #FeelTheBern,,2015-08-07 08:49:53 -0700,629680873999175680,,Central Time (US & Canada) -4425,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JaysWorldLive,,1,,,"RT @marissamorg: Reading #GOPDebate tweets, Id have more faith in Twitter friends running the country than any of those selects #twitternat…",,2015-08-07 08:49:53 -0700,629680873902837760,"Tamap, FL",Eastern Time (US & Canada) -4426,Donald Trump,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,CallMeLeek,,1,,,"RT @theonlybacchus: Let's see the #KKKorGOP question stands true for: - -#DonaldTrump -#JebBush -#LindseyGraham -#RandPaul -#MikeHuckabee - -A whit…",,2015-08-07 08:49:53 -0700,629680871755223040,707 ✈️817,Central Time (US & Canada) -4427,No candidate mentioned,1.0,yes,1.0,Negative,0.6923,Gun Control,1.0,,TitoJazavac,,81,,,RT @shannonrwatts: Over 90% of Americans want lawmakers to close background check loopholes for gun sales. Do #GOPDebate candidates agree? …,,2015-08-07 08:49:53 -0700,629680870509539328,BiH,Pacific Time (US & Canada) -4428,Donald Trump,1.0,yes,1.0,Positive,0.6942,None of the above,0.6583,,gibsonicetea,,61,,,"RT @LadySandersfarm: We're sick of political correctness, it's killing the heart and soul of this country. #GOPDebate #Trump2016 http://t.c…",,2015-08-07 08:49:51 -0700,629680863953862656,USA out West ! ,Mazatlan -4429,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,traviswhall,,0,,,.@ReformNetwork's Morning Buzz: Addressing The American Dream http://t.co/p4DK0LmN2q #GOPDebate,,2015-08-07 08:49:50 -0700,629680860523024384,"Washington, DC",Eastern Time (US & Canada) -4430,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,FOX News or Moderators,0.6842,,brackster39,,1,,,"RT @PuestoLoco: @AdamsFlaFan @Rockmedia @ConchGunny -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate http://t.co…",,2015-08-07 08:49:48 -0700,629680852113453056,, -4431,No candidate mentioned,0.4285,yes,0.6546,Negative,0.3377,None of the above,0.4285,,socialscandal,,0,,,Lmfao #GOPDebate http://t.co/GUip1NI8m7,,2015-08-07 08:49:48 -0700,629680849479299072,,Pacific Time (US & Canada) -4432,No candidate mentioned,1.0,yes,1.0,Neutral,0.6493,None of the above,1.0,,iAmMinel,,1,,,RT @astamate: The #GOPdebate was like Magic Mike for white moms who shop at Chico's,,2015-08-07 08:49:47 -0700,629680847935942656,backwoods of buffalo,Eastern Time (US & Canada) -4433,Marco Rubio,1.0,yes,1.0,Positive,0.6842,None of the above,0.6842,,WampaJedi,,56,,,"RT @Thomasismyuncle: Just so libs know... if you ever put Marco Rubio on a stage to debate Hillary, make sure she wears her Depends cause D…",,2015-08-07 08:49:47 -0700,629680847092871168,New England , -4434,Donald Trump,1.0,yes,1.0,Neutral,0.655,FOX News or Moderators,1.0,,pureamphigory,,2,,,"RT @happydreams22: msnbc: .realDonaldTrump reacts to #GOPDebate: ""I'm not sure that Fox is fair"" http://t.co/m79lMHSC7H",,2015-08-07 08:49:47 -0700,629680845931081728,, -4435,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,Shut the fuck up Rubio you ain't gonna win #GOPDebate,,2015-08-07 08:49:47 -0700,629680844999888896,,Eastern Time (US & Canada) -4436,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6702,,KateChapHappy,,29,,,RT @marksluckie: Raise your hand if you've ever felt personally victimized by Donald Trump #GOPDebate http://t.co/s90v8Yq9jH,,2015-08-07 08:49:44 -0700,629680836036562944,Mexico City,Eastern Time (US & Canada) -4437,Marco Rubio,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,missb62,,2,,,RT @PoliticalAnt: #MarcoRubio lied when he said he had never advocated for exceptions to abortion bans. #GOPdebate,,2015-08-07 08:49:44 -0700,629680834946035712,Colorado,Mountain Time (US & Canada) -4438,No candidate mentioned,0.4818,yes,0.6941,Negative,0.6941,None of the above,0.4818,,jcalvarez,,0,,,Caught myself up on @NBC #Hannibal last night…and lost my appetite watching the #GOPDebate debacle! Good figure!,,2015-08-07 08:49:44 -0700,629680834421911552,N 40°44' 0'' / W 73°57' 0'',Eastern Time (US & Canada) -4439,No candidate mentioned,0.4461,yes,0.6679,Neutral,0.3394,None of the above,0.4461,,StephStrasburg,,4,,,RT @Wrschgn: #GOPDebate hangover? No worries. @drgilliland has a little hair of the dog for you: https://t.co/wwGhS1tryv,,2015-08-07 08:49:43 -0700,629680830227578880,"Pittsburgh, PA", -4440,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,marspato,,47,,,"RT @JRehling: Someone has a sense of humor, scheduling the #GOPDebate for Hiroshima Day.",,2015-08-07 08:49:43 -0700,629680828306620416,United States of America,Central Time (US & Canada) -4441,No candidate mentioned,0.424,yes,0.6512,Positive,0.3372,,0.2271,,ThisIsGorman,,0,,,This @PFTcommenter troll job of last night's #GOPdebate is a masterpiece of Internet political meta-mockery. http://t.co/i83MHXnU9G,,2015-08-07 08:49:42 -0700,629680827916398592,"Austin, TX", -4442,No candidate mentioned,1.0,yes,1.0,Neutral,0.65,FOX News or Moderators,0.67,,shellbelle1022,,0,,,"He invokes his questions by his own remarks, however. I don't think reporters should coddle anyone. #GOPDebate https://t.co/oajsAadEYy",,2015-08-07 08:49:42 -0700,629680827228512256,"Broken Arrow, OK", -4443,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jkdunn1963,,0,,,Watch the debates nope better things to do watching paint dry #GOPDebate,,2015-08-07 08:49:39 -0700,629680812540063744,"Sacramento, CA", -4444,Rand Paul,0.4736,yes,0.6882,Positive,0.6882,None of the above,0.4736,,fardinajir,,1,,,RT @nick_paro: The NY Times say Rand Paul matters again! #StandwithRand #Liberty #GOPDebate #tcot #tlot http://t.co/L9Z2JmkFrN,,2015-08-07 08:49:38 -0700,629680809901883392,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4445,No candidate mentioned,1.0,yes,1.0,Neutral,0.6456,None of the above,1.0,,DerekJohnBryant,,83,,,"RT @saladinahmed: ""Alright, gentlemen, it's time for closing statements."" #GOPdebate http://t.co/Yol6HRkHQV",,2015-08-07 08:49:38 -0700,629680807427375104,"Thornton in Bradforddale, UK ",London -4446,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,575haiku,,4,,,RT @GodsDontExist: RT @mydaughtersarmy The GOP debate took an awful toll on Ted Cruz. #GOPDebate http://t.co/NcU94RGBlO @tedcruz @realDona…,,2015-08-07 08:49:37 -0700,629680806013837312,Downtown L.A.,Alaska -4447,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,,0.233,,PlanetExperts,,1,,,"Yet no mention of #climatechange at the #GOPDebate: ""Nearly 6 Million Acres Burned in CA"" http://t.co/Caw6jaZWPL http://t.co/eaTplfx56B",,2015-08-07 08:49:37 -0700,629680805497868288,"Santa Monica, CA",Arizona -4448,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,SingleDallasGuy,,0,,,@CarlyFiorina just beat the snot out of @HillaryClinton and #ChrisMathews! #tcot @msnbc #GOPDebate #GOP http://t.co/cPg7T80dSu,,2015-08-07 08:49:36 -0700,629680801861337088,"Dallas, TX",Central Time (US & Canada) -4449,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,Majikalone,,1,,,RT @_HarmonCooper: How much steam is necessary in a vr world where players blow steam rather than bleed?#Scifiwriterproblems #steampunk que…,,2015-08-07 08:49:36 -0700,629680801009905664,"Alabama, USA", -4450,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,NYRedd42,,0,,,"Not one mention of Voting Rights, Voter Suppression, or the Environment at the so-called #GOPDebate oh wait, we're talking about republicans",,2015-08-07 08:49:35 -0700,629680796983521280,"Puyallup, WA. via Da Bronx, NY",Pacific Time (US & Canada) -4451,No candidate mentioned,1.0,yes,1.0,Positive,0.3617,None of the above,1.0,,LauriePatriot,,3,,,RT @patriotmom61: All the difference in the world bet/unaccomplished newbie senators & one who actually got BIG things done http://t.co/bEd…,,2015-08-07 08:49:35 -0700,629680796433952768,,Pacific Time (US & Canada) -4452,Donald Trump,1.0,yes,1.0,Negative,1.0,Religion,1.0,,mynameistopher,,0,,,"""Has God ever told me anything? That'd be talking to myself!"" #GOPDebate",,2015-08-07 08:49:33 -0700,629680787030343680,"Salt Lake City, Utah", -4453,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,fardinajir,,1,,,RT @JordyLangy: @Cold1957 Rand Paul cares more about upholding and applying the constitution than any of the other candidates. #GOPDebate #…,,2015-08-07 08:49:32 -0700,629680785868492800,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4454,Donald Trump,1.0,yes,1.0,Neutral,0.6556,FOX News or Moderators,0.6556,,LizAnneKelley,,0,,,"@realDonaldTrump don't worry about @megynkelly She was only person on stage ""hearing voices""-her ego talking! #GOPDebate @jimlibertarian",,2015-08-07 08:49:32 -0700,629680784341880832,Seeking My Place in the World ,Eastern Time (US & Canada) -4455,Donald Trump,0.4028,yes,0.6347,Positive,0.321,None of the above,0.4028,,edwrather,,0,,,Trump slams Megyn Kelly http://t.co/oBNQDPOemX via @worldnetdaily #GOPDebate #Tcot #ccot #pjnet #WakeUpAmerica #MakeDCListen,,2015-08-07 08:49:32 -0700,629680784211771392,Oklahoma,Central Time (US & Canada) -4456,No candidate mentioned,0.4204,yes,0.6484,Positive,0.3297,None of the above,0.4204,,LauriePatriot,,3,,,RT @patriotmom61: Rick Santorum at The Des Moines Register soapbox https://t.co/hfqVXAiqPh A boatrocker who got things done. #GOPDebate #Io…,,2015-08-07 08:49:31 -0700,629680781632212992,,Pacific Time (US & Canada) -4457,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ProgessivePat,,1,,,RT @craicalaicpat: The God these men worship is money. #OneoftheSevenDeadlySinsButThatsNoneofMyBusiness #GOPDebate,,2015-08-07 08:49:30 -0700,629680776079085568,, -4458,No candidate mentioned,1.0,yes,1.0,Neutral,0.6603,None of the above,0.3397,,Brad_Carlson,,0,,,".@CarlyFiorina : Questions were tough for all candidates http://t.co/sghSIOK5R5 via @morning_joe - -#GOPDebate",,2015-08-07 08:49:30 -0700,629680775940583424,"Ramsey, Minnesota",Central Time (US & Canada) -4459,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.6277,FOX News or Moderators,0.39399999999999996,,4StatesRights,,0,,,@FoxNews total failure #GOPDebate canceled fox news on my cable. Done https://t.co/3z5PR1Ue7n,,2015-08-07 08:49:29 -0700,629680772111278080,These United States of America,Atlantic Time (Canada) -4460,Donald Trump,1.0,yes,1.0,Neutral,0.6803,FOX News or Moderators,1.0,,lindaleedonahue,,6,,,RT @mterry337: #GopDebate It really looks like FOX is going after #DonaldTrump!!!,,2015-08-07 08:49:29 -0700,629680771385659392,, -4461,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.2353,,abNtransit,,0,,,Leave it to #canada to have a real #debate. #GOPDebate was a q&a #circus without a single item debated. Koobaywhaa? http://t.co/EAmdvsGUGg,,2015-08-07 08:49:28 -0700,629680766956535808,Primarily the Pacific coast.,Pacific Time (US & Canada) -4462,Ted Cruz,0.6484,yes,1.0,Neutral,0.6484,None of the above,1.0,,ssktanaka,,0,,,"Best recap of last night's #GOPDebate from @theskimm => ""And Ted Cruz and Mike Huckabee were there too."" http://t.co/gDOEUrUnlD",,2015-08-07 08:49:27 -0700,629680761118027776,"Dublin, Ireland",Central Time (US & Canada) -4463,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,deannawds,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/ZU0QGfjbSq",,2015-08-07 08:49:26 -0700,629680760979460096,Oregon, -4464,No candidate mentioned,0.5057,yes,0.7111,Negative,0.3667,FOX News or Moderators,0.2607,,LauriePatriot,,1,,,"RT @patriotmom61: @FoxNews wouldn't give him any national security questions, so watch Rick Santorum at New Hampshire NSAS https://t.co/One…",,2015-08-07 08:49:26 -0700,629680759717040128,,Pacific Time (US & Canada) -4465,Jeb Bush,1.0,yes,1.0,Negative,0.6778,Racial issues,0.3556,,arwxnundomiel,,349,,,"RT @ProfessorCrunk: Wonder how Trayvon Martin feels about that ""culture of life"" Jeb. #GOPDebate",,2015-08-07 08:49:26 -0700,629680757271855104,,Central Time (US & Canada) -4466,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,l_brogan59,,4,,,"RT @buckeyeteacher3: OMG! Hey @JohnKasich, what did your dad do for a living? #GOPDebate",,2015-08-07 08:49:25 -0700,629680755455733760,"newburgh, ny",Eastern Time (US & Canada) -4467,Scott Walker,1.0,yes,1.0,Neutral,0.6451,Foreign Policy,0.6765,,madeleinebehr,,0,,,"Walker on @foxandfriends this a.m., says he wishes he had more time to talk #IranDeal at #GOPDebate last night: https://t.co/9eQnw2wcld",,2015-08-07 08:49:25 -0700,629680754797215744,"Appleton, WI",Central Time (US & Canada) -4468,No candidate mentioned,1.0,yes,1.0,Negative,0.6699,None of the above,1.0,,ProgessivePat,,1,,,RT @craicalaicpat: Pretty funny night but these men are so childish to be Pres. Like this isn't smack high where it's just throwing shade. …,,2015-08-07 08:49:24 -0700,629680749092933632,, -4469,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,fardinajir,,1,,,RT @Emma_Dye: I think we have a WINNER! #standwithRand #GOPdebate #RandPaul,,2015-08-07 08:49:23 -0700,629680745745772544,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Morgane_R,,0,,,The reality TV show is over & I'm trying to get back to the day but Im so obsessed with the hilarious memes that were generated #GOPDebate,,2015-08-07 08:49:22 -0700,629680742885388288,"Brooklyn, NY",Pacific Time (US & Canada) -4471,Donald Trump,0.4348,yes,0.6594,Negative,0.3406,FOX News or Moderators,0.4348,,stephschrep,,0,,,"@megynkelly you lost alot of admirers last night.We Republicans are just going to beat ourselves, AGAIN! #GOPDebate #DonaldTrump",,2015-08-07 08:49:21 -0700,629680739685113856,, -4472,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,None of the above,0.4805,,bigrednathan,,14,,,RT @AshvsEvilDead: Some kind of debate is going on. Meanwhile we're debating over the best drum solo of all time: Hot for Teacher or Tom Sa…,,2015-08-07 08:49:21 -0700,629680738019885056,"Oh, you know where I am...", -4473,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,DerekJohnBryant,,120,,,"RT @saladinahmed: I was wondering how they were going to fit everyone in, but the set up looks great. #GOPDebate http://t.co/t1AFrr7tj1",,2015-08-07 08:49:20 -0700,629680733523722240,"Thornton in Bradforddale, UK ",London -4474,Donald Trump,1.0,yes,1.0,Negative,0.6404,None of the above,0.7079,,JamesLeeOtt,,0,,,First question of #GOPDebate of 3rd party run was to give @realDonaldTrump a disadvantage from the start. #UnfairWorld,,2015-08-07 08:49:20 -0700,629680731757891584,, -4475,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,MikeBearTrainer,,45,,,"RT @DougStanhope: Hillary comes at you from every angle, striking, ground and pound, arm bar. She's unstoppable. Or am I thinking of the wr…",,2015-08-07 08:49:19 -0700,629680731241889792,, -4476,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Dena_Beth,,0,,,@realDonaldTrump wins the polls in the #GOPDebate debate. What does that tell u? #Americans r sick of the same ole politician song & dance.,,2015-08-07 08:49:18 -0700,629680725067837440,"Orange County, California",Pacific Time (US & Canada) -4477,No candidate mentioned,0.3813,yes,0.6175,Neutral,0.6175,None of the above,0.3813,,summerjfields,,2,,,RT @bgittleson: Great graphic from our partners at @FiveThirtyEight: http://t.co/iFCygWMW7J #GOPDebate http://t.co/FpMMjmravD,,2015-08-07 08:49:17 -0700,629680720475107328,"Washington, DC",Pacific Time (US & Canada) -4478,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,AmpersandAlways,,66,,,RT @curlyheadRED: White people arguing over their retirement plans & Black people cant even live long enough to retire in this damn country…,,2015-08-07 08:49:16 -0700,629680715471282176,Relaxing in a comfy chair,Pacific Time (US & Canada) -4479,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Women's Issues (not abortion though),0.2282,,choenigman,,0,,,@RNC has a responsibility to denounce the misogyny we saw last night at #GOPDebate,,2015-08-07 08:49:13 -0700,629680705409286144,, -4480,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,Racial issues,0.4123,,thrasherxy,,0,,,"New Guardian column up on #GOPDebate: ""the only shoutout given to #BlackLivesMatter lasted less than a minute."" http://t.co/emDcbvJWQD",,2015-08-07 08:49:12 -0700,629680702011928576,New York City,Atlantic Time (Canada) -4481,No candidate mentioned,1.0,yes,1.0,Neutral,0.6696,FOX News or Moderators,0.6387,,kennyfletcherjr,,0,,,"Fox News has declared itself the fastest gun in the west, and is still gunnin' fer Outlaw Josey Trump. @MichaelBerrySho #GOPDebate",,2015-08-07 08:49:12 -0700,629680701843968000,SE Texas,Central Time (US & Canada) -4482,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheAnchovyLover,,0,,,".@megynkelly someone needs 2 inform @realDonaldTrump that he's picking the wrong #female moderator 2 get mouthy with! -Well done! -#GOPDebate",,2015-08-07 08:49:12 -0700,629680698186567680,, -4483,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,TheRedDogInn,,0,,,"Why did NONE of the 9 men respond to Name Calling question: That's abhorrent, but name calling pales next to ISIS sexual jihad. #GOPDebate",,2015-08-07 08:49:11 -0700,629680695074406400,"Orange County, CA",Pacific Time (US & Canada) -4484,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,margaretvmorris,,14,,,RT @kharyp: FACT CHECK: GOP candidates veer from the truth in 1st debate http://t.co/IGipTiFeUA #GOPDebate http://t.co/Hp5v9Gy9Kf,,2015-08-07 08:49:11 -0700,629680694751555584,"Jacksonville, FL", -4485,No candidate mentioned,1.0,yes,1.0,Negative,0.6383,None of the above,1.0,,DennisMJordan,,0,,,Progressives are unable to be reconciled with and have no interest in it. They fight to win. We need a conqueror not a placater. #GOPDebate,,2015-08-07 08:49:10 -0700,629680691429666816,"Mandeville, LA",Central Time (US & Canada) -4486,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WallaceRitchie,,0,,,"Megyn Kelly was a real slacker in the #GOPDebate last night. Not even one question on the Fox ""War On Christmas"". #DoYouBelieveInWhiteSanta?",,2015-08-07 08:49:10 -0700,629680691416961024,,Pacific Time (US & Canada) -4487,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,None of the above,1.0,,ShadeSower,,0,,,RT if you got drunk watching the #GOPDebate last night.,,2015-08-07 08:49:08 -0700,629680685163380736,"Norman, Oklahoma",Central Time (US & Canada) -4488,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,newszbreaking,,1,,,"RT @ABC7JohnGregory: So, who won? #GOPDebate http://t.co/yV2GhJ1Z79",,2015-08-07 08:49:06 -0700,629680674027499520,New York / Worldwide,Central Time (US & Canada) -4489,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6383,,Brownfield13,,4,,,"RT @maddeclair: In a shocking twist during the debate, Trump brags about how much money he has #GOPDebate",,2015-08-07 08:49:05 -0700,629680672538501120,"Hillsdale, MI",Central Time (US & Canada) -4490,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6486,,teechoes,,73,,,RT @JesseCox: Guys guys! God is going to be on the #GOPDebate debate next! #specialguest,,2015-08-07 08:49:04 -0700,629680666888773632,The 3rd Rock from the Sun,Central Time (US & Canada) -4491,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ProleteriatKid,,7,,,RT @HaroldItz: BREAKING EXCLUSIVE PIC Trump meets the press after #GOPDebate http://t.co/3UFQSs2hNX,,2015-08-07 08:49:03 -0700,629680663856287744,,Eastern Time (US & Canada) -4492,Donald Trump,1.0,yes,1.0,Neutral,0.6512,None of the above,0.6512,,FloggerMiester,,0,,,"@Mivasair @michelleruiz ""never give up your leverage before the negotiation starts"" - Donald #Trump 2015 -#GOPDebate -#TrumpForPresident",,2015-08-07 08:49:02 -0700,629680659431354368,The Dungeon,Dublin -4493,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Thor_2000,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/Ww483ZW323 via @HuffPostPol,,2015-08-07 08:49:02 -0700,629680659401998336,"Nashville, Tennessee",Central Time (US & Canada) -4494,Donald Trump,1.0,yes,1.0,Negative,0.6586,None of the above,1.0,,howardweaver,,9,,,"RT @JohnCassidy: Nobody won, and Trump's having fun. My colleague @TNYCloseRead's take on the #GOPDebate http://t.co/EIPqiw2053",,2015-08-07 08:49:02 -0700,629680658391011328,Northern California,Pacific Time (US & Canada) -4495,No candidate mentioned,0.3981,yes,0.631,Neutral,0.3214,,0.2329,,swath_1,,38,,,RT @auxty: cmon #GOPDebate who wants to get SICKENING! @GOPTeens http://t.co/MsbZObk0g3,,2015-08-07 08:49:02 -0700,629680658273693696,,Atlantic Time (Canada) -4496,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,Abortion,1.0,,giocarlucci,,0,,,On the #GOPDebate the question of abortion it is not a women issue because no woman gets pregnant by herself it is a humanity issue.,,2015-08-07 08:49:02 -0700,629680658055499776,"Miami, (Doral Area) & Panama",Eastern Time (US & Canada) -4497,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.631,,arwxnundomiel,,98,,,RT @KateBlackDC: Becoming a parent is one of the biggest economic decisions a woman can make. These #TenMen want to make that decision for …,,2015-08-07 08:49:02 -0700,629680656994406400,,Central Time (US & Canada) -4498,No candidate mentioned,0.4499,yes,0.6707,Negative,0.6707,Racial issues,0.4499,,frangeladuo,,1,,,"RT @RippDemUp: @SMShow @frangeladuo #GOPDebate Gave ""No Fucks"" About #BlackLivesMatter http://t.co/IuwKYlUdMg",,2015-08-07 08:49:01 -0700,629680654708412416,"Los Angeles, CA",Pacific Time (US & Canada) -4499,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CameronLMitchel,,0,,,"The thing about the #GOPDebate, most watched it in the same way they'd watch some trashy reality show -that's a big problem for #Republicans",,2015-08-07 08:49:01 -0700,629680654414970880,New York,Quito -4500,Jeb Bush,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,WerhunR,,0,,,@JebBush is not a good communicator. In last night's #GOPDebate he sounded like Charlie Brown's teacher to me.,,2015-08-07 08:49:01 -0700,629680653689335808,English Deutsch,Eastern Time (US & Canada) -4501,Donald Trump,1.0,yes,1.0,Positive,0.6702,None of the above,1.0,,georgeson1992,,0,,,What a show! #Trump #GOPDebate #RosieODonnell — watching Republican Presidential Candidates Debate,,2015-08-07 08:49:00 -0700,629680650430345216,"Manchester,Ct.",Quito -4502,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LindaLeeJones11,,0,,,Why does that blonde keep laughing? #GOPDEBATE @megynkelly You look foolish and unprofessional. YOUR FIRED,,2015-08-07 08:49:00 -0700,629680649922838528,,Eastern Time (US & Canada) -4503,,0.2382,yes,0.6087,Neutral,0.3242,,0.2382,,WampaJedi,,66,,,"RT @thehill: Rubio: God blessed GOP with good candidates, but the Dems can't find one: http://t.co/m6kEVwuaYL #GOPDebate http://t.co/8FjT3f…",,2015-08-07 08:49:00 -0700,629680647884423168,New England , -4504,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MikeVee5,,0,,,"#HillaryClinton takes selfie with #KimKardashian, #KanyeWest during #GOPDebate http://t.co/6JyS4iVVkE … … http://t.co/e8jH6TilTs",,2015-08-07 08:48:59 -0700,629680644591894528,, -4505,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Purple_Smear,,0,,,#GOPDebate Americans are FED UP with the LIES! No more lies that only benefit politicians! #NoMoreLies http://t.co/m3ssK2LYXM,,2015-08-07 08:48:59 -0700,629680644021293056,, -4506,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6831,,renomarky,,1,,,"Whats really disturbing is @megynkelly thinks that people like @DWStweets would treat her fairly if they had that audience! -#GOPDebate",,2015-08-07 08:48:57 -0700,629680638262681600,VEGAS , -4507,Marco Rubio,0.6722,yes,1.0,Neutral,0.6462,Healthcare (including Medicare),1.0,,Naomi_kibey,,0,,,#GOPDebate @marcorubio Veiws stood out mainly in the health department.,,2015-08-07 08:48:57 -0700,629680637943939072,philadelphia ,Pacific Time (US & Canada) -4508,Donald Trump,0.2306,yes,0.6629999999999999,Positive,0.3478,None of the above,0.4396,,patrick_budde,,317,,,"RT @MURlCAFUCKYEAH: RT if you agree! - -“The big problem this country has is being politically correct” #GOPDebate http://t.co/liuGl1haa3",,2015-08-07 08:48:56 -0700,629680635116916736,Chatt Nasty TN, -4509,Chris Christie,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6629,,CABird6,,163,,,RT @JECarter4: New Jersey's credit rating has been downgraded 9 times since Chris Christie became Governor. http://t.co/m1I4eDF9pq #GOPDeba…,,2015-08-07 08:48:56 -0700,629680633875333120,"Los Angeles, CA", -4510,No candidate mentioned,1.0,yes,1.0,Negative,0.639,Religion,1.0,,missliberties,,62,,,"RT @bobcesca_go: As if the rest of the debate wasn't embarrassing enough, the God question is when the rest of the world laughs at us. #GOP…",,2015-08-07 08:48:56 -0700,629680632772190208,, -4511,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,AJC4others,,0,,,#GOPDebate practiced answers R not impressive when u look at what they practice. Ignore what they say it's what they've DONE that matters.,,2015-08-07 08:48:55 -0700,629680630339665920,, -4512,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Zannahsue,,0,,,"bright spot in all this is that while Hilary might not be enough to galvanize the democratic base, defeating Trump certainly is. #GOPDebate",,2015-08-07 08:48:55 -0700,629680628389257216,Ohio,Atlantic Time (Canada) -4513,No candidate mentioned,1.0,yes,1.0,Positive,0.6774,FOX News or Moderators,0.6774,,NATIVEg8r,,0,,,@BillHemmer @marthamaccallum @FoxNews Kudos to Bill & Martha. Excellent #GOPDebate moderators. The prime time team was awful in comparison!,,2015-08-07 08:48:55 -0700,629680627390922752,"Paradise Coast, Florida #USA",Eastern Time (US & Canada) -4514,No candidate mentioned,1.0,yes,1.0,Negative,0.682,Jobs and Economy,0.682,,l_brogan59,,4,,,"RT @NancyOsborne180: #BATsAsk Where are your solutions? More tax cuts 4 rich? yawn. -#GOPDebate -@BadassTeachersA -#TBATs http://t.co/Cvl6e…",,2015-08-07 08:48:54 -0700,629680626107613184,"newburgh, ny",Eastern Time (US & Canada) -4515,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Gun Control,0.6791,,obodcs,,264,,,"RT @ProfessorCrunk: ""The purpose of the military is to kill people and break things."" Huckabee just said that. And he's being violently tra…",,2015-08-07 08:48:53 -0700,629680621787295744,"woke, tx",Central Time (US & Canada) -4516,Donald Trump,1.0,yes,1.0,Negative,0.6464,None of the above,1.0,,BeFree_Media,,2,,,RT @jncatron: The only candidate who stood out in any way was @realDonaldTrump. Even the unhniged lunatics were bland and colorless about i…,,2015-08-07 08:48:52 -0700,629680617072922624,USA•Lebanon•Iraq•UK•Iran,Jerusalem -4517,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,Foreign Policy,0.7111,,Riyalove_1,,0,,,mizmanning1: https://t.co/M2zI6acgnO RT NewYorkPhotoGal: #GOPDebate #Obama was right when he said the #GOP is ignorant of the Iranians cul…,,2015-08-07 08:48:52 -0700,629680614598410240,, -4518,No candidate mentioned,0.4274,yes,0.6538,Negative,0.6538,Jobs and Economy,0.4274,,allDigitocracy,,0,,,"@Marisol_Bello Wht are we missing? If journos aren't concerned abt poverty, how'r voters/candidates expected 2 be? #TalkPoverty #GOPDebate",,2015-08-07 08:48:51 -0700,629680611826008064,"Washington, DC", -4519,Marco Rubio,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,EntoMike,,502,,,"RT @bencasselman: Rubio is exactly right: More new immigrants now come from Asia, not Latin America. #GOPDebate http://t.co/IOHEpeVlvB",,2015-08-07 08:48:51 -0700,629680611381252096,"Austin, Texas",Central Time (US & Canada) -4520,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6728,,Brownfield13,,1,,,"RT @maddeclair: ""Well, Carson, we didn't actually have an air force in the 40s... That came after WWII...""-@MichaelLucchese #GOPDebate",,2015-08-07 08:48:48 -0700,629680599876403200,"Hillsdale, MI",Central Time (US & Canada) -4521,Ted Cruz,1.0,yes,1.0,Positive,0.639,Foreign Policy,0.6637,,creolelad2009,,398,,,RT @tedcruz: We need a President who’ll defend the Constitution and restore America’s leadership in the world #GOPDebate #CruzCrew http://t…,,2015-08-07 08:48:48 -0700,629680599620558848,New Orleans,Central Time (US & Canada) -4522,Mike Huckabee,0.6779,yes,1.0,Negative,0.3442,None of the above,1.0,,Riyalove_1,,0,,,nobamanoway: https://t.co/M2zI6acgnO RT AnneBayefsky: .GovMikeHuckabee: #Obama trusts our enemies and vilifies our friends. #GOPDebate,,2015-08-07 08:48:47 -0700,629680596776820736,, -4523,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,daniel_kurz,,0,,,My take on Christie's performance at last night's #GOPDebate: he came off as irrelevant & peripheral #Rutgers @NJDACC #Princeton #NJDevils,,2015-08-07 08:48:47 -0700,629680595363307520,, -4524,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LoraRae,,0,,,So tired people fall asleep before debates... so watching the taped version now. Excuse the after the fact tweets. #GOPDebate,,2015-08-07 08:48:47 -0700,629680593329090560,The Big Apple,Eastern Time (US & Canada) -4525,No candidate mentioned,1.0,yes,1.0,Negative,0.6516,Healthcare (including Medicare),0.6516,,AuntPip,,0,,,#GOPDebate NOT ONE MENTION OF DISABILITY last night. We need to educate all contenders of both parties to value us.,,2015-08-07 08:48:46 -0700,629680592737669120,DC Metro area,Eastern Time (US & Canada) -4526,No candidate mentioned,0.4616,yes,0.6794,Neutral,0.3397,None of the above,0.4616,,brolivia3,,286,,,RT @pattonoswalt: Can't believe they're not showing Gwar's opening set. #GOPDebate,,2015-08-07 08:48:46 -0700,629680591319908352,,Arizona -4527,Ben Carson,1.0,yes,1.0,Positive,0.3593,None of the above,1.0,,jrjd63,,104,,,RT @VotingFemale: #GopDebate Ben Carson Hits A Homer http://t.co/T4N6dh3pZo,,2015-08-07 08:48:45 -0700,629680586001645568,Florida,Quito -4528,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6892,,Brownfield13,,1,,,"RT @maddeclair: ""When did you become a Republican, Mr. Trump?"" #GOPDebate #megynkellydebatequestions",,2015-08-07 08:48:44 -0700,629680582675570688,"Hillsdale, MI",Central Time (US & Canada) -4529,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,heplen,,2,,,"RT @Mayflowers516: winner of the #GOPDebate : no one -loser: all mankind",,2015-08-07 08:48:41 -0700,629680571703291904,,Central Time (US & Canada) -4530,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,marcusgilmer,,13,,,RT @rajiniv: While posting pics outside the #GOPDebate I unwittingly came across @PFTCommenter. Now I know who he is. Onto the debate now.,,2015-08-07 08:48:40 -0700,629680567416569856,THE BAY,Central Time (US & Canada) -4531,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,Religion,1.0,,maddox_mags,,15,,,"RT @GeneMcVay: #GOPDebate Billy Graham said if God doesn't punish America He should apologize to Sodom & Gomorrah. - -Pray is banned, baby p…",,2015-08-07 08:48:39 -0700,629680561682935808,Kansas, -4532,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,None of the above,1.0,,emoleeapple,,39,,,RT @itsashlyperez: time-lapse of my face during the entire #GOPDebate http://t.co/tARWSOBiK0,,2015-08-07 08:48:36 -0700,629680551054577664,"Long Beach, CA",PST -4533,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SalenaZitoTrib,,0,,,"@HuffingtonPost says this photo stole the #GOPDebate thunder. -I have my own opinions. -Love to hear yours http://t.co/MuwuZW9SMd",,2015-08-07 08:48:35 -0700,629680546940063744,"Main Street, USA",Mid-Atlantic -4534,No candidate mentioned,0.4616,yes,0.6794,Neutral,0.3497,None of the above,0.4616,,Papimike1,,0,,,I bet on Politics clearly will stick to sports...Gender of next president-female! http://t.co/tb7XX3EZqs #GOPDebate http://t.co/B9BcThYBVv,,2015-08-07 08:48:35 -0700,629680546914799616,US, -4535,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6821,,razzmijazz,,0,,,The #GOPDebate was a bunch of fake tanned idiots say opinions no one cared for. It was basically the @BacheloretteABC. @FoxNews,,2015-08-07 08:48:35 -0700,629680545040089088,,Central Time (US & Canada) -4536,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6374,,mynameistopher,,0,,,So disappointed @realDonaldTrump never got to answer the God question! #GOPDebate,,2015-08-07 08:48:34 -0700,629680542305259520,"Salt Lake City, Utah", -4537,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ripple2012,,3,,,"RT @SpursJR55: Every country has something they are embarrassed & ashamed of. For Americans, it's the Republican Party #GOPDebate",,2015-08-07 08:48:34 -0700,629680539247640576,,Eastern Time (US & Canada) -4538,Rand Paul,0.6629,yes,1.0,Neutral,1.0,None of the above,1.0,,fardinajir,,1,,,RT @Hale2Thomas: The #GOPDebate only had one left handed candidate. #outoftouch #StandWithRand #righthandedprivilege,,2015-08-07 08:48:33 -0700,629680536697487360,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4539,No candidate mentioned,0.24100000000000002,yes,0.6735,Negative,0.6735,Foreign Policy,0.24100000000000002,,PruneJuiceMedia,,0,,,"Why is everyone so against Common Core? But, we were ok with No Child Left Behind from Bush 43? #GOPDebate",,2015-08-07 08:48:31 -0700,629680530066382848,"Atlanta, Georgia",Eastern Time (US & Canada) -4540,No candidate mentioned,0.4497,yes,0.6706,Negative,0.6706,None of the above,0.4497,,AMERICAagogo,,0,,,"#JoeBiden Godfather Of American #Tyranny -https://t.co/VzVDfOe6qR -#uniteblue @ResistTyranny @CzarofFreedom @Bidenshairplugs #GOPDebate #USA",,2015-08-07 08:48:31 -0700,629680526815821824,Location: 1776 ,Central Time (US & Canada) -4541,Donald Trump,0.3989,yes,0.6316,Neutral,0.3158,,0.2327,,americansadass,,57,,,RT @ngomsiv: Donald Trump on the border last week #GOPDebate http://t.co/6UUIbRW06t,,2015-08-07 08:48:30 -0700,629680524626366464,"Boston, MA", -4542,,0.23399999999999999,yes,0.6264,Neutral,0.3297,None of the above,0.3923,,fardinajir,,1,,,"RT @Alexthefig: Instead of asking to pledge to support the GOP nominee, why not ask each candidate to support the Constitution? #GOPDebate …",,2015-08-07 08:48:29 -0700,629680519995756544,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4543,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629999999999999,,blessitjanet,,9,,,RT @caren4btunity: The winner of the #GOPDebate is anyone who didn't watch. http://t.co/AvirSm1hVm @WU4PE @MindyRosier @mterry337 @BPSNight…,,2015-08-07 08:48:29 -0700,629680519186231296,, -4544,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,LGBT issues,0.4444,,hyeyoothere,,223,,,"RT @mydaughtersarmy: 10 straight, wealthy, men suddenly the authority on LGBT, affordable h/care + women's reproductive rights - -#GOPDebate …",,2015-08-07 08:48:28 -0700,629680517617684480,,Eastern Time (US & Canada) -4545,Donald Trump,0.6667,yes,1.0,Negative,1.0,Gun Control,0.6786,,richieca,,13,,,RT @xqueenzee: Basically #GOPDebate http://t.co/el5jJ9hOeE,,2015-08-07 08:48:25 -0700,629680501503213568,"Flatiron, Manhattan", -4546,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ittakesus,,0,,,.@realDonaldTrump will be the best thing to happen to #Democratic #GOTV in history. #GOPDebate #GOPClownCar,,2015-08-07 08:48:24 -0700,629680498328096768,"Brooklyn, NY",Eastern Time (US & Canada) -4547,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,arwxnundomiel,,42,,,"RT @StephHerold: Mike Huckabee, transgender people aren't a ""social experiment."" With all due respect, fuck you sir. #GOPdebate",,2015-08-07 08:48:24 -0700,629680497673814016,,Central Time (US & Canada) -4548,John Kasich,0.4297,yes,0.6555,Positive,0.6555,None of the above,0.4297,,nigelspeed,,76,,,"RT @JohnKasich: Did tonight make you a fan of @JohnKasich? Be sure you take a moment and like our Facebook page: https://t.co/aBUNLgIgHG - -#…",,2015-08-07 08:48:23 -0700,629680495551365120,,Pacific Time (US & Canada) -4549,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mcgtexas,,0,,,TKO. You keep using this word. I do not think it means what you think it means. #GOPDebate,,2015-08-07 08:48:23 -0700,629680493932380160,"Fort Worth, TX",Central Time (US & Canada) -4550,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,Jobs and Economy,0.6395,,lindaleedonahue,,4,,,RT @STERLINGMHOLMES: @mterry337 I'm a #SNAP recipient and I'm barely getting by with what I get a month. The gop SNAP cuts would cut many l…,,2015-08-07 08:48:23 -0700,629680493588557824,, -4551,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,KPurins,,9,,,"RT @ChrisJZullo: Please note, this is not a lie. World only has 53.3 years of oil reserves left. Hello, anyone listening? #GOPDebate #unite…",,2015-08-07 08:48:18 -0700,629680475343339520,, -4552,Donald Trump,1.0,yes,1.0,Negative,0.6374,Women's Issues (not abortion though),1.0,,TrumpIssues,,1,,,"A 5-year-old kid can access a porno of a woman being in a gangbang, but Trump can't say a woman would ""look good on her knees."" #GOPDebate",,2015-08-07 08:48:18 -0700,629680472553971712,United States Of America,Pacific Time (US & Canada) -4553,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MacMcCannTX,,0,,,".@RandPaul, trying to please everybody, succeeds in pleasing nobody: - -http://t.co/JHegp7d9WA - -#GOPDebate http://t.co/UVrDvb5yod",,2015-08-07 08:48:17 -0700,629680467604738048,"Dallas/Austin, Texas",Central Time (US & Canada) -4554,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6889,,maureennboyd,,0,,,Trump personifies money doesnt make you happy.Wealthy & incredibly mean:that meanness doesn't come from a happy person.#GOPDebate #KKKorGOP,,2015-08-07 08:48:15 -0700,629680462940651520,CAL-I-FOR-NI-A, -4555,Donald Trump,1.0,yes,1.0,Neutral,0.3438,None of the above,0.6667,,sandwillbesand,,135,,,RT @AC360: I think the biggest problem this country has is being totally politically correct - @realDonaldTrump in #GOPDebate http://t.co/H…,,2015-08-07 08:48:15 -0700,629680461745229824,,CDT -4556,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,frankie_swags,,0,,,"@BernieSanders won the #GOPDebate last night via #DebateWithBernie . No arguing this. Sooner or later, you ALL will start to #FeelTheBern",,2015-08-07 08:48:15 -0700,629680460738785280,,Eastern Time (US & Canada) -4557,Donald Trump,0.7127,yes,1.0,Negative,1.0,None of the above,1.0,,IamGod_Pickney,,55,,,"RT @CJsucitymvp: ""but i don't wanna eat my vegetables"" RT @Lizzs_Lockeroom #GOPDebate http://t.co/N34sUH0qho",,2015-08-07 08:48:13 -0700,629680452937232384,"Jamaica, Land of Beauty",Eastern Time (US & Canada) -4558,No candidate mentioned,1.0,yes,1.0,Negative,0.3647,None of the above,1.0,,elenaaa33,,0,,,@AlPal_23 wins snapchat #GOPDebate http://t.co/1XWxEygYIC,,2015-08-07 08:48:12 -0700,629680448810016768,"Colorado Springs, CO",Arizona -4559,John Kasich,1.0,yes,1.0,Positive,0.6848,Healthcare (including Medicare),1.0,,AmyonHealth,,0,,,@JohnKasich didn't back away from Ohio's #Medicaid expansion during last night's #GOPDebate. Msg: Don't oppose expansion based on ideology.,,2015-08-07 08:48:11 -0700,629680443890245632,"Washington, DC",Eastern Time (US & Canada) -4560,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RightSideBelle,,1,,,RT @BrunettePatriot: Do we really want someone like this in office? #GOPDebate #BC2DC16 #Trump http://t.co/Jb53bAGNhn,,2015-08-07 08:48:09 -0700,629680435182850048,NC, -4561,Rand Paul,0.6504,yes,1.0,Negative,0.6429,None of the above,1.0,,michaelagentile,,0,,,Can't Believe the comments trashing @RandPaul 's hair style when @realDonaldTrump is on stage of all people #GOPDebate,,2015-08-07 08:48:09 -0700,629680434297892864,Virginia USA,Eastern Time (US & Canada) -4562,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,FOX News or Moderators,1.0,,NYRedd42,,0,,,"That wasn't a #GOPDebate that was the 1st episode of #FoxNews new reality show ""Who's Afraid Of A Billionaire,"" The World laughs at us.",,2015-08-07 08:48:09 -0700,629680434192977920,"Puyallup, WA. via Da Bronx, NY",Pacific Time (US & Canada) -4563,No candidate mentioned,1.0,yes,1.0,Positive,0.6552,None of the above,0.6552,,ETori,,0,,,@rgay @BriKirk Thank you for your service to democrats abroad! Loved the coverage of the #GOPDebate,,2015-08-07 08:48:08 -0700,629680431936479232,Amsterdam,Amsterdam -4564,Donald Trump,0.3997,yes,0.6322,Negative,0.6322,None of the above,0.3997,,RONCOULTER,,0,,,#TRUMP is beyond Teflon. He could cut @megynkelly into pieces & feed her to Mike Wallace's disappointment & his #'s would go up. #GOPDebate,,2015-08-07 08:48:08 -0700,629680430590087168,FLORIDA,Indiana (East) -4565,No candidate mentioned,1.0,yes,1.0,Negative,0.6721,None of the above,0.6903,,ItzMeJaniYelle,,0,,,I hope BuzzFeed has a comprehensive roundup of the #GOPDebate so I can read it and act like I #gaf.,,2015-08-07 08:48:08 -0700,629680429910630400,#876 - the locale ,America/Jamaica -4566,Donald Trump,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,skfoehr,,1,,,Political correctness... Ain't nobody got time for that! #GOPDebate #Trump,,2015-08-07 08:48:07 -0700,629680428815917056,, -4567,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Just_JKing_U,,0,,,"You know what? Fine, fuck it. Time to vote for @BernieSanders. -#GOPDebate",,2015-08-07 08:48:06 -0700,629680422960521216,In a videotape, -4568,Donald Trump,1.0,yes,1.0,Negative,0.6804,Religion,1.0,,obodcs,,265,,,RT @JessicaValenti: Trump: I told God to come to my wedding and HE CAME. #GOPDebate,,2015-08-07 08:48:06 -0700,629680422599790592,"woke, tx",Central Time (US & Canada) -4569,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Karee_news,,2,,,RT @renomarky: #GOPDebate was anything but a debate! Way to many on stage to make a true debate possible! Was 100% for ratings not🇺🇸s probl…,,2015-08-07 08:48:06 -0700,629680421677084672,,Arizona -4570,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EarlSkakel,,2,,,#JebBush had the personality of an off stage keyboard player during the #GOPDebate on #FoxNews,,2015-08-07 08:48:04 -0700,629680416501305344,"West Hollywood, California", -4571,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,PowersToPeeps,,2,,,"As usual, @CR's @RMConservative is right on! #GOPDebate #WakeUpAmerica #iTalkUS https://t.co/VKaVJz4hjh",,2015-08-07 08:48:02 -0700,629680408062464000,"Augusta, GA",Eastern Time (US & Canada) -4572,No candidate mentioned,0.4394,yes,0.6629,Negative,0.6629,None of the above,0.4394,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel I PRAY EVERYDAY TO MEET THAT SCUMBAG @POTUS IN A CT OF LAW!http://t.co/Kr55Ae6jUR http://t.co/uNWacnyEvt,,2015-08-07 08:48:02 -0700,629680405587841024,, -4573,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MLipfert,,119,,,RT @IvankaTrump: At the #GOPdebate in support of my amazing father. I am very proud of you @realdonaldtrump!… https://t.co/9bQju4zofb,,2015-08-07 08:48:01 -0700,629680403784314880,nevermindu,Eastern Time (US & Canada) -4574,Scott Walker,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,ericdeamer,,0,,,Lots of creepy plain clothes cops and body men protecting #ScottWalker #GOPDebate,,2015-08-07 08:48:00 -0700,629680398843383808,"Lakewood, OH",Eastern Time (US & Canada) -4575,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lukeoneil47,,1,,,I went long and hard on the #GOPDebate debate for @Esquire http://t.co/XTjmCwySHo http://t.co/p2yHFbZBnD,,2015-08-07 08:48:00 -0700,629680397379633152,Boston,Eastern Time (US & Canada) -4576,Ted Cruz,0.6702,yes,1.0,Neutral,0.3513,Immigration,1.0,,0SweetSolace0,,15,,,"RT @HeatherNauert: ""Not only will I support it but I sponsored it #KatesLaw ...(DC politicians) don't want to enforce immigration laws"" @Se…",,2015-08-07 08:47:59 -0700,629680395890528256,"Vicksburg,Ms and beyond ",Central Time (US & Canada) -4577,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,FOX News or Moderators,1.0,,GarySmi57500077,,1,,,"RT @kwfelsher: @theblaze @megynkelly dispelled the fact that she's an objective moderator. I love her show, but her moderating, not so much…",,2015-08-07 08:47:59 -0700,629680394305060864,"Ogden, UT", -4578,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CMcGeeIII,,0,,,Interesting exchange until they start rudely insulting each over nonsense other like kids on a schoolyard. #GOPdebate http://t.co/oWb3nESSiL,,2015-08-07 08:47:57 -0700,629680386251972608,"Philadelphia, PA", -4579,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,marissamorg,,1,,,"Reading #GOPDebate tweets, Id have more faith in Twitter friends running the country than any of those selects #twitternation",,2015-08-07 08:47:56 -0700,629680380392517632,"Los Angeles, CA",Central Time (US & Canada) -4580,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mlo531,,47,,,RT @cristela9: Trump looks like an Oompa Loompa that made something out of himself... #GOPDebate,,2015-08-07 08:47:56 -0700,629680379570561024,,Central Time (US & Canada) -4581,No candidate mentioned,1.0,yes,1.0,Negative,0.6659999999999999,None of the above,0.7015,,SuicidaTemporal,,40,,,RT @KaivanShroff: Big night in America for alcohol poisoning #GOPDebate #drinkinggame,,2015-08-07 08:47:54 -0700,629680373404966912,Con un paso al otro lado.,Amsterdam -4582,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AnotherSeason1,,309,,,RT @megynkelly: .@GovMikeHuckabee: It’s time that we recognize the Supreme Court is not the Supreme being #GOPDebate,,2015-08-07 08:47:53 -0700,629680367008641024,Kentucky, -4583,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EscapeVelo,,3,,,RT @BiasedGirl: Expose him now. Then he is The Clinton's problem. Not ours. #DumpTrump #GOPDebate #JigIsUp https://t.co/MM2dVMCQQb,,2015-08-07 08:47:51 -0700,629680362281545728,Twitter, -4584,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6691,,gina6690,,50,,,RT @GretchenCarlson: Where's @CarlyFiorina on this stage? She killed it earlier during #GOPDebate #HappyHour - don't miss her tomorrow on #…,,2015-08-07 08:47:51 -0700,629680361161801728,NC,Atlantic Time (Canada) -4585,No candidate mentioned,0.4113,yes,0.6413,Neutral,0.6413,None of the above,0.4113,,wvjoe911,,0,,,23 Gut-Busting Tweets of #GOPDebate | http://t.co/jEChE5umVK http://t.co/sae1UOhR5T,,2015-08-07 08:47:48 -0700,629680348037779456,West Virginia,Eastern Time (US & Canada) -4586,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,Diablo_2,,16,,,RT @sbpdl: @megynkelly is horrible. Seriously. I hate @FoxNews more than any liberal alive today. #GOPDebate,,2015-08-07 08:47:47 -0700,629680344321536000,,Eastern Time (US & Canada) -4587,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ZachGeorgeUSA,,0,,,Check it out! I wrote the National League of Cities' response to last night's GOP debate. #NLC #GOPDebate https://t.co/aeED7Ikr0J,,2015-08-07 08:47:47 -0700,629680344317431808,"Lawrence, Kansas",Central Time (US & Canada) -4588,No candidate mentioned,0.4689,yes,0.6848,Positive,0.6848,Abortion,0.4689,,unclejer1960,,1,,,"RT @TDsVoice: “@peddoc63: Go Carly📢 -Go Carly📢 -Go Carly📢 -@CarlyFiorina #Carly2016 #GOPDebate -@steph93065 @MaydnUSA http://t.co/MkoXvDXoPz”",,2015-08-07 08:47:47 -0700,629680342241161216,Avondale, -4589,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6803,,GA_Thrasher,,3,,,RT @CalebHowe: Did Lindsey Graham Just Call Donald Trump One Of The Top Ten Biggest Bastards On The Planet? http://t.co/IhQSgK3bGX #GOPDeb…,,2015-08-07 08:47:46 -0700,629680339905069056,Beautiful North Georgia,Eastern Time (US & Canada) -4590,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Indiana_Zebb,,1,,,RT @jxd3704: Four Takes on the Republican Debate #Infographics #GOPDebate http://t.co/grIzQWn8QX,,2015-08-07 08:47:45 -0700,629680335647862784,Rosé-velt Island, -4591,Donald Trump,1.0,yes,1.0,Negative,0.6889,None of the above,0.6889,,ecclesias,,3,,,"RT @DadusAmericanis: @realDonaldTrump @FrankLuntz - -@MegynKelly, @BretBaier and Chris Wallace. - -just need one more Horseman... - -#GOPDebate",,2015-08-07 08:47:45 -0700,629680333282258944,,Eastern Time (US & Canada) -4592,No candidate mentioned,0.4259,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,LauriePatriot,,3,,,RT @patriotmom61: Rick Santorum is the standout in the field of GOP http://t.co/DdB0Lujw2C's why: https://t.co/tIxsLF5oOz #GOPDebate #FoxD…,,2015-08-07 08:47:44 -0700,629680331331756032,,Pacific Time (US & Canada) -4593,No candidate mentioned,0.4736,yes,0.6882,Negative,0.6882,None of the above,0.4736,,gemsbyjoni,,2,,,RT @peelster123: #GOPDebate Merica Check the BACK of this OUT!!! Please #RT http://t.co/6kKaltCuTa,,2015-08-07 08:47:42 -0700,629680323098447872,Florida,Pacific Time (US & Canada) -4594,No candidate mentioned,1.0,yes,1.0,Negative,0.6659,Jobs and Economy,1.0,,g1en__coco,,97,,,RT @Politics_PR: The economy #GOPDebate http://t.co/HyaJKzWSGo,,2015-08-07 08:47:42 -0700,629680322884427776,,Hawaii -4595,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6532,,JAldoretta,,0,,,"Would we be talking abt ""political correctness"" if @realDonaldTrump was referring to POC instead of women? #GOPDebate #equality",,2015-08-07 08:47:42 -0700,629680321861005312,"Austin, TX",Central Time (US & Canada) -4596,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gowithjordan,,41,,,RT @AngryBlackLady: lmao RT @JaimesonPaul: Quick update on Rand Paul #GOPDebate http://t.co/SY4AgVqiU0,,2015-08-07 08:47:42 -0700,629680321806643200,Everywhere and in between,Abu Dhabi -4597,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,Religion,0.6404,,MI6CTU,,0,,,What was up with that God question at the end?! God! #GOPDebate,,2015-08-07 08:47:41 -0700,629680318488801280,, -4598,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,,0.2277,,ChiRoyals_Jake,,0,,,What I learned from watching the #GOPDebate: People care more about a candidates religiosity than their ability to govern.,,2015-08-07 08:47:39 -0700,629680311249432576,Chicago, -4599,Marco Rubio,1.0,yes,1.0,Neutral,0.7122,None of the above,1.0,,mlo531,,63,,,RT @cristela9: It's funny that even the Latino Republican Presidential Candidate's last name means blonde. #MarcoRubio #GOPDebate,,2015-08-07 08:47:38 -0700,629680306216419328,,Central Time (US & Canada) -4600,Ted Cruz,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,InaudibleNoise,,7,,,"RT @RealBPhil: .@FoxNews's @ChrisStirewalt: Cruz ""turned in a solid performance"" #CruzCrew #GOPDebate #consensus #theexpertsagree",,2015-08-07 08:47:37 -0700,629680303095828480,,Quito -4601,Jeb Bush,1.0,yes,1.0,Negative,0.675,Women's Issues (not abortion though),0.3375,,kaylanator17,,1,,,RT @melissapaige313: JEB YOUR BROTHER MADE ME DO NO CHILD LEFT BEHIND FOR 12 YEARS #GOPDebate,,2015-08-07 08:47:37 -0700,629680302290567168,nyc,Mountain Time (US & Canada) -4602,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.6136,None of the above,0.3765,,terri_georgia,,4,,,RT @gregpinelo: WE MUST DEFEAT SOCIAL SECURITY! #GOPDebate,,2015-08-07 08:47:36 -0700,629680299274825728,Georgia USA,Eastern Time (US & Canada) -4603,No candidate mentioned,0.4818,yes,0.6941,Negative,0.3647,None of the above,0.4818,,skyallred,,1,,,RT @fw4bernie: During the #GOPDebate last night. #DebateWithBernie #Bernie2016 http://t.co/bvf2NtRAuV,,2015-08-07 08:47:36 -0700,629680297949290496,"Fort Worth, Texas",America/Chicago -4604,No candidate mentioned,0.6556,yes,1.0,Neutral,0.6556,None of the above,1.0,,tramontela,,0,,,More great coverage @WKSU @MLSchultze http://t.co/BryjH5EPif @MonchosBarCLE @montoyaisabelc #GOPDebate #TrumpEffect #ImPower,,2015-08-07 08:47:35 -0700,629680292614262784,"Cleveland Heights, OH", -4605,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mhfa16sc,,3,,,RT @hopewalker: So excited to welcome @GovMikeHuckabee & @janethuckabee to the great Palmetto State after a great #GOPDebate last night! #t…,,2015-08-07 08:47:35 -0700,629680292127596544,South Carolina ,Quito -4606,Donald Trump,0.3964,yes,0.6296,Negative,0.6296,None of the above,0.3964,,Patricknizing,,3,,,"RT @ChapmanGOP: But @realDonaldTrump supporters are saying he was treated ""unfairly?"" Yea... Right. #GOPDebate http://t.co/nJrwoYrrzM",,2015-08-07 08:47:34 -0700,629680290869460992,, -4607,Donald Trump,1.0,yes,1.0,Negative,0.6653,None of the above,1.0,,Mickeeto,,11,,,RT @JayGeraghty: Who's staying up for the trump show? #GOPDebate,,2015-08-07 08:47:33 -0700,629680284586237952,Westeros,Alaska -4608,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6629,,Yefet4USA,,82,,,RT @dick_nixon: Any candidate who promises to cancel the deal is a liar. Doing so would destroy American diplomacy across the board. #GOPDe…,,2015-08-07 08:47:32 -0700,629680280849117184,D.C, -4609,Mike Huckabee,1.0,yes,1.0,Negative,0.6695,None of the above,1.0,,LauriePatriot,,3,,,RT @NASCARNAC: Note that Huckabee was given a chance to hijack Santorum's 2012 talking points last night. John McCain despises Rick Santoru…,,2015-08-07 08:47:32 -0700,629680279666298880,,Pacific Time (US & Canada) -4610,No candidate mentioned,1.0,yes,1.0,Positive,0.6966,None of the above,0.6629,,BriKirk,,1,,,RT @ETori: Finally got to read the #GOPDebate coverage I craved: @rgay on the GOP Debate https://t.co/FLlZraYaLp via @brikirk,,2015-08-07 08:47:32 -0700,629680279129583616,,Central Time (US & Canada) -4611,No candidate mentioned,1.0,yes,1.0,Positive,0.3511,None of the above,1.0,,iyamiyam,,3,,,RT @lovablegold: This got me crying #GOPDebate http://t.co/usfBANcB5f,,2015-08-07 08:47:31 -0700,629680275094532096,Santa Monica,Pacific Time (US & Canada) -4612,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,None of the above,0.6413,,liv4lyfe2,,1,,,"RT @bibliaupair: With all due respect to the pundits, you don't get to tell me who won the debate. That's for me to decide. #GOPDebate",,2015-08-07 08:47:30 -0700,629680272242388992,South Louisiana,Central Time (US & Canada) -4613,No candidate mentioned,0.4154,yes,0.6445,Neutral,0.6445,None of the above,0.4154,,pjamesjp1,,2,,,RT @AndrewHClark: .@LarryOConnor gives the download at IJ on who in DC is saying what about last night's #GOPDebate. http://t.co/xmYpBMBmaz,,2015-08-07 08:47:28 -0700,629680265451970560,"Jacksonville, FL", -4614,Donald Trump,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,Hipployta,,1,,,RT @PruneJuiceMedia: Donald Trump admits on national TV that he bought candidates in the past. Oh joy. #GOPDebate,,2015-08-07 08:47:28 -0700,629680262411124736,Around,Eastern Time (US & Canada) -4615,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,3ty3,,141,,,"RT @DavePBrown: Just saw some of #GOPDebate. So weird seeing people cheer a dude saying ""I won't let raped women have abortions."" Frickin' …",,2015-08-07 08:47:27 -0700,629680259831623680,,Pacific Time (US & Canada) -4616,No candidate mentioned,0.3923,yes,0.6264,Positive,0.3297,None of the above,0.3923,,lifewithterry,,0,,,"A minister, a doctor and 2 business owners walked on a stage last night and made the most sense to me. #GOPDebate http://t.co/Gly4myQxYw",,2015-08-07 08:47:27 -0700,629680258866806784,SoCal, -4617,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jimmy_Besos,,0,,,"I have changed my mind and am going to watch #Fantastic4 this weekend, because nothing could be as bad as that #GOPDebate.",,2015-08-07 08:47:26 -0700,629680255456796672,"Los Angeles, CA",Pacific Time (US & Canada) -4618,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6813,,lungtawellness,,0,,,@tamronhall @newsnation not a single question on environmental protection. The biggest failure of last night's #GOPDebate ignored by media,,2015-08-07 08:47:26 -0700,629680253884043264,Global Free Spirit,Eastern Time (US & Canada) -4619,No candidate mentioned,1.0,yes,1.0,Negative,0.6332,None of the above,1.0,,wolfeb99,,2,,,"RT @kellykade: You mean to tell me I can stream an infinite amount of free porn, but need a cable subscription for the GOP Debate!? #SMDH …",,2015-08-07 08:47:18 -0700,629680222732972032,Ottawa, -4620,Donald Trump,0.3999,yes,0.6323,Negative,0.6323,,0.2325,,LauriePatriot,,1,,,RT @alexandraheuser: BREAKING: Rick SANTORUM WINS #GOP2016 Straw Poll by WIDE margin 34% to TRUMP 17% Sure seems #FoxNews based debate on b…,,2015-08-07 08:47:17 -0700,629680218995724288,,Pacific Time (US & Canada) -4621,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JohnWielgosz,,0,,,OF COURSE the #GOPDebate was sponsored by the most efficient method to share right wing lunatic fringe statements from extended family.,,2015-08-07 08:47:16 -0700,629680212725248000,"PA in body, CA in spirit. ", -4622,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RichSteve,,0,,,My biggest take away from #GOPDebate is that Chris Christie and Scott Walker are even more insufferable than I gave them credit for.,,2015-08-07 08:47:16 -0700,629680212658253824,"Broomall, PA",Eastern Time (US & Canada) -4623,Donald Trump,0.4916,yes,0.7011,Negative,0.7011,None of the above,0.2498,,fowlerradio,,0,,,"How long will it take the stupid party to do what Trump does, call out stupid journalists & statist butt kissers w/plain speech? #GOPDebate",,2015-08-07 08:47:16 -0700,629680212117032960,, -4624,Ted Cruz,0.7016,yes,1.0,Neutral,0.6353,None of the above,1.0,,SMolloyDVM,,22,,,"RT @Babbsgirl2: First Republican Debate: The Candidate Report Card - -#GOPDebate #TedCruz -http://t.co/RBfOmGtyKU via @BreitbartNews http://…",,2015-08-07 08:47:14 -0700,629680204080812032, Landof10kLibs✟Matt24✟Jn14:6✟, -4625,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6774,,bigsexy_tote,,1,,,RT @GovtsTheProblem: How dare the candidates not elaborate on complex policy specifics in a debate which limited responses with an NCAA sho…,,2015-08-07 08:47:13 -0700,629680199324561408,"East side of Vineland, NJ", -4626,,0.2327,yes,0.6316,Positive,0.3158,None of the above,0.3989,,fardinajir,,1,,,"RT @FanofDixie: New Hampshire Poll: Paul leads Hillary by 2%, Trump losing by 10% - http://t.co/vXszukmivB #GOPDebate #Trump #RandPaul #Sta…",,2015-08-07 08:47:12 -0700,629680197684441088,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4627,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,0.6667,,RobertSledz,,79,,,RT @peddoc63: That's right @tedcruz Call Terrorists what they are! Islamic! You can't beat enemy if you don't identify who they are! #GOPDe…,,2015-08-07 08:47:08 -0700,629680181561720832,"Rockford, IL",Central Time (US & Canada) -4628,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RobCarpenter2,,0,,,LIVE on #Periscope: MY #GOPDebate Analysis https://t.co/mTAeuNtiiQ,,2015-08-07 08:47:07 -0700,629680177157640192,"ÜT: 27.865523,-82.508066",Quito -4629,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shelbypetersen,,0,,,Donald Trump is a very scary man #GOPDebate #GOP,,2015-08-07 08:47:07 -0700,629680175953788928,Vancouver,Pacific Time (US & Canada) -4630,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,friarbart,,0,,,Watching last night's #GOPDebate it's clear that #DonaldTrump is the Id of the Republican party.,,2015-08-07 08:47:06 -0700,629680170538897408,"Tucson, Arizona",Eastern Time (US & Canada) -4631,Donald Trump,1.0,yes,1.0,Negative,0.7033,FOX News or Moderators,1.0,,LindaLeeJones11,,0,,,I am stunned at how unprofessional the @FoxNews moderators were. #GOPDebate What bullshit questions for #Trump. #Thirsty @megynkelly,,2015-08-07 08:47:06 -0700,629680170329358336,,Eastern Time (US & Canada) -4632,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,disciple96,,5,,,"RT @sistertoldjah: Not sure how long this will be up, but here is full video of last night's primetime #GOPDebate: https://t.co/9hM7sP8DcY …",,2015-08-07 08:47:05 -0700,629680166281838592,Catholic Heart & Mind in AL,Central Time (US & Canada) -4633,No candidate mentioned,1.0,yes,1.0,Negative,0.6914,Racial issues,0.6914,,CoffeeNBrotein,,7,,,RT @afroCHuBBZ: This is what happens when you call out #WhiteSupremacy on @instagram #blacklivesmatter #KKKorGOP #GOPDebate http://t.co/bvk…,,2015-08-07 08:47:03 -0700,629680159826776064,,Central Time (US & Canada) -4634,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobertTheGenius,,0,,,@megynkelly i thought you were the worst of the 3 moderates last night. not trolling just saying. @foxnews #GOPDebate,,2015-08-07 08:47:03 -0700,629680159164076032,JER215SEY,Eastern Time (US & Canada) -4635,No candidate mentioned,0.4253,yes,0.6522,Negative,0.6522,None of the above,0.4253,,debs121973,,1,,,RT @aaronjacksond: I am legitimately scared that any of those GOP candidates think they can be president. I fear for my country. #GOPDebate,,2015-08-07 08:47:01 -0700,629680149072642048,, -4636,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,Religion,1.0,,soulsurferSTC,,69,,,"RT @Ian56789: Christian churches in Israel should be burned, Jewish Settler leader says http://t.co/0pvZeotKV7 #GOPDebate #Israel http://t.…",,2015-08-07 08:47:00 -0700,629680147118034944,right here,Central Time (US & Canada) -4637,No candidate mentioned,0.4636,yes,0.6809,Neutral,0.6809,None of the above,0.4636,,ETori,,1,,,Finally got to read the #GOPDebate coverage I craved: @rgay on the GOP Debate https://t.co/FLlZraYaLp via @brikirk,,2015-08-07 08:46:59 -0700,629680142143590400,Amsterdam,Amsterdam -4638,No candidate mentioned,0.4025,yes,0.6344,Neutral,0.3441,None of the above,0.4025,,brianinoty,,0,,,"LET'S NOT FORGET no one has ever been shot for ""not being politically correct"" no one has had their liberties violated over it. #GOPDebate",,2015-08-07 08:46:58 -0700,629680139324919808,, -4639,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,CaftanWoman,,46,,,"RT @NancyLeeGrahn: BREAKING. Jesus has finally resurrected due to #gopdebate His 1st words were ""Oy Vey"" and wants to apologize to all sane…",,2015-08-07 08:46:58 -0700,629680138788171776,Toronto,Quito -4640,Donald Trump,0.6698,yes,1.0,Negative,0.6718,None of the above,0.6718,,POCuts,,0,,,Anger Bear stayed up too late and was throwing things around in his bedroom. No video games for him today. #GOPdebate http://t.co/qRAZyJWzEZ,,2015-08-07 08:46:58 -0700,629680137848524800," Los Angeles, arguably",Pacific Time (US & Canada) -4641,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6629,,Conservatively9,,102,,,RT @AmyMek: Now @foxnews has @DWStweets on bashing our Candidates! This Devil says it's Okay to Kill a 7 lb. Baby Just Seconds before birth…,,2015-08-07 08:46:55 -0700,629680126616190976,Missouri,Eastern Time (US & Canada) -4642,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,None of the above,0.6742,,xdulkar,,0,,,"@carlquintanilla @wesjonesDC -But @FrankLuntz saying..I'm getting a lot of @MegynKelly hatemail tonight. - -#GOPDebate",,2015-08-07 08:46:54 -0700,629680123176861696,Sydney-Downunder,Brisbane -4643,Donald Trump,1.0,yes,1.0,Negative,1.0,Gun Control,0.3622,,tajornot,,0,,,"How would you fix the police problem? -Donald Trump: What police problem? #GOPDebate",,2015-08-07 08:46:54 -0700,629680120450650112,, -4644,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,BrittanyCBP,,0,,,"#FoxNews gives #Trump, er Fox, most speaking time during first debate http://t.co/UzBf58Fg2f via @American_Mirror & @kyleolson4 #GOPDebate",,2015-08-07 08:46:53 -0700,629680116516327424,"Chicago, IL", -4645,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6667,,BrunettePatriot,,1,,,Do we really want someone like this in office? #GOPDebate #BC2DC16 #Trump http://t.co/Jb53bAGNhn,,2015-08-07 08:46:51 -0700,629680110459822080,A Bald Eagle's Lair, -4646,Donald Trump,1.0,yes,1.0,Positive,0.3374,None of the above,1.0,,julesmiller1991,,0,,,"@realDonaldTrump on point with response to @megynkelly ""When did you become a Republican? "" #GOPDebate",,2015-08-07 08:46:50 -0700,629680102775877632,,Central Time (US & Canada) -4647,Ted Cruz,0.6932,yes,1.0,Negative,0.6364,Foreign Policy,0.6932,,k_bergens,,163,,,RT @siobhan_ogrady: The most important thing you'll see tonight. #GOPDebate http://t.co/40GJtBJOB5,,2015-08-07 08:46:49 -0700,629680102289313792,fairly local,Eastern Time (US & Canada) -4648,No candidate mentioned,1.0,yes,1.0,Negative,0.6789,None of the above,1.0,,MelissaonK97,,5,,,"RT @KikkiPlanet: Just spent 15 minutes reading the #gopdebate feed. Laughed so hard I popped a blood vessel. 'Murica, you funny as hell.",,2015-08-07 08:46:47 -0700,629680094156472320,Edmonton Alberta Canada,Mountain Time (US & Canada) -4649,No candidate mentioned,0.4693,yes,0.6851,Neutral,0.6851,None of the above,0.4693,,Michael_Mille10,,7,,,RT @defendressofsan: Amanda Mary Jewell & Her Husband Tell All GcMaf MMS & Dead Doctors https://t.co/qRQCYM2K3d #GOPDebate #GBBO #Compton …,,2015-08-07 08:46:46 -0700,629680088158613504,, -4650,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,itsversaceidk_,,67,,,RT @csydelko: The #GOPDebate is basically just a televised circle jerk,,2015-08-07 08:46:46 -0700,629680086094974976,,Central Time (US & Canada) -4651,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,TheGOPAreFrauds,,0,,,"Avg 72% #GOP =""Going Opposite of Progress. THERE IT IS , FINALLY THE RIGH NAME #GOPDebate #GOPClownCar #FOXDEBATE https://t.co/vWbiFkzefo",,2015-08-07 08:46:43 -0700,629680076854988800,USA,Central Time (US & Canada) -4652,Donald Trump,1.0,yes,1.0,Neutral,0.6526,None of the above,1.0,,RudyTakala,,0,,,Drudge poll now shows 45% say @realDonaldTrump won debate. @Tedcruz comes in second with 14%. #GOPDebate http://t.co/JKSCHFji9E,,2015-08-07 08:46:43 -0700,629680074900508672,"Minnesota ✈️ Washington, DC",Atlantic Time (Canada) -4653,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,Facto_Ipso,,0,,,Woke up thinking I had a hilarious dream but then I realized it was just the #GOPDebate I watched last night.😂,,2015-08-07 08:46:43 -0700,629680074283962368,Yale '19,Quito -4654,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,mlo531,,30,,,"RT @cristela9: By the way, I will be making fun of the democrat debates too...debates are easy to mock when ANYONE says anything dumb. #GOP…",,2015-08-07 08:46:42 -0700,629680070743990272,,Central Time (US & Canada) -4655,Jeb Bush,0.4327,yes,0.6578,Neutral,0.3629,Abortion,0.4327,,courtneysiempre,,169,,,"RT @TheDailyEdge: Jeb Bush: ""I support a culture of life. I also passed the first Stand Your Ground law for those who prefer a culture of d…",,2015-08-07 08:46:40 -0700,629680060656709632,,Atlantic Time (Canada) -4656,Ted Cruz,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,Gittelrock,,0,,,"The only good news out of #GOPDebacle/#GOPDebate is, hopefully it's the beginning of the end of @tedcruz and ""Dr"" @RandPaul.",,2015-08-07 08:46:39 -0700,629680057871527936,Under the rainbow,Pacific Time (US & Canada) -4657,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,0.7,,HeidiNPlainSite,,0,,,"@realDonaldTrump ""took advantage of chapter laws"" the same way welfare fraud is committed. It's all just gaming the system. #GOPDebate #2016",,2015-08-07 08:46:38 -0700,629680055031980032,"San Francisco, CA",Pacific Time (US & Canada) -4658,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,margrfed,,0,,,"Very disappointed at some of the hostile questions by Fox News, (or was it MSNBC?) at #GOPDebate, especially those directed at Trump!",,2015-08-07 08:46:38 -0700,629680053064966144,,Eastern Time (US & Canada) -4659,Chris Christie,1.0,yes,1.0,Neutral,0.6304,None of the above,1.0,,MolonLabe1776us,,2,,,"Anyone voting for Chris Christie? -#GOPDebate #TCOT http://t.co/2vXU3v9G4V",,2015-08-07 08:46:37 -0700,629680049914953728,"Anaheim, CA",Central Time (US & Canada) -4660,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MCasiyo,,0,,,Add me on snapchat for my morning analysis of the #GOPDebate and Republican candidates. @mcasiyo 🙏🗽🙏,,2015-08-07 08:46:36 -0700,629680047369154560,nyc-li-hob,Central Time (US & Canada) -4661,Rand Paul,0.6624,yes,1.0,Negative,0.6624,None of the above,1.0,,kendcollective,,0,,,Politics with Bea. #GOPDebate http://t.co/0Lkex8jjv1,,2015-08-07 08:46:36 -0700,629680044454113280,#TransformHaiti , -4662,No candidate mentioned,0.4664,yes,0.6829,Positive,0.37799999999999995,None of the above,0.4664,,TFlies,,597,,,RT @NotBillWalton: That was the greatest SNL sketch of all-time. #GOPDebate,,2015-08-07 08:46:34 -0700,629680039173443584,PA,Eastern Time (US & Canada) -4663,Donald Trump,1.0,yes,1.0,Neutral,0.3409,FOX News or Moderators,1.0,,LizAnneKelley,,0,,,"@realDonaldTrump won debate despite hatchet job @megynkelly MK's unprofessional questions brought #GOPDebate quality down n 2 dirt,literally",,2015-08-07 08:46:34 -0700,629680038800195584,Seeking My Place in the World ,Eastern Time (US & Canada) -4664,No candidate mentioned,0.3839,yes,0.6196,Negative,0.6196,None of the above,0.3839,,michaelclaridge,,33,,,"RT @erinscafe: As far as I can tell, there is no GOP. Just a bunch of unhappy people who can't even agree what to be the most unhappy about…",,2015-08-07 08:46:32 -0700,629680029648191488,,London -4665,No candidate mentioned,1.0,yes,1.0,Positive,0.6477,None of the above,0.6477,,HeatherLLong,,5,,,RT @joyreaper: @CarlyFiorina speaking of unlocking the potential in people! Sounds like Reagan and sounds like a great leader! #GOPDebate,,2015-08-07 08:46:31 -0700,629680026938658816,Florida,Quito -4666,Donald Trump,1.0,yes,1.0,Negative,0.3855,None of the above,1.0,,Gonkalicious,,0,,,Watching the republican party implode from within is magical. #GOPDebate #donalddump,,2015-08-07 08:46:31 -0700,629680026687041536,, -4667,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,Petworthnewvie,,14,,,"RT @carlquintanilla: Twitter mentions last night, in #GOPDebate - -(h/t @ShannanSiemens) http://t.co/GKkVkkKkPA",,2015-08-07 08:46:31 -0700,629680026410217472,"Petworth, DC", -4668,Donald Trump,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,DwaynePlanB,,0,,,MAN THIS CAUGHT ME OFF GUARD 😂😂😂😂😂😂😂 #gopdebate #Thedonald #Donaldtrump https://t.co/6VF7CjqbOD,,2015-08-07 08:46:28 -0700,629680013634338816,"Baltimore, MD",Eastern Time (US & Canada) -4669,Donald Trump,0.4284,yes,0.6545,Negative,0.6545,None of the above,0.4284,,CandyBuckingham,,23,,,RT @TheSoup: Is it over? How'd Trump's hair do? #GOPDebate,,2015-08-07 08:46:27 -0700,629680010052304896,"madison, wi",Central Time (US & Canada) -4670,No candidate mentioned,1.0,yes,1.0,Neutral,0.6702,None of the above,1.0,,Wipa_Blade,,7,,,"RT @SplitSingleband: How much does it say about Martin Short's talent that no one recognized him while in character? -#GOPDebate http://t.co…",,2015-08-07 08:46:27 -0700,629680006608855040,"Atlanta, Georgia",Quito -4671,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,amyonaboat,,0,,,Planned Parenthood isn't just about abortions so keep your political bullshit away from my health and vagina #sorrynotsorry #GOPDebate,,2015-08-07 08:46:26 -0700,629680005803458560,In the desert ,Pacific Time (US & Canada) -4672,Marco Rubio,1.0,yes,1.0,Negative,0.6428,None of the above,1.0,,Dark_Red_Hair2,,2,,,RT @Rojowo: You're not going to know who won #GOPDebate until you see who @TheDemocrats attack as 'unqualified' and 'frightening' #Rubio #F…,,2015-08-07 08:46:26 -0700,629680004209733632,,Hawaii -4673,Donald Trump,0.4211,yes,0.6489,Negative,0.6489,,0.2278,,GetUpStandUp2,,1,,,5 Frighteningly Sexist Donald Trump Quotes http://t.co/cwyUuL8JKn via @bustle #TheDonald #TrumpMisogonist #GOPdebate #Women #Misogyny,,2015-08-07 08:46:26 -0700,629680003316252672,Washington State,Pacific Time (US & Canada) -4674,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6782,,oxdspalla,,0,,,It's 2015 & we're asking candidates what specifically a supernatural being told them to do. I don't want a Pres who hears voices. #GOPDebate,,2015-08-07 08:46:26 -0700,629680002422800384,, -4675,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,gabebergado,,270,,,"RT @Refinery29: .@megynkelly is like, ""10 candidates stand before me..."" #GOPDebate http://t.co/TsGXHIlPy2",,2015-08-07 08:46:23 -0700,629679993224888320,New York,Pacific Time (US & Canada) -4676,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6556,,GTFCU_Rachel,,1,,,"RT @sarahcpr: In an epic twist of irony, Trump seems to have turned Fox viewers against themselves #GOPDebate",,2015-08-07 08:46:23 -0700,629679989726666752,"Austin, TX", -4677,No candidate mentioned,1.0,yes,1.0,Neutral,0.6645,None of the above,1.0,,JuneauPatrice,,0,,,#GOPDebate fact check http://t.co/dfx1DMtM8R Here’s how the candidates’ claims measured up to reality http://t.co/J8WBoetvZO,,2015-08-07 08:46:22 -0700,629679988757950464,Montreal,Pacific Time (US & Canada) -4678,Scott Walker,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,reaganisahero,,0,,,RT → theblaze: Pundits incensed over megynkelly's abortion question for ScottWalker during #GOPDebate: http://t.co/FNM90HGS3F,,2015-08-07 08:46:22 -0700,629679986870493184,"Minneapolis, Minnesota ",Eastern Time (US & Canada) -4679,No candidate mentioned,1.0,yes,1.0,Positive,0.6881,FOX News or Moderators,1.0,,ThePomPrince,,0,,,"I don't particularly agree with @megynkelly most of the time (or any of Fox News for that matter), but she was on point at the #GOPDebate",,2015-08-07 08:46:22 -0700,629679986774044672,Below the Mason-Dixon line,Eastern Time (US & Canada) -4680,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,GKMTNtwits,,0,,,"NEW STATEMENT on #GOPDEBATE: It's not a debate, it's an embarrassment: @CorrectRecord http://t.co/JwZqoAf75E … #TruthMatters @upwithsteve",,2015-08-07 08:46:21 -0700,629679983854813184,Boston ,Eastern Time (US & Canada) -4681,Donald Trump,0.6535,yes,1.0,Negative,0.6535,None of the above,0.6733,,scotteifucker,,21,,,RT @MikeSington: #GOPDebate summed up in one pic. http://t.co/D3mEZO1bTJ,,2015-08-07 08:46:20 -0700,629679978414608384,"Canada, probably", -4682,Donald Trump,0.4298,yes,0.6556,Negative,0.6556,,0.2258,,acriticalmass,,58,,,RT @BoldProgressive: .@realDonaldTrump says he gives his money so people will do what he wants. This is why we need to overturn #CitizensUn…,,2015-08-07 08:46:19 -0700,629679974014959616,,Tehran -4683,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,LauriePatriot,,14,,,RT @GeneMcVay: #GOPDebate Fox has been unprofessional so far!,,2015-08-07 08:46:18 -0700,629679972089659392,,Pacific Time (US & Canada) -4684,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,None of the above,0.6809,,HOPress,,2,,,RT @BillyDees: @BillyDees: I posted this in 2012 about why the #GOP lost & it's still true #humoroutcasts #DNC #GOPDebate @dtcav http://t.c…,,2015-08-07 08:46:18 -0700,629679969698992128,, -4685,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mhfa16sc,,2,,,RT @MegKinnardAP: .@GovMikeHuckabee making post-#GOPDebate trip to South Carolina (from @AP) #2016 http://t.co/qXjv2SBRmz,,2015-08-07 08:46:16 -0700,629679962199490560,South Carolina ,Quito -4686,No candidate mentioned,0.2303,yes,0.6715,Positive,0.6715,None of the above,0.4509,,JennBarlow,,0,,,"In honor of last nights GOP debate... A flashback to me and H.W. hangin' out! 😋 - -#gopdebate #jebbush… https://t.co/K1oPXc8aqC",,2015-08-07 08:46:14 -0700,629679955132215296,"San Diego, Ca",Pacific Time (US & Canada) -4687,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,None of the above,0.643,,bigbadbob77,,0,,,I never thought to follow @BetteMidler but after her comment about #LennyKravitz and the #GOPDebate I couldn't resist. #penisgate #dicks,,2015-08-07 08:46:11 -0700,629679939625873408,"Penetanguishene, Ontario",Eastern Time (US & Canada) -4688,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,GArmbristerJr,,0,,,@TheView why aren't you discussing last night's #GOPDebate,"[26.26744224, -80.20737825]",2015-08-07 08:46:08 -0700,629679926925520896,, -4689,Scott Walker,0.6484,yes,1.0,Positive,0.6703,Jobs and Economy,1.0,,Fathersdaugther,,4,,,"RT @abb_robertsCBN: “I think most ppl in america understand that people, not the government creates job” @ScottWalker #GOPdebate",,2015-08-07 08:46:06 -0700,629679921137201152,www.hisconduit.blogspot.com, -4690,Rand Paul,1.0,yes,1.0,Negative,0.6969,None of the above,1.0,,thehumangraham,,115,,,"RT @RandPaul: Why Is Rand Paul “The DNC’s Top Target”? #GOPDebate #StandWithRand - -Read more here: https://t.co/M31l4vEQDf",,2015-08-07 08:46:06 -0700,629679920709529600,,Eastern Time (US & Canada) -4691,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6408,,k1nkel,,52,,,"RT @jeffchu: ""The military is not a social experiment,"" says Huckabee. The point is ""to kill people and break things."" Lord, have mercy. #G…",,2015-08-07 08:46:05 -0700,629679916347490304,columbus,Eastern Time (US & Canada) -4692,No candidate mentioned,0.4728,yes,0.6876,Negative,0.6876,None of the above,0.4728,,LauriePatriot,,1,,,"RT @alexandraheuser: America HORRIFIED @ #PPSellsBabyParts SANTORUM taps in to our RAGE! Tried 2 marginalize #Rick2016 w/""social ques"" Saw …",,2015-08-07 08:46:05 -0700,629679916011819008,,Pacific Time (US & Canada) -4693,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nooraa,,28,,,"RT @DavidRomeiPHD: #GOPDebate was like #JackNicholson driving his fellow patients around in ""One Flew Over the Cuckoos Nest."" http://t.co/Z…",,2015-08-07 08:46:04 -0700,629679910857125888,, -4694,Donald Trump,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,schotts,,1,,,"Its hard not to wonder if @realDonaldTrump is #GOP spoiler -#GOPDebate #copolitics https://t.co/LGTCNx0dra",,2015-08-07 08:46:04 -0700,629679910018154496,Colorado,Mountain Time (US & Canada) -4695,,0.2257,yes,0.6559,Negative,0.6559,,0.2257,,AriOchoa011,,14,,,"RT @GustavoArellano: Between Rubio shouting out Chapo and Cruz calling Washington a ""cartel,"" maybe they're wanting to be the new Zetas? #G…",,2015-08-07 08:46:02 -0700,629679904091541504,, -4696,Donald Trump,0.6684,yes,1.0,Negative,0.6684,None of the above,1.0,,ChuckCaruso,,0,,,Hating things with impunity is the new combover. #selfquoting #DumpTrump #leaverosieouttathis #GOPDebate,,2015-08-07 08:46:02 -0700,629679903831670784,NJ ,Eastern Time (US & Canada) -4697,,0.233,yes,0.6304,Negative,0.337,,0.233,,Kondiotis,,5,,,"RT @BenSwann_: @ScottWalker ""Russia and China probably know more about @HillaryClinton email than the U.S. Congress"" #GOPDebate",,2015-08-07 08:46:02 -0700,629679903735173120,New York Metro Area ,Atlantic Time (Canada) -4698,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,gogolidz,,79,,,"RT @ericschroeck: My father was a puddle of water. My mother was an apple. I was raised by goats. When I'm president, the goat people shall…",,2015-08-07 08:46:02 -0700,629679902317350912,"Seattle, WA",Quito -4699,No candidate mentioned,1.0,yes,1.0,Neutral,0.6563,None of the above,1.0,,ladyiggy,,0,,,Who did this?! 😂😂😂😂😂 #GOPDebate http://t.co/GfLYUdoQZX,,2015-08-07 08:46:01 -0700,629679900585295872,"ÜT: -33.979841,25.644432",Athens -4700,No candidate mentioned,0.4542,yes,0.6739,Negative,0.6739,FOX News or Moderators,0.4542,,KellyAuCoin77,,311,,,"RT @BenMank77: Well done, Fox...great questions on climate change, the Koch brothers, campaign finance reform & oh, yeah...none of those th…",,2015-08-07 08:46:01 -0700,629679899108868096,Oregon boy living in Brooklyn,Eastern Time (US & Canada) -4701,No candidate mentioned,1.0,yes,1.0,Neutral,0.6596,None of the above,1.0,,MikeVee5,,0,,,"#HillaryClinton takes selfie with #KimKardashian, #KanyeWest during #GOPDebate http://t.co/6JyS4iVVkE … http://t.co/e8jH6TilTs",,2015-08-07 08:46:00 -0700,629679896906874880,, -4702,No candidate mentioned,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,missnisha6849,,15,,,RT @robyn_ravenclaw: Omg this is the best thing I've ever seen in my life 😂😂😂😂 #GOPDebate https://t.co/sVFJCLmzlA,,2015-08-07 08:46:00 -0700,629679894188814336,,Pacific Time (US & Canada) -4703,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,dansoule2,,0,,,"@foxnews at best put theater over substance in #GOPDebate At worst they acted like kingmakers. Too little substance to much ""defend this""",,2015-08-07 08:45:59 -0700,629679892376858624,"Arizona, USA", -4704,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,arthurchufilm,,2,,,RT @ksmash: Do I choose @Jeopardy or #GOPdebate? Why even ask....Jeopardy all the way.,,2015-08-07 08:45:57 -0700,629679884097290240,Los Angeles, -4705,No candidate mentioned,0.6667,yes,1.0,Negative,0.6563,None of the above,0.6771,,johnb631,,0,,,@ltmd11 @Grungelady need to fix #GOPDebate system..all 10 candidates combined spoke for bit over 59 minutes!! So other half time was what?!?,,2015-08-07 08:45:57 -0700,629679883044696064,#PoliceLivesMatter,Eastern Time (US & Canada) -4706,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DanDePetris,,0,,,My piece on the #GOPDebate for @qz. John Kasich is the winner in Round 1 - performed opposite his poll rankings http://t.co/TQKAlaFL8j,,2015-08-07 08:45:57 -0700,629679881056591872,"New York, NY", -4707,Marco Rubio,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,PoliticalAnt,,2,,,#MarcoRubio lied when he said he had never advocated for exceptions to abortion bans. #GOPdebate,,2015-08-07 08:45:56 -0700,629679878938492928,,Central Time (US & Canada) -4708,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lauronne,,1,,,"RT @kaylirw: ""I would, like, definitely do stuff different, like whatever is happening I make it be not happening""--Trump #GOPDebate",,2015-08-07 08:45:54 -0700,629679871434715136,, -4709,Donald Trump,0.4108,yes,0.6409999999999999,Negative,0.6409999999999999,None of the above,0.4108,,MillsDarryl,,2,,,"RT @PetraAu: I frankly don't have time for total political correctness"" Watch some of @realDonaldTrumps zingers #GOPdebate -https://t.co/Ey…",,2015-08-07 08:45:54 -0700,629679869551468544,"Carlsbad, CA", -4710,No candidate mentioned,1.0,yes,1.0,Neutral,0.6882,Women's Issues (not abortion though),0.6882,,JohnFict,,0,,,and @DWStweets was complaining about #Misogyny at the #GOPDebate last night @scrowder @CarterFliptMe @CarlyFiorina #tcot #Untieblue,,2015-08-07 08:45:54 -0700,629679869157371904,The greatest country ever, -4711,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FreedomJames7,,0,,,"I'm Not 1 Of Those Conservatives Who Supports RINOS Like Bush, Huckabee, Rubio & Santorum 😑 -#GOPDebate",,2015-08-07 08:45:54 -0700,629679868477853696,, -4712,Ben Carson,0.6552,yes,1.0,Positive,1.0,None of the above,1.0,,dpartschNC,,1,,,"RT @TRButcher: Looks like @RealBenCarson & @marcorubio were the big winners of the #GOPDebate, and I agree! http://t.co/g8FYUmFxUn",,2015-08-07 08:45:51 -0700,629679858927448064,Nebraska City,Central Time (US & Canada) -4713,Marco Rubio,1.0,yes,1.0,Neutral,1.0,Jobs and Economy,1.0,,freedomnow72,,129,,,RT @megynkelly: .@marcorubio: We need to even out the tax code for small businesses so that we lower their tax rate to 25% #GOPDebate,,2015-08-07 08:45:51 -0700,629679857245421568,, -4714,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6774,,LauriePatriot,,84,,,"RT @scrowder: Again, Trump with no substantiated answer. Just ""people do things because I give them money and stuff"" #GOPDebate",,2015-08-07 08:45:49 -0700,629679847233581056,,Pacific Time (US & Canada) -4715,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,None of the above,1.0,,Thor_2000,,0,,,Who watched the #GOPDebate last night? I heard it was the funniest thing since #LaurelAndHardy and the #ThreeStooges -,,2015-08-07 08:45:47 -0700,629679842108272640,"Nashville, Tennessee",Central Time (US & Canada) -4716,No candidate mentioned,0.4584,yes,0.6771,Negative,0.6771,None of the above,0.4584,,KevinDarryl,,1,,,RT @LillyRockwell: My dog barks every time there is a doorbell sound on TV. So last night there was a LOT of barking. #GOPDebate #useabuzze…,,2015-08-07 08:45:46 -0700,629679837741879296,USA, -4717,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MarkMMcClain,,0,,,The Left always tells us of whom they are most afraid. #GOPDebate https://t.co/ib6o7f755V,,2015-08-07 08:45:46 -0700,629679837007974400,USA,Central Time (US & Canada) -4718,No candidate mentioned,1.0,yes,1.0,Negative,0.6618,None of the above,1.0,,dakrolak,,0,,,AMERICA BETTAH HAVE MY MONEY!!! #BBHMM #GOPDebate https://t.co/dxrmDWQvBe,,2015-08-07 08:45:45 -0700,629679833988091904,"New York, NY",Eastern Time (US & Canada) -4719,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RealTammy365,,0,,,"@realDonaldTrump You need to shut up, sit down, and close your Twitter account. The more you speak, the worse it gets. #bimbo #GOPDebate",,2015-08-07 08:45:45 -0700,629679831391670272,, -4720,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.3579,None of the above,0.4123,,coffee_bandit,,143,,,"RT @catie__warren: ""Pack your swimsuit, Billy. Mama is taking you to the White House."" #GOPDebate http://t.co/6t2PWpyiX1",,2015-08-07 08:45:45 -0700,629679830892609536,,Central Time (US & Canada) -4721,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6628,,israel_br,,106,,,RT @WalshFreedom: Guys making out and Joe Flacco #GOPDebate http://t.co/efeaXExh0v,,2015-08-07 08:45:44 -0700,629679829508562944,Brasilia - Brasil,Brasilia -4722,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mikaylin,,0,,,"LOL @realDonaldTrump for calling @megynkelly ""unprofessional"" ...which is he today...the pot or the kettle? #Bernie2016 #GOPDebate",,2015-08-07 08:45:43 -0700,629679825712582656,"Boston, MA",Eastern Time (US & Canada) -4723,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,ThirtyBirdy,,4,,,"RT @TheFreshBrew: Well, that was embarrassing. #GOPDebate",,2015-08-07 08:45:43 -0700,629679825339285504,,Eastern Time (US & Canada) -4724,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LTD_2015,,0,,,"Does it seem that even the candidates that are praised for ""sticking to the question"" still kind of run around it? #GOPDebate #politics",,2015-08-07 08:45:41 -0700,629679814664916992,"Annapolis, Maryland",Eastern Time (US & Canada) -4725,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,libertyspot,,0,,,#RT if you think the outcome of the #GOPdebate was set long before last night...😁,,2015-08-07 08:45:39 -0700,629679807060553728,Alabama,Eastern Time (US & Canada) -4726,Donald Trump,1.0,yes,1.0,Negative,0.6636,None of the above,0.6591,,debs121973,,1,,,RT @huckpoe: Donald Trump responded to Megyn Kelly's accusations of misogyny by calling her a bimbo. #GOPDebate,,2015-08-07 08:45:39 -0700,629679806775468032,, -4727,No candidate mentioned,0.6413,yes,1.0,Negative,0.3587,None of the above,1.0,,m3mo,,0,,,True https://t.co/lciPAyBJZ9 #GOPDebate http://t.co/lbvG7Br91K,,2015-08-07 08:45:39 -0700,629679805764472832,"Boise, ID", -4728,Donald Trump,0.4495,yes,0.6705,Neutral,0.375,None of the above,0.4495,,bluenewstalk,,1,,,RT @FreedomTexasMom: I'd say #Trump #Cruz #Carson. #GOPDebate https://t.co/johkjZLjQR,,2015-08-07 08:45:38 -0700,629679804225228800,"Colorado Springs, Colorado USA",Pacific Time (US & Canada) -4729,No candidate mentioned,0.3895,yes,0.6241,Neutral,0.6241,,0.2346,,RyanMauro,,0,,,My comprehensive National Security Highlights from #GOPDebate: http://t.co/s8oXPaANIU,,2015-08-07 08:45:38 -0700,629679803591995392,NJ,Eastern Time (US & Canada) -4730,Chris Christie,0.3872,yes,0.6222,Negative,0.6222,None of the above,0.3872,,SywakSays,,0,,,"According to @ChrisChristie, the Bill of Rights is just ""hot air."" https://t.co/8wpP6E80Jn #GOPDebate",,2015-08-07 08:45:38 -0700,629679802182729728,D.C.,Pacific Time (US & Canada) -4731,Donald Trump,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,devanekmark,,43,,,"RT @Braun23Austin: Trying to figure out Donald Trump's logic like: - -#GOPDebate http://t.co/NWAOtwVeJg",,2015-08-07 08:45:38 -0700,629679801226391552,, -4732,No candidate mentioned,0.4293,yes,0.6552,Neutral,0.3448,FOX News or Moderators,0.2259,,myrlciakvvx,,0,,,RT kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Dona… http://t.co/jAqjwnndgB http://t.co/XIn4GGUvVe,,2015-08-07 08:45:37 -0700,629679799980720128,, -4733,Rand Paul,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6629999999999999,,viewpointCP,,52,,,"RT @JackeeHarry: .@RandPaul is talking about Hyundais, @GovMikeHuckabee about Buicks. I'll vote for whoever mentions a Four Door Aventador.…",,2015-08-07 08:45:36 -0700,629679793923973120,"Orlando, FL", -4734,No candidate mentioned,1.0,yes,1.0,Neutral,0.6599,None of the above,1.0,,ZGroth,,1,,,RT @ashleyraecx: BRING OUT THE DANCING DEMOCRATS #GOPDebate,,2015-08-07 08:45:34 -0700,629679784667295744,New York City,Central Time (US & Canada) -4735,Donald Trump,0.4171,yes,0.6458,Negative,0.6458,FOX News or Moderators,0.4171,,alilpolitical,,0,,,"If @realDonaldTrump can't take a few hard questions, he should get out. Soft questions only go to liberals. #GOPDebate",,2015-08-07 08:45:33 -0700,629679782704197632,, -4736,Scott Walker,0.6374,yes,1.0,Negative,0.6813,None of the above,0.6813,,bwilliam46,,0,,,".@ScottWalker was right in #GOPDebate last night. With feckless incompetent @USOPM, China knows @hillaryclinton's emails better than we do",,2015-08-07 08:45:33 -0700,629679782192484352,Midwest USA,Central Time (US & Canada) -4737,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,cynicalactivist,,0,,,"So glad they covered #BlackLivesMatter & #ClimateChange last night at #GOPDebate. Oh wait, they didn't? What a surprise.",,2015-08-07 08:45:33 -0700,629679780086964224,,Mountain Time (US & Canada) -4738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rtaylordodd,,93,,,RT @mattkirshen: They're like a Ronald Reagan cargo cult. #GOPDebate,,2015-08-07 08:45:32 -0700,629679776953933824,,Eastern Time (US & Canada) -4739,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,0.6966,,meconlon005,,0,,,"I'd agree with this | Here's Who Gained, Faltered, and Remained Unaffected | The Weekly Standard http://t.co/VWeOprUVGM #GOPDebate",,2015-08-07 08:45:32 -0700,629679776882528256,the cereal aisle,Eastern Time (US & Canada) -4740,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6923,,MindDrive45,,0,,,"""When did you actually become a Republican?"" #MegynKelly #GOPDebate #DonaldTrump",,2015-08-07 08:45:31 -0700,629679772482801664,, -4741,Donald Trump,0.4398,yes,0.6632,Negative,0.6632,None of the above,0.4398,,JasonGarcia911,,0,,,"Forget the #GOPDebate, we need a show called 'Toupee Wars' between @realDonaldTrump and @FrankLuntz. http://t.co/Z8g1MTeElg",,2015-08-07 08:45:30 -0700,629679769697677312,"Grand Blanc, MI",Eastern Time (US & Canada) -4742,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,MaalikSimmons,,57,,,RT @brianstelter: I just saw the early overnight ratings for the #GOPDebate. Stand by... http://t.co/eGu2ziUEqH,,2015-08-07 08:45:27 -0700,629679756989046784,"Woodstock, GA/Washington, D.C",Atlantic Time (Canada) -4743,No candidate mentioned,0.4329,yes,0.6579999999999999,Negative,0.6579999999999999,None of the above,0.225,,pedrolikesparty,,1,,,RT @theReal_Rebel: That was a great Comedy Show last night! #GOPDebate,,2015-08-07 08:45:27 -0700,629679756905025536,, -4744,No candidate mentioned,0.4852,yes,0.6966,Negative,0.6966,None of the above,0.4852,,Bob_Annon,,458,,,RT @TheDemocrats: #GOPDebate is looking a lot like this: http://t.co/LNlGuay4OP,,2015-08-07 08:45:27 -0700,629679756632395776,,Atlantic Time (Canada) -4745,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6444,,DWHignite,,0,,,If #bigotry #racism #Pinknazism did not exist the #democrats and #ww2 would not be in existence #GOPDebate #tcot https://t.co/7QrzAZpoNz,,2015-08-07 08:45:26 -0700,629679750429167616,, -4746,Donald Trump,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,wokkitout,,0,,,"""Where's your evidence Mr. Trump?"" - @FoxNewsSunday - -""Hey, look at this shiny thing"" - @realDonaldTrump - -#GOPDebate",,2015-08-07 08:45:24 -0700,629679745546891264,"Denver, CO",Mountain Time (US & Canada) -4747,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,a_politikill,,0,,,Wouldn't have expected @realDonaldTrump to be such a baby about the #GOPDebate last night. Jesus cry more about it you fucking pussy.,,2015-08-07 08:45:24 -0700,629679742053015552,land of the free?,Central Time (US & Canada) -4748,No candidate mentioned,1.0,yes,1.0,Positive,0.6774,FOX News or Moderators,1.0,,debs121973,,1,,,RT @JohnFict: Should @megynkelly have acted like @CandyCrowley last night and coddled them? HELL NO! #tcot #GOPDebate get the dirty laundry…,,2015-08-07 08:45:20 -0700,629679729210167296,, -4749,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ShadanLarki,,0,,,"Great #GOPDebate debate, but not one word about the environment. Very disappointing.",,2015-08-07 08:45:20 -0700,629679725422575616,Houston & Austin,Central Time (US & Canada) -4750,No candidate mentioned,0.4373,yes,0.6613,Negative,0.6613,None of the above,0.4373,,MaryDram,,0,,,Questions on climate change and voting rights didn't make a showing at the #GOPDebate,,2015-08-07 08:45:19 -0700,629679723359129600,Belfast ,Central Time (US & Canada) -4751,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sofiasnaps,,1,,,Are you my friend? Want to stay friends? Watch the #GOPDebate on @Snapchat,,2015-08-07 08:45:19 -0700,629679722960658432,"New York, NY", -4752,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,fardinajir,,1,,,"RT @Chillax: #GOPDebate Rand Paul was given the least amount of talk time, yet he said the most. #StandWithRand I LOVED him smashing Christ…",,2015-08-07 08:45:19 -0700,629679722310402048,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -4753,Rand Paul,1.0,yes,1.0,Negative,1.0,Gun Control,0.6643,,api_bigdata,,3,,,"RT @BerinSzoka: Rand: I don't want my gun or marriage registered in Washington - -Agree but... You know marriages are registered in states, r…",,2015-08-07 08:45:19 -0700,629679721106800640,, -4754,Rand Paul,1.0,yes,1.0,Neutral,0.6458,None of the above,1.0,,api_bigdata,,1,,,"RT @BerinSzoka: Rand: I'm the only one leading Hillary in FIVE states won by Obama - -#GOPDebate",,2015-08-07 08:45:18 -0700,629679719760441344,, -4755,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jenhutsell,,1,,,"RT @jnjsmom: Lets play the ""What's worse"" game. What's worse? 1. @realDonaldTrump calls Rosie fat 2. Clinton sleeps w/intern R/T if u pick…",,2015-08-07 08:45:17 -0700,629679716266590208,,Eastern Time (US & Canada) -4756,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lansing,,0,,,This is How You #LeadRight2016 - https://t.co/vttziI0Rq6 #GOPDebate,,2015-08-07 08:45:17 -0700,629679713603072000,"Washington, D.C",Eastern Time (US & Canada) -4757,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,KaarenMann,,0,,,"Carly Fiorina “The Clear Winner” in First #GOPDebate (with images, tweets) · CarlyForAmerica · Storify https://t.co/0IMJC0K1Ki",,2015-08-07 08:45:17 -0700,629679713288613888,South Carolina,Quito -4758,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nercyjaramillo,,271,,,RT @fourzerotwo: EVERYONE! Everyone shut up! Trump is about to say something... Fffflllluuuughhharrrghhh #GOPDebate http://t.co/0mAmOcu5yE,,2015-08-07 08:45:15 -0700,629679707047464960,, -4759,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6742,,xmaseveevil1,,91,,,"RT @ariscott: I haven't seen this many opinionated white men in the same room since, well, I guess since this morning. It's very common. #G…",,2015-08-07 08:45:14 -0700,629679703318769664,none,Amsterdam -4760,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,None of the above,0.4594,,PruneJuiceMedia,,0,,,He’s been losing in this debate. #GOPDebate,,2015-08-07 08:45:13 -0700,629679697077645312,"Atlanta, Georgia",Eastern Time (US & Canada) -4761,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,DavidEagleton,,0,,,"""we need to build a wall"" - trump taking key policy from george bluth sr....the mind boggles #GOPDebate",,2015-08-07 08:45:12 -0700,629679695253123072,Mendrisio | Switzerland, -4762,John Kasich,0.4793,yes,0.6923,Neutral,0.3516,LGBT issues,0.4793,,b_n_peak,,90,,,RT @ELLEmagazine: ICYMI John Kasich's gay marriage response. Wow. #GOPDebate http://t.co/1eY3lQ2hPq,,2015-08-07 08:45:12 -0700,629679694657380352,"Los Angeles, California", -4763,No candidate mentioned,0.3923,yes,0.6264,Negative,0.3297,,0.23399999999999999,,jmbasile,,0,,,"RT @alliebidwell: Bernie, calling out #gopdebate on lack of higher ed talk, among other issues https://t.co/27h90u6BAu",,2015-08-07 08:45:12 -0700,629679693936132096,Washington DC, -4764,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6897,,gyjylyveriku,,5,,,RT @jr_whitehurst: Donald Trump wants to build The Great Wall of China (in America). Fully equipped with a door. #GOPDebate,,2015-08-07 08:45:10 -0700,629679685979369472,, -4765,No candidate mentioned,0.4255,yes,0.6523,Neutral,0.3477,None of the above,0.4255,,Ykaner89,,0,,,Less than 24 hours after #GOPDebate took the stage in #Cleveland and analysis is pouring in. @AndreaGrymesTV has more at noon on @CBSNewYork,,2015-08-07 08:45:09 -0700,629679680799412224,NYC,Eastern Time (US & Canada) -4766,John Kasich,0.6315,yes,1.0,Positive,0.665,None of the above,0.7035,,kwcarp16,,59,,,RT @AmyMek: Amen @JohnKasich -> You don't have to compromise convictions to be compassionate…. #GOPDebate http://t.co/NpI9JYZGVF,,2015-08-07 08:45:08 -0700,629679675938205696,"Tyler, TX", -4767,Donald Trump,0.6915,yes,1.0,Negative,0.6915,None of the above,1.0,,eduardomtzs,,141,,,RT @BrittanyFurlan: Pretty much the only thing I could focus on during the GOP primary debate... #GOPDebate http://t.co/ilWGGEYNQD,,2015-08-07 08:45:08 -0700,629679675812352000,"Reynosa, Tam.",Central Time (US & Canada) -4768,Donald Trump,1.0,yes,1.0,Positive,0.3543,None of the above,1.0,,CurtisCarson50,,0,,,"@CarlyFiorina @realDonaldTrump #GOPDebate -Country before party! Why pledge away the option to do what may need to be done.",,2015-08-07 08:45:08 -0700,629679674935918592,United States,Eastern Time (US & Canada) -4769,Donald Trump,1.0,yes,1.0,Negative,0.3596,None of the above,1.0,,dreamelder,,0,,,7 takeaways on the #GOPDebate more like #GOPRealityShow http://t.co/R03O07FKqn,,2015-08-07 08:45:04 -0700,629679662088736768,"Washington, DC",Eastern Time (US & Canada) -4770,No candidate mentioned,0.6347,yes,1.0,Neutral,0.6863,None of the above,0.3653,,ShimonCleopas,,0,,,"#GOPDebate moderators should have asked: ""As a genuine Christian, will you give Jesus Christ a 2nd shot at Justice by giving Him a retrial?""",,2015-08-07 08:45:04 -0700,629679659362324480,Land of Abraham Lincoln,Alaska -4771,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,hollywoodblvd1,,0,,,"Last nights #GOPDebate was the most watched #Republicandebate in history w/ a 16. share, which means 16 million people tuned in. #politics",,2015-08-07 08:45:03 -0700,629679657051226112,#Hollywoodblvd,Pacific Time (US & Canada) -4772,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,TakeThatHistory,,1,,,RT @EllaThomas22: @RCdeWinter could there have been any more hate directed towards women on that stage if they tried?? wow #GOPDebate,,2015-08-07 08:45:03 -0700,629679654861971456,, -4773,Donald Trump,1.0,yes,1.0,Neutral,0.3444,None of the above,1.0,,SmartEnergy2015,,0,,,FloridaMEP: RT IMPOmag: #Manufacturing Group Knocks Trump Ahead Of #GOPDebate http://t.co/f3Kh6lVjjn #DonaldTrump http://t.co/XY3tBz78dd,,2015-08-07 08:45:02 -0700,629679653683396608,"Charleston, Houston, NYC",Eastern Time (US & Canada) -4774,Marco Rubio,1.0,yes,1.0,Neutral,0.6824,None of the above,1.0,,Rojowo,,2,,,You're not going to know who won #GOPDebate until you see who @TheDemocrats attack as 'unqualified' and 'frightening' #Rubio #Fiorina,,2015-08-07 08:45:02 -0700,629679651938545664,Yonkers, -4775,Donald Trump,1.0,yes,1.0,Neutral,0.6404,None of the above,1.0,,DanyaLagos,,1,,,"Donald Trump: Border ethnographer. -""But I went there and that's what people told me!!!"" - -#GOPDebate #RogueSociologist",,2015-08-07 08:45:02 -0700,629679651338780672,"Chicago, IL",Central Time (US & Canada) -4776,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Vara11,,0,,,@JohnKasich really impressed in last night's #GOPDebate http://t.co/RbpOmS07gC #Kasich4Us,,2015-08-07 08:45:01 -0700,629679648960548864,"Washington, D.C.",Quito -4777,Donald Trump,1.0,yes,1.0,Negative,0.6577,None of the above,0.6847,,casersatz,,0,,,#GOPDebate #DonaldTrump PC Police attacks > Actual Police attacks,,2015-08-07 08:45:01 -0700,629679648193007616,"Baltimore, MD", -4778,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Whhay,,111,,,"RT @Clarknt67: RT @fakedansavage: ""Being called a useful idiot by Ben Carson is like being called a pervert by #JoshDuggar."" #GOPDebate",,2015-08-07 08:45:01 -0700,629679647345803264,"Omaha, NE", -4779,Ben Carson,1.0,yes,1.0,Negative,0.6951,Healthcare (including Medicare),0.68,,Skylookup1775,,1,,,RT @LibertyMomNY: Ben Carson believes in vaccine mandates. Next. #GOPDebate,,2015-08-07 08:45:01 -0700,629679647022690304,FEMA Region 9, -4780,Donald Trump,0.7033,yes,1.0,Negative,0.6374,FOX News or Moderators,1.0,,rrteri,,1,,,RT @DTCahill: FOX FIX IN: @FoxNews why no online #GOPDebate winner viewer poll? You had them in 2012? Afraid viewers will pick @realDonaldT…,,2015-08-07 08:45:00 -0700,629679644506222592,"Cocoa Beach, Florida",Central Time (US & Canada) -4781,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,1.0,,ArueiSamuel,,0,,,"#Standupforuourselfandforothers! -Make yourself believe you are more than enough. -#GOPDebate",,2015-08-07 08:44:59 -0700,629679640873795584,"Burnaby, British Columbia", -4782,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JamesVGrimaldi,,0,,,"#GOPDebate in cool graphics -http://t.co/JTTfuLDSMZ",,2015-08-07 08:44:59 -0700,629679639284350976,,Eastern Time (US & Canada) -4783,Rand Paul,1.0,yes,1.0,Negative,0.6533,None of the above,0.6576,,JamelleMyBelle,,42,,,RT @justJr: Rand Paul before tonight's infamous hair makeover. #GOPDebate http://t.co/Tl8B5QA0ho,,2015-08-07 08:44:59 -0700,629679638172844032,You can't sit with us!,Eastern Time (US & Canada) -4784,Donald Trump,1.0,yes,1.0,Positive,0.6642,Women's Issues (not abortion though),0.3542,,joyncassie,,2,,,RT @RepJackKimble: I liked Donald Trump's contention that he literally didn't have enough time not to make fun of Rosie O'Donnell's weight …,,2015-08-07 08:44:57 -0700,629679632447463424,,Pacific Time (US & Canada) -4785,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,j3283,,0,,,"shocked--shocked--so much #GOPDebate analysis is all style and performance, nothing about policy--war, no rape exception, cut, cut cut",,2015-08-07 08:44:56 -0700,629679627766734848,NYC,Quito -4786,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6541,,mizmanning1,,11,,,RT @NewYorkPhotoGal: #GOPDebate #Obama was right when he said the #GOP is ignorant of the Iranians culture...,,2015-08-07 08:44:56 -0700,629679627414454272,Houston Tx., -4787,No candidate mentioned,0.6714,yes,1.0,Negative,1.0,None of the above,0.6629,,KatTimpf,,1,,,RT @DadTimpf: the Huckster is crushing it tonight #GOPDebate; suit coat looks way too big or something..was he always that wide?,,2015-08-07 08:44:55 -0700,629679623547289600,Brooklyn,Atlantic Time (Canada) -4788,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,OkeeOutlaw,,0,,,@FoxNews @megynkelly you are a joke! #GOPDebate,,2015-08-07 08:44:55 -0700,629679621730992128,, -4789,No candidate mentioned,0.4422,yes,0.665,Neutral,0.665,None of the above,0.4422,,TheWesternWord,,0,,,"Your Friday favorite, ""Caught My Eye"" was posted three hours ago at http://t.co/PCII2mxHaJ #GOPDebate #mtpol #Malmstrom",,2015-08-07 08:44:54 -0700,629679619885547520,Montana,Mountain Time (US & Canada) -4790,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6941,,KatieRu_New,,0,,,I refuse to live in a country that elects #DonaldTrump as President. Are we living in Idiocrasy? #GOPDebate #SexistMoron #PleaseGodNo,,2015-08-07 08:44:54 -0700,629679617989742592,, -4791,Donald Trump,0.6286,yes,1.0,Neutral,0.7027,None of the above,0.3714,,KaylaEpstein,,1,,,RT @HellerJake: Rap Genius goes mainstream. Cool collaboration by the @washingtonpost to annotate #GOPDebate http://t.co/xPqLgzOXQB ht @cor…,,2015-08-07 08:44:53 -0700,629679613019557888,"New York, NY",Eastern Time (US & Canada) -4792,No candidate mentioned,0.4736,yes,0.6882,Negative,0.3548,FOX News or Moderators,0.4736,,elianateee,,3,,,"RT @RT0787: alyssaphucker: RT HuffingtonPost: The real winner of the #GOPDebate? MegynKelly -https://t.co/KmRn9BV2fM http://t.co/AuhlNZa3Ww",,2015-08-07 08:44:52 -0700,629679610100383744,, -4793,No candidate mentioned,1.0,yes,1.0,Neutral,0.6592,None of the above,1.0,,aexia,,1,,,"RT @MelissaRyan: ""At #GOPDebate, I won over our largest audience yet. Can you chip in $3 to help us keep it up?"" @CarlyFiorina http://t.co/…",,2015-08-07 08:44:49 -0700,629679598536630272,"Dupont Circle, DC",Eastern Time (US & Canada) -4794,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DefundDC,,1,,,RT @SmillingHK: @FoxNews Megyn Kelly's #GOPDebate performance was every bit as biased and obnoxious as that of Candy Crowley's 2012 @CNN pe…,,2015-08-07 08:44:49 -0700,629679597378863104,Exceptional USA,Eastern Time (US & Canada) -4795,No candidate mentioned,1.0,yes,1.0,Negative,0.6875,FOX News or Moderators,1.0,,geekiestwoman,,0,,,"I agree, it was annoying. @FoxNews moderators were TERRIBLE. Quite unfair #GopDebate but focus on MY candidate, good https://t.co/XwAtuS8A2r",,2015-08-07 08:44:49 -0700,629679596024147968,"Fort Worth, TX", -4796,No candidate mentioned,1.0,yes,1.0,Positive,0.6387,Abortion,0.3613,,carlofbaltimore,,5,,,"RT @annmariebrok: If you watched the #GOPDebate last night, why not send $5 to @PPFA this morning? https://t.co/8fMW19EWp9 #ReproJustice #R…",,2015-08-07 08:44:48 -0700,629679594895998976,baltimore,Atlantic Time (Canada) -4797,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Foreign Policy,0.4594,,Nutzo56,,1,,,"RT @owlzly: How many executive orders were passed,n how many bombs dropped on Syria while the populace was glued 2them talkin' picture boxe…",,2015-08-07 08:44:48 -0700,629679593323110400,... in the Matrix ,Quito -4798,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,0.6556,,TigCook,,241,,,"RT @DRUDGE: Strange, creepy letter 'F' on screen as they spoke. Subliminal grading system courtesy of Zuckerberg. #GOPDebate http://t.co/g…",,2015-08-07 08:44:46 -0700,629679585710358528,Arizona,Hawaii -4799,Marco Rubio,0.6727,yes,1.0,Negative,0.6745,None of the above,1.0,,judykhart,,1,,,RT @CaseyHarper33: Rubio: God has blessed Republicans with plenty of great candidates but didn't give the Democrats a single one #GOPDebate,,2015-08-07 08:44:45 -0700,629679581545390080,"Longview, Texas", -4800,Donald Trump,1.0,yes,1.0,Negative,0.6374,None of the above,0.6813,,redsoutrage,,5,,,RT @sistertoldjah: I'm sure my endorsement of @jimgeraghty's #GOPdebate piece will lead to more accusations of me being a RINO. Whatevs. ht…,,2015-08-07 08:44:45 -0700,629679579817349120,,Pacific Time (US & Canada) -4801,No candidate mentioned,1.0,yes,1.0,Neutral,0.6842,None of the above,0.6842,,HeatherGreentr1,,1,,,RT @CarolHello1: #GOPDebate TakeAway: https://t.co/y4X4bZ4Tdy,,2015-08-07 08:44:45 -0700,629679579720892416,"Winnipeg, MB", -4802,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,debcase0091,,0,,,"#GOPDebate What happened to dignity, polish and manners in the debate forum??",,2015-08-07 08:44:44 -0700,629679578244517888,, -4803,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,CliffHawthorn,,0,,,I won the #GOPDebate because I got drunk and fell asleep before it started.,,2015-08-07 08:44:44 -0700,629679577049264128,"Florida, USA",Eastern Time (US & Canada) -4804,Donald Trump,1.0,yes,1.0,Negative,0.6599,None of the above,0.6486,,realbigstriper,,0,,,@ron_fournier @realDonaldTrump and he's puling ahead in the polls - go figure #GOPDebate,,2015-08-07 08:44:44 -0700,629679576428453888,,Pacific Time (US & Canada) -4805,Scott Walker,0.6742,yes,1.0,Neutral,0.6292,None of the above,0.6966,,MandaLynn314,,90,,,"RT @DamienFahey: Scott Walker looks like he should be asking, “And would you like Enterprise’s insurance for $8.99 a day?"" #GOPDebate",,2015-08-07 08:44:44 -0700,629679575631425536,St. Louis, -4806,No candidate mentioned,1.0,yes,1.0,Neutral,0.6988,None of the above,1.0,,rajeski,,0,,,"I remain just 1 thing, & 1 thing only, & that is a clown. It places me on a far higher plane than any politician. - C. Chaplin. #GOPDebate",,2015-08-07 08:44:44 -0700,629679575560093696,Asia / Global Citizen,Tokyo -4807,Donald Trump,0.6989,yes,1.0,Negative,1.0,None of the above,1.0,,minnemack,,0,,,Does anyone really want the same guy who runs Miss Universe to also run this country? Yikes. #GOPDebate,,2015-08-07 08:44:44 -0700,629679575304241152,, -4808,No candidate mentioned,0.6703,yes,1.0,Negative,0.6703,None of the above,1.0,,IndieMediaWeek,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @IndieMediaWeek @Truman_Town @snarkylibdem @RelUnrelated @morgfair @I…,,2015-08-07 08:44:44 -0700,629679575178563584,, -4809,No candidate mentioned,1.0,yes,1.0,Negative,0.6575,FOX News or Moderators,1.0,,ALittleSnark,,0,,,There is no way that any @CNN moderator would have ever asked a Dem candidate questions as tough as @FoxNews did last night #GOPDebate,,2015-08-07 08:44:44 -0700,629679574243131392,, -4810,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,FOX News or Moderators,0.3923,,AntoniaJuhasz,,0,,,"Moderators of #GOPDebate asked no questions related to oil, energy, environment, climate, etc.",,2015-08-07 08:44:43 -0700,629679573630713856,San Francisco,Pacific Time (US & Canada) -4811,Donald Trump,0.4398,yes,0.6632,Neutral,0.3368,Abortion,0.2234,,shoshboys,,2,,,RT @TruthTeamOne: #GOPDebate Unplanned GOP parenthood ... You're going to have a Trump. http://t.co/6RZMowRG8u,,2015-08-07 08:44:43 -0700,629679570107674624,, -4812,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,mdp4202,,2,,,RT @JamalDajani: The #GOPDebate in cartoons https://t.co/PKulN2wzbH,,2015-08-07 08:44:43 -0700,629679570065715200,Upper Wazoo,Eastern Time (US & Canada) -4813,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,hikergirl425,,1,,,"@AandGShow #GOPDebate -Couldn't help myself! http://t.co/MQVUzm3v5F",,2015-08-07 08:44:42 -0700,629679569440604160,"San Diego, CA",Pacific Time (US & Canada) -4814,John Kasich,1.0,yes,1.0,Positive,0.654,None of the above,1.0,,Brownfield13,,1,,,"RT @MichaelLucchese: Kasich is a good governor, we get it Ohio... Not gonna be the nominee. #GOPDebate",,2015-08-07 08:44:42 -0700,629679568908120064,"Hillsdale, MI",Central Time (US & Canada) -4815,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,VallerieAnn,,0,,,"Don't be confused, I am not republican. I make jokes about republicans. But I watched the #GOPdebate to be informed about the candidates.",,2015-08-07 08:44:41 -0700,629679564285976576,"Louisiana, y'all",Central Time (US & Canada) -4816,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,0.6559,,nsane8,,0,,,"Welcome to ""Fact Check Friday!"" - -Show us news media who lied and who lied even more! - -#GOPDebate",,2015-08-07 08:44:41 -0700,629679561970585600,Citizen of the Planet,Pacific Time (US & Canada) -4817,Donald Trump,1.0,yes,1.0,Positive,0.6383,FOX News or Moderators,1.0,,ladydshops,,2,,,RT @FreedomTexasMom: . @seanhannity THANK YOU for being fair to the GOP front runner @realDonaldTrump This is why I LOVE #Hannity #FoxNews…,,2015-08-07 08:44:40 -0700,629679559986806784,"Bowling Green, KY ",Central Time (US & Canada) -4818,Ted Cruz,0.4296,yes,0.6554,Positive,0.6554,None of the above,0.4296,,bcass41447,,23,,,RT @ladybeau49: #GOPDebate We'd like to hear more from @tedcruz. The constitution is his touchstone. #IRS #BadIranDeal #Patriots #RedNation…,,2015-08-07 08:44:39 -0700,629679554194354176,FLORIDA,Eastern Time (US & Canada) -4819,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PuestoLoco,,1,,,"@AdamsFlaFan @Rockmedia @ConchGunny -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate http://t.co/ygMGbAvqut",,2015-08-07 08:44:38 -0700,629679551921135616,Florida Central West Coast,America/New_York -4820,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,adilmomin786,,0,,,Why haven't they asked BOB about the #GOPDebate #thingstoaskBilly,,2015-08-07 08:44:38 -0700,629679549672861696,"Houston, Texas, USA",Eastern Time (US & Canada) -4821,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,anythingbutdem,,0,,,"The moderators last night did a fantastic job. Started off awkward, but the actual questions were terrific. #GOPDebate #FoxDebate #FoxNews",,2015-08-07 08:44:37 -0700,629679546036453376,"Palm Desert, CA",Tijuana -4822,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tigereye2012Dr,,8,,,"RT @customjewel: @redalertnow: RT @realDonaldTrump - Is @megynkelly the new @CandyCrowley? #GOPDebate http://t.co/hnSM8i8CXe - -https://t.co/…",,2015-08-07 08:44:35 -0700,629679539367444480,,Pacific Time (US & Canada) -4823,Rand Paul,1.0,yes,1.0,Negative,0.6533,None of the above,1.0,,MrsWynandPapers,,0,,,"The NSA spat between @RandPaul and @ChrisChristie is indicative of a broader, substantive party divide: http://t.co/SsTWy5FlJI #GOPdebate",,2015-08-07 08:44:34 -0700,629679535127175168,,Eastern Time (US & Canada) -4824,Donald Trump,0.4196,yes,0.6477,Negative,0.6477,Jobs and Economy,0.4196,,Teamsters,,5,,,RT @FightFor15PA The #GOP presidential candidates mentioned #MinimumWage a total of 0 times during the #GOPDebate http://t.co/sw8inDq9SJ,,2015-08-07 08:44:34 -0700,629679532363108352,"Washington, D.C.",Eastern Time (US & Canada) -4825,No candidate mentioned,1.0,yes,1.0,Neutral,0.6596,Immigration,1.0,,ipsospa,,2,,,RT @PollsterJulia: 45% in US believe #immigration is causing US to change in ways they don't like http://t.co/vMiqtMh0DS #GOPDebate @ipsospa,,2015-08-07 08:44:33 -0700,629679529884299264,,Eastern Time (US & Canada) -4826,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Brownfield13,,1,,,RT @MichaelLucchese: Kelly is doing a great job asking tough questions. #GOPDebate,,2015-08-07 08:44:31 -0700,629679521944481792,"Hillsdale, MI",Central Time (US & Canada) -4827,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gearhead81,,0,,,"Politics in USA is a joke. Need rim shots for comments, hook & gong. Absofuckinglutely reduculous. Turned into reality tv show #GOPDebate",,2015-08-07 08:44:30 -0700,629679519499075584,"waverly, fl", -4828,No candidate mentioned,0.4493,yes,0.6703,Neutral,0.6703,None of the above,0.2431,,LauriePatriot,,2,,,RT @alexandraheuser: #FoxNews #GOPDebate @BretBaier @megynkelly @BillHemmer @marthamccallum @krauthammer @GeorgeWill ICYMI: Santo Rocks! h…,,2015-08-07 08:44:29 -0700,629679513522208768,,Pacific Time (US & Canada) -4829,Donald Trump,0.4398,yes,0.6632,Positive,0.3474,Abortion,0.2304,,TrumpIssues,,0,,,".@ppact can sell baby parts for profit, or whatever you want to call it, but Trump can't call a woman a slob. #GOPDebate #PC #Trump2016",,2015-08-07 08:44:27 -0700,629679504760291328,United States Of America,Pacific Time (US & Canada) -4830,,0.2256,yes,0.3438,Neutral,0.3438,,0.2256,,Thoughtsnviews,,1,,,Overall @BobbyJindal was the big winner yesterday. I expect to see him in the prime time debates next #GOPDebate,,2015-08-07 08:44:27 -0700,629679502965116928,Inform. Educate. Enlighten., -4831,No candidate mentioned,1.0,yes,1.0,Positive,0.6374,None of the above,0.7033,,LauriePatriot,,1,,,RT @alexandraheuser: CONGRATULATIONS .@RickSantorum GR8 job at #GOPDebate 2night #GameON #Rick2016 https://t.co/Lf4cHPrf7h,,2015-08-07 08:44:26 -0700,629679499773263872,,Pacific Time (US & Canada) -4832,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,EdRogersDC,,0,,,"The #GOPDebate didn't change much, but it was the beginning of the end for @realDonaldTrump. http://t.co/lFAOi7QNiG @washingtonpost #insider",,2015-08-07 08:44:25 -0700,629679497743335424,"Washington, DC",Eastern Time (US & Canada) -4833,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.3404,None of the above,0.4492,,Texastweetybird,,0,,,Here Are 21 Policy Highlights From the First 2016 Republican Debate #GOPDebate http://t.co/WaiUi1ijR7 via @nataliejohnsonn @DailySignal,,2015-08-07 08:44:24 -0700,629679490948399104,"Dallas, Texas",Central Time (US & Canada) -4834,John Kasich,1.0,yes,1.0,Negative,0.6628,Jobs and Economy,0.3488,,EscapeVelo,,0,,,John Kasich says if you don't support big Federal Govt welfare programs then God will disapprove of you at pearly gates. #GOPDebate,,2015-08-07 08:44:24 -0700,629679490369622016,Twitter, -4835,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,GPIngersoll,,2,,,"RT @TheWorldsFrates: The GOP B-League Debaters, Rated As B-League Fast Food Restaurants #GOPDebate http://t.co/0NFnX9Gnuw via @dailycaller",,2015-08-07 08:44:23 -0700,629679487924457472,"Alexandria, Virginia",Eastern Time (US & Canada) -4836,No candidate mentioned,0.4378,yes,0.6616,Negative,0.3589,None of the above,0.2374,,NOtoGMOs,,4,,,RT @2noame: Oh God. #GOPDebate,,2015-08-07 08:44:21 -0700,629679481251344384,Montreal,Eastern Time (US & Canada) -4837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,Barackobarby,,1,,,"RT @lumpyponytail: All these clowns saying ""i cant be a bigot i have 1 gay friend!!!"" #GOPDebate",,2015-08-07 08:44:21 -0700,629679480525725696,Kingdom Of Dreams, -4838,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.6264,,0.23399999999999999,,l_brogan59,,35,,,RT @StephHerold: GOD BEING BROUGHT ON AS SURPRISE GUEST #GOPDebate,,2015-08-07 08:44:21 -0700,629679477778448384,"newburgh, ny",Eastern Time (US & Canada) -4839,No candidate mentioned,1.0,yes,1.0,Negative,0.6508,None of the above,0.6508,,LarryOConnor,,1,,,"RT @Redpisces3: I know he's sorta busy, but post-debate discussion just isn't the same without @LarryOConnor #GOPDebate",,2015-08-07 08:44:20 -0700,629679477476458496,Your Nation's Capital,Eastern Time (US & Canada) -4840,No candidate mentioned,1.0,yes,1.0,Neutral,0.6844,None of the above,1.0,,DMHarbison,,45,,,RT @DWStweets: On @NewDay from Clev. #GOPDebate last night proved that Democrats are the choice for middle-class Americans in 2016. http://…,,2015-08-07 08:44:19 -0700,629679470207590400,,Eastern Time (US & Canada) -4841,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,Jobs and Economy,1.0,,rcrockett,,0,,,Facts not mentioned in #GOPDebate: 13M jobs created in longest stretch of private sector jobs growth in history! http://t.co/a6fa0ZwfYh,,2015-08-07 08:44:18 -0700,629679465120014336,"Ocean City, Maryland",Eastern Time (US & Canada) -4842,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,valpo_62,,21,,,"RT @davidbadash: Chuck Schumer cowardly released a statement during #GOPDebate, announcing he is willing to risk war with Iran by opposing …",,2015-08-07 08:44:16 -0700,629679457083723776,, -4843,No candidate mentioned,1.0,yes,1.0,Neutral,0.6691,None of the above,1.0,,Brownfield13,,1,,,RT @MichaelLucchese: Welcome to the #Thunderdome! #GOPDebate http://t.co/7NAhmGI7Sz,,2015-08-07 08:44:15 -0700,629679454990766080,"Hillsdale, MI",Central Time (US & Canada) -4844,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,huckpoe,,0,,,"""I don't have time to be politically correct, but I do have time to be aggressively awful"" -Donald Trump #GOPDebate",,2015-08-07 08:44:15 -0700,629679453401128960,Chicago,Central Time (US & Canada) -4845,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,0.6897,,snooze22,,0,,,@PaulRieckhoff Yes entitlement in #GOPdebate #cic #potus candidates. No excuses for the lack of debate on #nationalsecurity #defense & #VA,,2015-08-07 08:44:13 -0700,629679447847923712,, -4846,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6782,,FreedomTexasMom,,2,,,. @seanhannity THANK YOU for being fair to the GOP front runner @realDonaldTrump This is why I LOVE #Hannity #FoxNews #GOPDebate #Respect,,2015-08-07 08:44:13 -0700,629679445406781440,TEXAS, -4847,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ellenmessner,,0,,,Watching last night's #GOPDebate. 😩,,2015-08-07 08:44:13 -0700,629679444119031808,, -4848,No candidate mentioned,1.0,yes,1.0,Negative,0.3598,None of the above,1.0,,bcass41447,,1,,,RT @lmahoneybee: #GOPDebate I'll vote for whoever pushes #TermLimits for #Congress. #CareerPoliticians aka #WashingtonCartel is the downfal…,,2015-08-07 08:44:12 -0700,629679443351502848,FLORIDA,Eastern Time (US & Canada) -4849,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aslam12317,,2,,,RT @sweetgreatmom: No substance. All talk about issues that only matter to the rich. #GOPDebate was a failure of political process. https…,,2015-08-07 08:44:12 -0700,629679441086693376,, -4850,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,gordyyy1968,,0,,,Donald Trump is so funny 😂 #GOPDebate,,2015-08-07 08:44:11 -0700,629679439765377024,,Eastern Time (US & Canada) -4851,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LillyRockwell,,1,,,My dog barks every time there is a doorbell sound on TV. So last night there was a LOT of barking. #GOPDebate #useabuzzersoundinstead,,2015-08-07 08:44:10 -0700,629679433591484416,"Austin, TX",Eastern Time (US & Canada) -4852,Ted Cruz,0.4207,yes,0.6486,Negative,0.6486,None of the above,0.4207,,SanitysAdvocate,,0,,,Oh fuck. Ted Cruz's first answer brought out the shit-smelling face. Completely disingenuous. #GOPDebate.,,2015-08-07 08:44:08 -0700,629679425718763520,Northeast PA, -4853,Jeb Bush,0.4763,yes,0.6901,Negative,0.6901,None of the above,0.4763,,JosephTaylor26,,15,,,"RT @2AFight: Jeb ""there is no establishment"" Bush for retirement! - -#GOPDebate #tcot #PJNET #ycot #RedNationRising #ccot #teaparty http://t.…",,2015-08-07 08:44:07 -0700,629679421176311808,,London -4854,Chris Christie,1.0,yes,1.0,Neutral,0.6918,FOX News or Moderators,0.652,,DSGoodhue,,1,,,RT @HEAprez: More @ChrisChristie fact checking. They say the truth will set u free. Perhaps just not on @FoxNews #GOPDebate stage? http://t…,,2015-08-07 08:44:05 -0700,629679414146568192,, -4855,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Salustra,,13,,,"RT @GaltsGirl: Trump spoke for over 11 minutes last night. Rand Paul spoke for just over 5. -That wasn't a #GOPDebate. It was a Reality TV …",,2015-08-07 08:44:05 -0700,629679410778644480,,Quito -4856,No candidate mentioned,1.0,yes,1.0,Neutral,0.6782,None of the above,1.0,,BosPublicRadio,,2,,,"RT @Kadzis: Thoughts on the #GOPDebate from @reillyadam and me via #TheScrum. http://t.co/h4QBM6W3yI Not unlike ""Hunger Games"" minus Jennif…",,2015-08-07 08:44:04 -0700,629679407158947840,"From Boston, for New England",Eastern Time (US & Canada) -4857,No candidate mentioned,1.0,yes,1.0,Positive,0.3547,None of the above,1.0,,cmbdds,,0,,,.@CarlyFiorina Shows How to Push Back Against Matthews on @Hardball #msnbc #mediabias #GOPDebate http://t.co/mA5onTHRIo,,2015-08-07 08:44:03 -0700,629679404621385728,"ÜT: 39.142847,-84.460121",Eastern Time (US & Canada) -4858,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sc_mermaid,,21,,,RT @jiadarola: The #GOPDebate featured 10 candidates and 7 brain cells.,,2015-08-07 08:44:02 -0700,629679401957916672,"Silicon Valley, CA ",Pacific Time (US & Canada) -4859,No candidate mentioned,0.3943,yes,0.6279,Negative,0.6279,None of the above,0.3943,,snarkylicious,,0,,,"Hey, @instagram what's with the censorship? RT: @brownblaze: PLEASE RT. #KKKorGOP #GOPDebate http://t.co/ycCObtElYi",,2015-08-07 08:44:00 -0700,629679393720418304,,Alaska -4860,Jeb Bush,0.43,yes,0.6558,Negative,0.6558,None of the above,0.43,,PartesanJournal,,0,,,"#GOPDebate #RSG15 If Jeb Bush Wants to Be the Nominee, he better kick it up a notch b/c so far he is a very weak candidate #p2 #tcot",,2015-08-07 08:44:00 -0700,629679393674297344,GOD Help America!,Eastern Time (US & Canada) -4861,Rand Paul,0.6703,yes,1.0,Neutral,0.6703,None of the above,1.0,,Naomi_kibey,,0,,,#GOPDebate @RandPaul has pretty much a republicans view.,,2015-08-07 08:44:00 -0700,629679390205562880,philadelphia ,Pacific Time (US & Canada) -4862,Donald Trump,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.2246,,zeepman,,1,,,"RT @TrumpIssues: Kim Kardashian can make a sex tape, have a TV show & do a promo pose with Hillary, but Trump can't call a women a dog. #GO…",,2015-08-07 08:44:00 -0700,629679389660155904,,Central Time (US & Canada) -4863,Donald Trump,0.6947,yes,1.0,Negative,1.0,None of the above,1.0,,Quendrith,,0,,,"Next #GOPDebate, we'll need a Trumpire. Just to thrown down a flag. Where's the ballcap that says that, ps?",,2015-08-07 08:43:57 -0700,629679379560333312,Venice Beach,Pacific Time (US & Canada) -4864,No candidate mentioned,1.0,yes,1.0,Negative,0.6466,None of the above,0.6747,,Yefet4USA,,13,,,RT @dick_nixon: He mentioned Schiavo there. They crucified him for that and rightly so. #GOPDebate,,2015-08-07 08:43:56 -0700,629679376007729152,D.C, -4865,No candidate mentioned,0.4187,yes,0.6471,Negative,0.6471,None of the above,0.4187,,joeygen115,,9,,,"RT @zzcrane: I don't care how well you compare to Ronald Reagan! Just promise us you will uphold the Constitution, please. -#GOPDebate #tc…",,2015-08-07 08:43:53 -0700,629679364192366592,,Mountain Time (US & Canada) -4866,Donald Trump,1.0,yes,1.0,Positive,0.6705,None of the above,1.0,,AysenurMercimek,,16,,,RT @BonsaiSky: I would pay money to see a debate between Hillary Clinton and Donald Trump. You know Donald will bring up Monica 😂 #GOPDebate,,2015-08-07 08:43:52 -0700,629679358945439744,Amsterdam, -4867,Donald Trump,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,SpBobSqrPts,,0,,,"#GOPDebate showed that politicians are great liars. Smooth talkers, but have to OBEY doners. I will vote Trump - he has no reason 2 lie",,2015-08-07 08:43:52 -0700,629679357360013312,A matter of national security, -4868,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6542,,AntoniaJuhasz,,0,,,"Other than those 2 very brief mentions, & Bush support of Keystone XL, oil, energy, climate, environment, etc. played no role in #GOPDebate",,2015-08-07 08:43:51 -0700,629679353958260736,San Francisco,Pacific Time (US & Canada) -4869,No candidate mentioned,0.4196,yes,0.6477,Neutral,0.3409,None of the above,0.4196,,bigrednathan,,10,,,RT @SFGate: Internet has some fun with the #GOPdebate http://t.co/haDMNm0O2z http://t.co/5Y3hH7pcML,,2015-08-07 08:43:51 -0700,629679351848505344,"Oh, you know where I am...", -4870,No candidate mentioned,0.3819,yes,0.618,Neutral,0.618,None of the above,0.3819,,l_brogan59,,8,,,RT @GetUpStandUp2: #BATsask which #GOPDebate candidate is truly ready to START to reinvent public Ed? @berniesanders End @gatesed rule! htt…,,2015-08-07 08:43:50 -0700,629679350468726784,"newburgh, ny",Eastern Time (US & Canada) -4871,Donald Trump,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,MajesticBrotha,,0,,,"The Donald called Famed Pollster #FrankLuntz a ""Low class Slob""..LOL..The Republicans are giving us Entertainment Baby!!#GOPDebate",,2015-08-07 08:43:48 -0700,629679339886542848,South Carolina, -4872,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6444,,jnblmnop,,87,,,RT @ColeLedford11: I'm not sure who was misquoted more at the #GOPDebate tonight. Hillary Clinton or God.,,2015-08-07 08:43:47 -0700,629679336380080128,,Quito -4873,Donald Trump,1.0,yes,1.0,Negative,0.6413,Women's Issues (not abortion though),0.6413,,LukasStede,,97,,,"RT @mikepolkjr: ""I'm trying to answer your accusation of sexism Megyn, so stop interrupting me, there's a man talking.""- @realDonaldTrump #…",,2015-08-07 08:43:47 -0700,629679335952125952,"Nordhessen, Ostalb & Tijuana ", -4874,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,AdrianJJamieson,,0,,,Why is no one taking this seriously??!! #GOPDebate,,2015-08-07 08:43:47 -0700,629679335197179904,"Tempe, AZ",Pacific Time (US & Canada) -4875,Donald Trump,1.0,yes,1.0,Neutral,0.6667,Jobs and Economy,1.0,,ccows,,43,,,RT @M_Cornell: . @realDonaldTrump How do you intend to increase minor league hockey salaries? #AskingForAFriend #GOPDebate,,2015-08-07 08:43:45 -0700,629679328805154816,"Gloucester, Canada",Eastern Time (US & Canada) -4876,John Kasich,1.0,yes,1.0,Negative,0.6872,None of the above,1.0,,NASCARNAC,,0,,,"So Camille Paglia is trying to spike the #GOPDebate by saying Kasich won, or is it simply her liberal bias talking? LOL",,2015-08-07 08:43:44 -0700,629679324078174208,"South Florida, Nevada ✅",Eastern Time (US & Canada) -4877,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.6495,None of the above,0.4218,,Yefet4USA,,43,,,RT @dick_nixon: Reagan made that deal behind Carter's back. We all know it. #GOPDebate,,2015-08-07 08:43:43 -0700,629679319246245888,D.C, -4878,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3511,None of the above,0.4074,,sc_mermaid,,0,,,Not one question about #climatechange and at the #GOPDebate last night.,,2015-08-07 08:43:42 -0700,629679318025670656,"Silicon Valley, CA ",Pacific Time (US & Canada) -4879,Donald Trump,0.7002,yes,1.0,Negative,0.6752,FOX News or Moderators,1.0,,f42892934,,1,,,RT @AndreaLeon: #OhTheIrony: When Fox News is not radical enough for #DonaldTrump… #GOPDebate,,2015-08-07 08:43:42 -0700,629679314385027072,, -4880,Donald Trump,0.6705,yes,1.0,Negative,0.6477,FOX News or Moderators,1.0,,AcerbicAxioms,,1,,,@FoxNews is breaking their arm patting themselves on the back today. They should be embarrassed #megynfail #GOPDebate #pjnet #Trump2016,,2015-08-07 08:43:42 -0700,629679314292768768,Republic of Texas, -4881,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6559,,spikemasterflex,,0,,,#GOPDebate was interesting to say the least ....,,2015-08-07 08:43:41 -0700,629679313944772608,"Boston, MA",Pacific Time (US & Canada) -4882,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,calamitious_boy,,504,,,"RT @JackeeHarry: I'm turning off the #GOPDebate, so I'll just leave this here.. http://t.co/MOA3vxg5w6",,2015-08-07 08:43:41 -0700,629679312833224704,,London -4883,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.6629,,gagasgarden,,0,,,"MT What I learned last night talking heads have lots in common with politicians, talk, ego, out of touch #GOPDebate https://t.co/FE54H9CkAy",,2015-08-07 08:43:41 -0700,629679312354979840,Chicago | St. Louis | Dallas ,Central Time (US & Canada) -4884,Donald Trump,0.4444,yes,0.6667,Positive,0.3563,None of the above,0.4444,,RaheemKassam,,0,,,Donald Trump is John Galt. Chew on it. #gopdebate,,2015-08-07 08:43:41 -0700,629679311197442048,"London, United Kingdom",London -4885,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,matt_morella,,0,,,Keep in mind one thing: politicians are experts at telling voters what they want to hear #GOPDebate,,2015-08-07 08:43:41 -0700,629679310983557120,@kt_burnss, -4886,Donald Trump,0.4522,yes,0.6724,Negative,0.6724,Women's Issues (not abortion though),0.2279,,moandreeon,,1,,,"RT @BonkPolitics: Trump's message resonates with anti-establishment folks but he is and always has been an obnoxious, boorish, sexist fool.…",,2015-08-07 08:43:38 -0700,629679298757140480,"Massapequa, NY", -4887,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AmberRhea5,,0,,,"OMG - -Just watched @realDonaldTrump #GOPDebate . - -I need 15 Xanax & a case of Purell. - -What a delusional slimeball. 😑",,2015-08-07 08:43:38 -0700,629679298513907712,I'm somewhere ignoring Louis.,Atlantic Time (Canada) -4888,Ted Cruz,1.0,yes,1.0,Neutral,0.6316,None of the above,1.0,,rejames4,,53,,,"RT @paulolim: Sen. Ted Cruz: ""As conservatives, we keep winning elections, but we don't have leaders keeping their commitments."" #Cruz2016 …",,2015-08-07 08:43:37 -0700,629679297213546496,United States of America,America/Chicago -4889,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,loftymonkey,,0,,,"@realDonaldTrump ""The bad lady @megynkelly who was my bestest friend was mean to me and its NOT FAIR"" - Very Presidential #GOPDebate #Trump",,2015-08-07 08:43:35 -0700,629679288825053184,London,London -4890,Donald Trump,1.0,yes,1.0,Negative,0.6882,FOX News or Moderators,1.0,,shawrls,,23,,,"RT @Marmel: Fox News: ""Trump Lost"" -Viewers: ""We no longer blindly believe everything you say"" -Fox News: OH GOD THATS OUR WHOLE BUSINESS MOD…",,2015-08-07 08:43:35 -0700,629679287650533376,, -4891,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6771,,AlwaysThinkHow,,0,,,Most shocking #GOPDebate @SouthJewishWman was @GOP would let women die from pregnancy complications bc Mother's don't have Rights,,2015-08-07 08:43:35 -0700,629679285180043264,USA,Pacific Time (US & Canada) -4892,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,__rachel_c,,0,,,"Most people use twitter to keep up with celebrity gossip. I use it to see @realDonaldTrump roast on @megynkelly -#GOPDebate",,2015-08-07 08:43:34 -0700,629679282814615552,, -4893,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,somesillywowzer,,50,,,"RT @DwayneDavidPaul: When you think of how laughable their prospects are, then you remember George W. Bush won twice. #GOPDebate http://t.c…",,2015-08-07 08:43:34 -0700,629679281740886016,Toronto,Eastern Time (US & Canada) -4894,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6333,,relford,,81,,,"RT @SaraLang: My skin literally crawls every single time someone says ""an illegal."" Who taught you to be so damn hateful? #GOPDebate",,2015-08-07 08:43:34 -0700,629679280880877568,Tucson Arizona,Arizona -4895,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,jermsguy,,0,,,Last night's #GOPDebate was the most-watched primary debate in history.,,2015-08-07 08:43:32 -0700,629679275084361728,Utah, -4896,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SenatorJohnLegg,,1,,,"RT @metzgr: .@JebBush has a distinct @LeoMcGarry-ness to him in this pic from @nytimes, so... #Winner #GOPDebate http://t.co/KoLwWwgdP1",,2015-08-07 08:43:30 -0700,629679263856390144,"Lutz, FL",Atlantic Time (Canada) -4897,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NormasViews,,139,,,"RT @sallykohn: Good night, America. I hope you sleep well. - -I myself will be having nightmares about our future if any of #GOPDebate cand…",,2015-08-07 08:43:28 -0700,629679258751922176,Alexandria Virginia, -4898,Ted Cruz,0.4492,yes,0.6702,Negative,0.3404,None of the above,0.4492,,oogster_mc_gurk,,6,,,"RT @ReelQuinn: Pretty sure Ted Cruz was one of the Darrens from Bewitched. #GOPDebate - #Derwood",,2015-08-07 08:43:28 -0700,629679255610331136,earth-based rampant life-form,Atlantic Time (Canada) -4899,No candidate mentioned,1.0,yes,1.0,Neutral,0.6665,None of the above,1.0,,RosaScheepers,,0,,,Watching #GOPDebate last night; couldn't help myself! Who will it be?!#leadershipmatters #future #usa,,2015-08-07 08:43:27 -0700,629679253160857600,New York, -4900,No candidate mentioned,0.4431,yes,0.6656,Positive,0.6656,None of the above,0.4431,,mytime2vote,,0,,,@RickSantorum #America is a great country! #GOPDebate http://t.co/3XBdXlLCeO,,2015-08-07 08:43:27 -0700,629679251969691648,U.S.A,Quito -4901,No candidate mentioned,0.4539,yes,0.6737,Neutral,0.6737,None of the above,0.4539,,Rach_IC,,0,,,My colleague Amelia Hamilton tracked the best comments on #Twitter last night covering the #GOPDebate https://t.co/hbbnoFEISf #socialmedia,,2015-08-07 08:43:27 -0700,629679251189469184,"Phoenix, AZ",Pacific Time (US & Canada) -4902,No candidate mentioned,0.5045,yes,0.7103,Neutral,0.3551,None of the above,0.5045,,BARF_PARTY,,16,,,RT @DrunkJCrewUGuys: Special Edition #drunkjcrew #drunkdemocracy #GOPDebate http://t.co/K1a0CPuoRg,,2015-08-07 08:43:24 -0700,629679238874951680,RUNNIN THROUGH 2C WITH MY WOES,Mountain Time (US & Canada) -4903,Donald Trump,1.0,yes,1.0,Neutral,0.6535,None of the above,1.0,,devindwyer,,2,,,RT @bgittleson: Check out @rickklein's take on how the #GOPDebate revealed divisions deeper than Donald Trump: http://t.co/ZV7wlLp9Fc,,2015-08-07 08:43:23 -0700,629679238342443008,"Washington, DC",Eastern Time (US & Canada) -4904,No candidate mentioned,1.0,yes,1.0,Negative,0.6936,None of the above,1.0,,Chuck_Warn,,2,,,RT @VeniceMase: Hillary's #rebuttal to the #GOPDebate https://t.co/TpRgQOjiyq,,2015-08-07 08:43:23 -0700,629679235112632320,"Sherman Oaks, CA",Pacific Time (US & Canada) -4905,John Kasich,1.0,yes,1.0,Positive,1.0,LGBT issues,0.6759999999999999,,rebeccajanelong,,5,,,"RT @BraunKen: Oh my. Reasonable answere by #Kasich2016 on gay question, and applause by crowd. Maybe a new GOP? #GOPDebate",,2015-08-07 08:43:22 -0700,629679233212657664,Albany California ,Pacific Time (US & Canada) -4906,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Shawn_Grier,,1,,,RT @2013_Tiffany: #Rubio seems to be the only candidate actually saying HOW he's going to get things done #GOPDebate #Rubio2016,,2015-08-07 08:43:22 -0700,629679231547609088,"Andrews, NC",Eastern Time (US & Canada) -4907,Donald Trump,0.4074,yes,0.6383,Negative,0.6383,Women's Issues (not abortion though),0.4074,,huckpoe,,1,,,Donald Trump responded to Megyn Kelly's accusations of misogyny by calling her a bimbo. #GOPDebate,,2015-08-07 08:43:21 -0700,629679228762628096,Chicago,Central Time (US & Canada) -4908,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ThatChickMagge,,0,,,@zachhaller on the #GOPDebate snapchat Jeb says that all those people are way better than Hillary and Bernie. I couldnt help but laugh.,,2015-08-07 08:43:20 -0700,629679224023064576,Houston,Central Time (US & Canada) -4909,No candidate mentioned,1.0,yes,1.0,Positive,0.6556,None of the above,1.0,,MargaretClancy,,0,,,"To all the ppl complaining about issues NOT covered in the #GOPDebate: - -Relax, this is only the 1st debate! Unlike Dems, many more to come",,2015-08-07 08:43:18 -0700,629679215303127040,, -4910,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,0.3639,,pinesbloke,,303,,,"RT @mydaughtersarmy: Dear Donald Trump, -Twitter is forever. - -#GOPDebate -http://t.co/srWd9TnOdo",,2015-08-07 08:43:17 -0700,629679210110451712,"Hamhaig, Siorrachd Rosbroig", -4911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6621,,AnnikaMortensen,,0,,,"Why republicans have to be pro life, it makes it hard for people in the 21st century to take them seriously #gop #GOPDebate",,2015-08-07 08:43:15 -0700,629679203642814464,"San Francisco, California",Copenhagen -4912,No candidate mentioned,1.0,yes,1.0,Negative,0.3444,None of the above,1.0,,DL_PR_Relations,,0,,,@AvaBeata you're gonna get a kick out of last night! Lemme know what you think... #GOPDebate https://t.co/oNgnBnNyPg,,2015-08-07 08:43:15 -0700,629679202246115328,"Boca Raton, FL",Eastern Time (US & Canada) -4913,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3667,,StacyLeMelle,,70,,,"RT @RebeccaSchinsky: To recap: babies, money, and guns matter. Women and black people don't merit discussion. Trans people are a ""social ex…",,2015-08-07 08:43:14 -0700,629679197687033856,NYC,Quito -4914,No candidate mentioned,0.4642,yes,0.6813,Neutral,0.6813,None of the above,0.4642,,JakeM_1998,,0,,,Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/lyoD8hsYsZ http://t.co/uc6lKzQni9,,2015-08-07 08:43:14 -0700,629679196713971712,"United Kingdom, London",London -4915,Marco Rubio,0.405,yes,0.6364,Neutral,0.3182,None of the above,0.405,,samusselwhite,,60,,,"RT @FoxNews: .@FrankLuntz: “What @marcorubio has that people don’t realize, he’s everybody’s 2nd choice.” #Hannity #GOPDebate http://t.co/Q…",,2015-08-07 08:43:13 -0700,629679195673657344,Lumberton NC,Eastern Time (US & Canada) -4916,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LauriePatriot,,1,,,RT @alexandraheuser: It's one thing 2 recognize a WINNER but America recognizes one who can help AMERICA win! #Rick2016 #GOPDebate #TCOT ht…,,2015-08-07 08:43:12 -0700,629679192079073280,,Pacific Time (US & Canada) -4917,Donald Trump,1.0,yes,1.0,Positive,0.6859999999999999,None of the above,1.0,,whatsamatta_u,,0,,,The Donald is every bit as gracious in Victory as he is in defeat #gopDebate #2016,,2015-08-07 08:43:12 -0700,629679190804185088,"Santa Clara, CA",Pacific Time (US & Canada) -4918,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,theReal_Rebel,,1,,,That was a great Comedy Show last night! #GOPDebate,,2015-08-07 08:43:12 -0700,629679188258086912,,Tehran -4919,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,tonimugo,,0,,,#GOPDebate fact check http://t.co/QtZeJScXas Here’s how the candidates’ claims measured up to reality http://t.co/a8B8tQel39,,2015-08-07 08:43:11 -0700,629679187943665664,,Baghdad -4920,No candidate mentioned,1.0,yes,1.0,Positive,0.6437,FOX News or Moderators,1.0,,carlquintanilla,,8,,,"Megyn wins. - -#GOPDebate (via @wesjonesDC) -http://t.co/Rp6Q741IJj",,2015-08-07 08:43:11 -0700,629679187360632832,nyc,Eastern Time (US & Canada) -4921,Chris Christie,1.0,yes,1.0,Neutral,0.6889,None of the above,0.6667,,sun4jeff,,242,,,RT @Writeintrump: I'm going to have to take the long way to the #GOPDebate because the bridge is closed. Well played Chris Christie. Well p…,,2015-08-07 08:43:10 -0700,629679181706563584,, -4922,No candidate mentioned,0.6235,yes,1.0,Positive,0.6235,None of the above,1.0,,HellerJake,,1,,,Rap Genius goes mainstream. Cool collaboration by the @washingtonpost to annotate #GOPDebate http://t.co/xPqLgzOXQB ht @coryhaik,,2015-08-07 08:43:08 -0700,629679171594264576,New York via Toronto,Eastern Time (US & Canada) -4923,No candidate mentioned,1.0,yes,1.0,Negative,0.6396,None of the above,0.6782,,TitoJazavac,,42,,,"RT @shannonrwatts: Why do you believe Americans are 20X more likely to be shot, killed than in other developed nations? #DebateQuestionsWeW…",,2015-08-07 08:43:06 -0700,629679165105553408,BiH,Pacific Time (US & Canada) -4924,Donald Trump,1.0,yes,1.0,Neutral,0.6882,None of the above,1.0,,JayStylus,,2,,,"RT @FreedomJames7: If Trump Runs As A Independent, Clinton Is President. -#GOPDebate http://t.co/1CwHHAfg3z",,2015-08-07 08:43:06 -0700,629679163784450048,"Georgia, USA",Atlantic Time (Canada) -4925,Donald Trump,1.0,yes,1.0,Negative,0.6946,None of the above,1.0,,PruneJuiceMedia,,1,,,Donald Trump admits on national TV that he bought candidates in the past. Oh joy. #GOPDebate,,2015-08-07 08:43:05 -0700,629679160907177984,"Atlanta, Georgia",Eastern Time (US & Canada) -4926,No candidate mentioned,0.6859999999999999,yes,1.0,Negative,0.6628,None of the above,1.0,,johnb631,,0,,,"@ltmd11 yes! Watching both #GOPDebate with you was def fun.. #GOP has a deep field, but have to start cutting down on number of candidates..",,2015-08-07 08:43:05 -0700,629679159124602880,#PoliceLivesMatter,Eastern Time (US & Canada) -4927,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,Abortion,1.0,,l_brogan59,,5,,,"RT @StevenSinger3: #BATSask does Pro-Life include the lives of school kids or just fetuses? Support public schools? -https://t.co/qjG1hSVqd1…",,2015-08-07 08:43:05 -0700,629679158885543936,"newburgh, ny",Eastern Time (US & Canada) -4928,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,FOX News or Moderators,0.4805,,PowersToPeeps,,0,,,"@learjetter @peddoc63 @FoxNews @DWStweets @LadySandersfarm What was the point of having this ding-bat on for ""commentary"" on #GOPDebate?",,2015-08-07 08:43:03 -0700,629679152573100032,"Augusta, GA",Eastern Time (US & Canada) -4929,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,imuszero,,3,,,Disappointed in @FoxNews coverage of #GOPDebate they acted like giddy amateurs at a sporting event using liberal media questioning tactics👎🏼,,2015-08-07 08:43:02 -0700,629679147950825472,"California, USA",Pacific Time (US & Canada) -4930,Jeb Bush,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,ErikMortensen4,,1,,,"RT @AtypicalArts: RT @micnews: Jeb Bush defunded Planned Parenthood and now Florida ranks last for women’s health http://t.co/Rq6zkuqK7B - #…",,2015-08-07 08:43:01 -0700,629679145287577600,"Houston, TX", -4931,Donald Trump,1.0,yes,1.0,Negative,0.6932,None of the above,0.6932,,michaelatchman,,0,,,On the heels of the #GOPDebate a piece on #PoliticalCorrectness http://t.co/GZYpUkQXbm @realDonaldTrump maybe u'll learn @megynkelly,,2015-08-07 08:42:59 -0700,629679137209368576,"Brooklyn, NY", -4932,Donald Trump,1.0,yes,1.0,Positive,0.7065,None of the above,1.0,,sun4jeff,,69,,,"RT @Writeintrump: Is it rude to drop the mic after delivering an awesome line during the #GOPDebate? I don't care if it is, I'm doing it an…",,2015-08-07 08:42:57 -0700,629679126069141504,, -4933,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,Isidro_Morisco,,10,,,RT @edhenry: Joining @foxandfriends next #GOPDebate http://t.co/eM9wiSKVpE,,2015-08-07 08:42:56 -0700,629679121992302592,, -4934,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Mikaylin,,0,,,"Please tell @realDonaldTrump there is a difference between being a ""honest"" and being a verbally abusive asshole. #Bernie2016 #GOPDebate",,2015-08-07 08:42:56 -0700,629679121925189632,"Boston, MA",Eastern Time (US & Canada) -4935,Jeb Bush,0.4259,yes,0.6526,Negative,0.6526,Foreign Policy,0.4259,,LissaSquiers,,39,,,"RT @TheBaxterBean: For The Record, Yes, Jeb Bush's Brother Did Help Create ISIS http://t.co/EZRpmnOg35 #GOPDebate http://t.co/GiQ81yJyuk",,2015-08-07 08:42:55 -0700,629679117844135936,,Central Time (US & Canada) -4936,Donald Trump,0.4011,yes,0.6333,Negative,0.3222,,0.2322,,TrumpIssues,,0,,,"People promote & encourage an 8-year-old boy to be in a gay pride parade, but Trump can't say the word ""disgusting animal."" #GOPDebate #PC",,2015-08-07 08:42:54 -0700,629679114765516800,United States Of America,Pacific Time (US & Canada) -4937,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6628,,DymeDawn,,41,,,RT @JamiraBurley: #DonaldTrump lets be honest is a bully and a womanizer #GOPDebate,,2015-08-07 08:42:54 -0700,629679112727228416,I live where you vacation.,Eastern Time (US & Canada) -4938,No candidate mentioned,1.0,yes,1.0,Neutral,0.6562,None of the above,1.0,,StevenMyers87,,0,,,I hope they make a BLR video of the #GOPDebate,,2015-08-07 08:42:53 -0700,629679109312872448,,Central Time (US & Canada) -4939,Donald Trump,0.4259,yes,0.6526,Negative,0.6526,None of the above,0.4259,,CMcGeeIII,,0,,,"More concerning, THERE ARE PEOPLE WHO WANT THIS MAN TO BE PRESIDENT. #GOPDebate @realDonaldTrump http://t.co/QS56lyMV78",,2015-08-07 08:42:52 -0700,629679105475149824,"Philadelphia, PA", -4940,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HardinRosa,,5,,,RT @roryontour: Watched #GOPDebate each and every candidate was as insincere as a door to door hoover salesman! Delusion followed by lies @…,,2015-08-07 08:42:50 -0700,629679098361704448,, -4941,Donald Trump,1.0,yes,1.0,Negative,0.6772,None of the above,0.6456,,bookgirl1105,,113,,,RT @zellieimani: Donald trump believes this country's biggest issue is political correctness & not incorrect politics #GOPDebate http://t.c…,,2015-08-07 08:42:49 -0700,629679095798996992,"Burlington, NC",Indiana (East) -4942,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AMERICAagogo,,0,,,"VOTE #JEB2016 if you're a complete ASS. -#GOPDebate https://t.co/KIzA8KMZDl",,2015-08-07 08:42:49 -0700,629679093043359744,Location: 1776 ,Central Time (US & Canada) -4943,Ben Carson,1.0,yes,1.0,Positive,1.0,Racial issues,0.6806,,RanterRambling,,54,,,RT @johncardillo: Dr. Carson's POV on race was class and brilliance personified. #GOPDebate,,2015-08-07 08:42:48 -0700,629679090807762944,Ohio , -4944,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,PIPoodle,,1,,,Everyone was excited for #GOPDebate - @hemzy1 @MyHatBaby. Excellent job moderators @FoxNews @BretBaier @megynkelly #election2016,,2015-08-07 08:42:48 -0700,629679090153304064,"Chicago, IL",Central Time (US & Canada) -4945,Donald Trump,1.0,yes,1.0,Neutral,0.6882,None of the above,0.6502,,AngelaTN777,,0,,,@WeOfThePeopleR1 @seanhannity @AnnCoulter @realDonaldTrump Exactly WHY TRUMP WON!! Your.. Biased Media Hack Job didn't work.. #GOPDebate,,2015-08-07 08:42:48 -0700,629679088349790208,"Nashville, TN",Central Time (US & Canada) -4946,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,,0.2319,,kwfelsher,,1,,,"@theblaze @megynkelly dispelled the fact that she's an objective moderator. I love her show, but her moderating, not so much. #GOPDebate",,2015-08-07 08:42:48 -0700,629679088186212352,, -4947,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,Religion,0.6905,,trpjcm,,168,,,"RT @cenkuygur: The GOP candidates in favor of God. How very, very bold! Fox News asking the tough questions! #GOPDebate",,2015-08-07 08:42:48 -0700,629679087779495936,, -4948,Marco Rubio,0.3819,yes,0.618,Positive,0.618,None of the above,0.3819,,MattSoleyn,,0,,,Sen. Marco #Rubio (R-#Florida) is #GOPDebate winner according to @morningmoneyben: http://t.co/YjQ4hEDs4P,,2015-08-07 08:42:47 -0700,629679086567354368,United States of America,Eastern Time (US & Canada) -4949,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TwitttHead,,2,,,RT @doodlehedz: Barf emoji. Where the fuck is the BARF EMOJI!!!! #GOPDebate,,2015-08-07 08:42:46 -0700,629679082998005760,Chicagoland,Central Time (US & Canada) -4950,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jeremyfrankly,,0,,,I didn't watch the #GOPDebate and I feel like I missed everything. Do we like them now?,,2015-08-07 08:42:45 -0700,629679076660396032,"Brooklyn, New York",Eastern Time (US & Canada) -4951,Donald Trump,0.4253,yes,0.6522,Negative,0.3478,None of the above,0.2268,,hawkinsa86,,0,,,"@billmaher Can't wait to get your take on #GOPDebate, Planned Parenthood, Iran Deal, Trump on tonight's #RealTime",,2015-08-07 08:42:45 -0700,629679075632791552,"Washington, DC", -4952,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Jobs and Economy,1.0,,jbklecker,,0,,,"The #RFS supports 73,000 Iowa jobs & 852,000 across the US. Candidates must keep those jobs secure by going forward with the law. #GOPDebate",,2015-08-07 08:42:44 -0700,629679074814758912,Augustana,Central Time (US & Canada) -4953,Donald Trump,1.0,yes,1.0,Positive,0.6426,None of the above,0.7059,,TammyFontana,,0,,,"It's brilliant that Trump never apologizes for anything he says. I mean everyone loves a bully, right? #dumptrump #GOPDebate",,2015-08-07 08:42:44 -0700,629679074353524736,Pennsylvania,Eastern Time (US & Canada) -4954,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,notmacrobrew,,0,,,Missed #GOPDebate but got all the info I need from @DougBenson @kathleenmadigan @TheLewisBlack @pattonoswalt,,2015-08-07 08:42:44 -0700,629679073350955008,,America/Chicago -4955,Marco Rubio,1.0,yes,1.0,Positive,0.3522,Abortion,1.0,,bcass41447,,7,,,RT @stephenstephan: Rubio: Basically all life is sacred. #Prolife #GOPDebate,,2015-08-07 08:42:43 -0700,629679066593923072,FLORIDA,Eastern Time (US & Canada) -4956,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3438,,M_Schneider2,,0,,,"Very important topics like #votingrights, #climatechange, & #gunviolence werent mentioned in #GOPDebate. https://t.co/bxTZRvFkDb",,2015-08-07 08:42:42 -0700,629679066342367232,"Syracuse, NY", -4957,No candidate mentioned,0.5079,yes,0.7126,Negative,0.3908,None of the above,0.5079,,FloggerMiester,,0,,,"blahahaha, the fix is on on the democrats side even bigger . Hillary is the democrat's ""Bob Dole"" -#GOPDebate -#Democrat",,2015-08-07 08:42:42 -0700,629679063473500160,The Dungeon,Dublin -4958,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,abbybakescookie,,158,,,RT @cameron_shore: .@HillaryClinton's reaction watching the #GOPDebate! http://t.co/12moTKC3vA,,2015-08-07 08:42:42 -0700,629679063326547968,The University of Texas ,Central Time (US & Canada) -4959,No candidate mentioned,1.0,yes,1.0,Positive,0.6989,None of the above,1.0,,im_marcie,,1,,,"RT @goog927: #Fiorina is presidential material. Looking forward to seeing her surge. -#GOPDebate",,2015-08-07 08:42:37 -0700,629679044376686592,,Central Time (US & Canada) -4960,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6301,,nobledrew23,,1,,,RT @chrisLrob: The highpoint of Ben Carson's political arc was--and will remain--dissing the black president at the National Prayer Breakfa…,,2015-08-07 08:42:36 -0700,629679040148848640,, -4961,Ben Carson,1.0,yes,1.0,Negative,0.3563,Foreign Policy,0.6897,,CheriDOKelly1,,0,,,@BenCarson2016 no such thing as a politically correct war. Amen. #FOXNEWSDEBATE #GOPDebate #smartman,,2015-08-07 08:42:36 -0700,629679038076841984,, -4962,Marco Rubio,0.6374,yes,1.0,Positive,1.0,None of the above,0.6374,,RepublicanVzlan,,1,,,"RT @emiluminati: @marcorubio make it happen, cap'n!! Your responses at the #GOPDebate were spot on. Thank you!! #Rubio2016 #GeniusAtWork #…",,2015-08-07 08:42:34 -0700,629679030753583104,"San Francisco, California",Pacific Time (US & Canada) -4963,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BlameTelford,,0,,,Now that you've all had a chance to sleep on it: who are the winner and losers of last night's #GOPDebate?,,2015-08-07 08:42:32 -0700,629679020452544512,"Arlington, VA",Atlantic Time (Canada) -4964,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,pastwarranty,,0,,,"I agree with #Huckabee's assessment of donor-to-political class relationship, but I don't get how it results in #biggovernment. #GOPdebate",,2015-08-07 08:42:31 -0700,629679018812424192,"New York, NY",Eastern Time (US & Canada) -4965,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,robertsjustice,,0,,,#GOPDEBATE | @FactCheck reviewed the claims and arguments made by GOP candidates during last night's debate http://t.co/Azjf6N4jAX,,2015-08-07 08:42:30 -0700,629679014769090560,"Aliso Viejo, California",Pacific Time (US & Canada) -4966,No candidate mentioned,0.4827,yes,0.6947,Neutral,0.6947,None of the above,0.4827,,SteveFoehl,,0,,,You still love @HillaryClinton #GOPDebate #VoteYall https://t.co/Riz6AUNGRu,,2015-08-07 08:42:30 -0700,629679014253318144,New Jersey,Eastern Time (US & Canada) -4967,Mike Huckabee,0.4528,yes,0.6729,Neutral,0.6729,None of the above,0.4528,,MegKinnardAP,,2,,,.@GovMikeHuckabee making post-#GOPDebate trip to South Carolina (from @AP) #2016 http://t.co/qXjv2SBRmz,,2015-08-07 08:42:30 -0700,629679013527703552,"ÜT: 34.005322,-81.028865",Eastern Time (US & Canada) -4968,No candidate mentioned,1.0,yes,1.0,Neutral,0.652,None of the above,1.0,,TheSetianLord,,16,,,RT @mdiannone: Not watching th #GOPDebate. I'll just catch the highlights on Monday from Jon Stewa- ohh.... :(,,2015-08-07 08:42:30 -0700,629679012600614912,,Central Time (US & Canada) -4969,No candidate mentioned,1.0,yes,1.0,Neutral,0.6914,None of the above,1.0,,jnblmnop,,476,,,RT @kumailn: Welcome to the Roast of Hillary Clinton! #GOPDebate,,2015-08-07 08:42:30 -0700,629679012395241472,,Quito -4970,No candidate mentioned,0.4311,yes,0.6566,Neutral,0.6566,None of the above,0.4311,,SpiegelJeremy,,1,,,RT @ErinMVPS: A college debate coach's perspective on who 'won' the #GOPdebate last night. http://t.co/3caFylQojK @EmoryAdmission @emorydeb…,,2015-08-07 08:42:27 -0700,629679002991624192,, -4971,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,chriscerf,,0,,,Most brilliant statement made during the #GOPDebate? https://t.co/9CdNOL3TM7,,2015-08-07 08:42:24 -0700,629678990056402944,"New York, NY",Eastern Time (US & Canada) -4972,Jeb Bush,1.0,yes,1.0,Positive,0.6404,None of the above,0.6629,,largemarv74,,0,,,Jeb and Marco 2016 seem like a possible team.#GOPDebate,,2015-08-07 08:42:23 -0700,629678983899160576,East Coast USA,Eastern Time (US & Canada) -4973,No candidate mentioned,0.4503,yes,0.6711,Negative,0.6711,None of the above,0.4503,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel CAN WE BE 100% SURE @POTUS ISN'T BEHIDE THIS #WTF HIM BANGING MY EX WAS A SECRET https://t.co/sWEC9ggCF6,,2015-08-07 08:42:21 -0700,629678976940789760,, -4974,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6855,,eldrickthe1st,,0,,,"Reality is, Pat! @PatrickBuchanan would have been booed off the stage last night. #GOPDebate #cuckservatives",,2015-08-07 08:42:21 -0700,629678976395403264,FEMA Camp5-Mental Defect Block,Central Time (US & Canada) -4975,No candidate mentioned,1.0,yes,1.0,Neutral,0.7045,Religion,1.0,,Ricestudpoker,,0,,,"The last question in the #gopdebate was ""Does an invisible man talk to you, and if so, what does he say?"" -#2015 #religion #scary #gopdebate",,2015-08-07 08:42:21 -0700,629678975875330048,"Austin, TX", -4976,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,MarkMelin,,1,,,"RT @kajawhitehouse: @MarkMelin I couldn't watch the #GOPDebate for example, which I argue should have been on broadcast anyway as a public …",,2015-08-07 08:42:19 -0700,629678969432862720,Chicago mostly,Central Time (US & Canada) -4977,No candidate mentioned,0.4329,yes,0.6579999999999999,Positive,0.342,None of the above,0.4329,,DanielaPerallon,,0,,,Politics Nerd Moment: On vacation. Lost my chill when I looked up @ the bar TV to see I was missing the #GOPDebate reading play by plays now,,2015-08-07 08:42:19 -0700,629678967402926080,Alabama,Central Time (US & Canada) -4978,Donald Trump,1.0,yes,1.0,Neutral,0.66,None of the above,1.0,,JohnWielgosz,,0,,,"It might be the Fear Toxin talking, but my internal voice wonders what a Trump presidency would be like. #GOPDebate http://t.co/eAlQ1ylv7Y",,2015-08-07 08:42:17 -0700,629678957936295936,"PA in body, CA in spirit. ", -4979,Ted Cruz,1.0,yes,1.0,Negative,0.3441,None of the above,1.0,,TwitttHead,,2,,,RT @Wendie07: #GOPDebate I'm sorry Ted Cruz looks like the son of Mr Haney from Green Acres!,,2015-08-07 08:42:15 -0700,629678949644300288,Chicagoland,Central Time (US & Canada) -4980,No candidate mentioned,0.4656,yes,0.6824,Positive,0.3529,None of the above,0.4656,,MikeVee5,,0,,,"The real winner of the ""kids' table"" #GOPdebate? Dick Cheney http://t.co/13LsKG3Aa3 #UnitedBlue #Hillary2016 #Mo… http://t.co/e8jH6TilTs",,2015-08-07 08:42:14 -0700,629678948541181952,, -4981,No candidate mentioned,0.2298,yes,0.6421,Neutral,0.3579,None of the above,0.4123,,meghatron3625,,121,,,RT @MattyIceAZ: Just throwing it out there...Jon is leaving the #DailyShow just in time to jump in the 2016 race. #GOPDebate,,2015-08-07 08:42:12 -0700,629678939313696768,the jungle | the mighty jungle,Eastern Time (US & Canada) -4982,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6494,,NOtoGMOs,,18,,,RT @2noame: And now we get to hear from a bunch of high income men on how much they've done to restrict health access to low income women. …,,2015-08-07 08:42:10 -0700,629678931487125504,Montreal,Eastern Time (US & Canada) -4983,Scott Walker,1.0,yes,1.0,Positive,0.6813,None of the above,0.6813,,DUhockeyFan,,0,,,That @ScottWalker's zinger about Hillary's email and Russian/Chinese hacking is a great clip that's getting lots of play today. #GOPDebate,,2015-08-07 08:42:10 -0700,629678928781791232,"Washington, DC",Eastern Time (US & Canada) -4984,No candidate mentioned,1.0,yes,1.0,Neutral,0.6666,None of the above,0.6666,,Maddie_Rousseau,,0,,,"""The most unexpected part of the GOP Debate was seeing a commercial for Straight Outta Compton on Fox News"" #GOPDebate",,2015-08-07 08:42:09 -0700,629678924214206464,uncc '19, -4985,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RepublicanVzlan,,1,,,RT @kaylasmith4791: Really enjoyed everything @marcorubio had to say last night. #Rubio2016 #GOPDebate #AmericaOnPoint,,2015-08-07 08:42:08 -0700,629678922074992640,"San Francisco, California",Pacific Time (US & Canada) -4986,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,spiegelmama,,0,,,Husband turns on #GOPDebate. Asshats begin asshattery. I yell at TV. He yells at TV. We stop at minute 4.,,2015-08-07 08:42:06 -0700,629678914034503680,San Francisco,Pacific Time (US & Canada) -4987,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,AlwaysDrunkInSF,,0,,,@realDonaldTrump maybe see if you can get @SarahPalinUSA to be your VP so you can lock down the women vote #GOPdebate #idiot,,2015-08-07 08:42:05 -0700,629678911211724800,San Fracisco City Like A Disco,Pacific Time (US & Canada) -4988,No candidate mentioned,1.0,yes,1.0,Negative,0.6483,FOX News or Moderators,0.6483,,TrendMomTrader,,0,,,"I cut the cord, so no FOX for debate and no Comedy Channel for Jon Stewart. #GOPDebate #JonStewart Still living.",,2015-08-07 08:42:02 -0700,629678898427465728,"St. Louis, Missouri", -4989,No candidate mentioned,1.0,yes,1.0,Neutral,0.6801,None of the above,1.0,,ColJE10,,349,,,"RT @LouisPeitzman: From now on, I'm answering all questions with a story about the hardships my parents faced. #GOPDebate",,2015-08-07 08:42:02 -0700,629678897802706944,315,Atlantic Time (Canada) -4990,No candidate mentioned,1.0,yes,1.0,Negative,0.6807,None of the above,0.6859999999999999,,LauriePatriot,,1,,,"RT @alexandraheuser: Fox PRIME time Debate was a HUGE, HYPED, SHINY #FoxFAIL #IssuesLost2Drama #GOPDebate https://t.co/WmDLUgl9nD",,2015-08-07 08:42:02 -0700,629678895474696192,,Pacific Time (US & Canada) -4991,No candidate mentioned,0.6217,yes,1.0,Neutral,0.6217,None of the above,1.0,,Kloondashian,,8,,,"RT @THRMattBelloni: We got the leader of Friends of Abe, Hollywood's secret conservative group, to analyze the first #GOPDebate. http://t.c…",,2015-08-07 08:42:01 -0700,629678894187216896,Anywhere Clooneys Are Not , -4992,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,1finekitty,,3,,,RT @DavidTATL: This! biggest loser last night was @megynkelly who came across as a condescending cat! #boycott her show! #GOPDebate https:/…,,2015-08-07 08:42:01 -0700,629678891796430848,"I enjoy eating, pooping, & sleeping. Other interest include looking out the window.",Central Time (US & Canada) -4993,No candidate mentioned,0.2303,yes,0.6715,Neutral,0.6715,None of the above,0.4509,,JasonCurlee,,0,,,Jotted a few notes on last nights #GOPDebate and ranked them. #tcot #ccot #TedCruz #RandPaul #BenCarson http://t.co/iJYmUd0nV4,,2015-08-07 08:42:00 -0700,629678890022146048,"Corpus Christi, TX",Central Time (US & Canada) -4994,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,Dom_Curran,,2,,,"RT @HopeisBowater: #GOPDebate has destroyed #Clinton2016 ""electibility"" pitch. Bernie Sanders would beat any one of the shower #BernieSande…",,2015-08-07 08:42:00 -0700,629678888436768768,London,London -4995,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6595,,sc_mermaid,,12,,,RT @jiadarola: The most detailed policy proposal we got at the #GOPDebate was Ben Carson's idea for how to destroy America.,,2015-08-07 08:42:00 -0700,629678887077679104,"Silicon Valley, CA ",Pacific Time (US & Canada) -4996,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JonnySala4,,0,,,"If you're seriously thinking about voting for Donald Trump you are as ignorant as he is arrogant -#GOPDebate",,2015-08-07 08:41:59 -0700,629678883286216704,Indiana,Central Time (US & Canada) -4997,Chris Christie,0.3819,yes,0.618,Positive,0.618,,0.2361,,Thoughtsnviews,,0,,,The best thing in #GOPDebate was @GovChristie wiping the floor w/ @RandPaul on his Jihad enabling policies. Well done.,,2015-08-07 08:41:59 -0700,629678883260903424,Inform. Educate. Enlighten., -4998,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,zzcrane,,4,,,"I beg you Donald trump supporters to reconsider. He is easily influenced politically & monetarily. -#GOPDebate #tlot #tcot #WakeUpAmerica",,2015-08-07 08:41:58 -0700,629678880668778496,Wild West,Mazatlan -4999,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6859999999999999,,thisgirldontply,,0,,,#GOPDebate #DumpTrump @megynkelly u have a new fan. U showed America who Chump really is. A bully w no class. A billionaire w no substance👎🏻,,2015-08-07 08:41:58 -0700,629678878068486144,"Paris, Ile-de-France", -5000,No candidate mentioned,0.7033,yes,1.0,Negative,0.7033,Racial issues,1.0,,DWHignite,,0,,,Safe to say that Darwin used #PoliticalCorrectness to protect #slavery and hide his #racism #GOPDebate #tcot https://t.co/okLUA3ZppC,,2015-08-07 08:41:57 -0700,629678877124661248,, -5001,No candidate mentioned,1.0,yes,1.0,Positive,0.6514,Foreign Policy,1.0,,jbklecker,,0,,,"#RFS reduces our need for oil imports from hostile foreign regions, which helps keep our military out of Middle East conflicts. #GOPDebate",,2015-08-07 08:41:57 -0700,629678874175995904,Augustana,Central Time (US & Canada) -5002,,0.2326,yes,0.6318,Positive,0.6318,None of the above,0.3991,,TRButcher,,1,,,"Looks like @RealBenCarson & @marcorubio were the big winners of the #GOPDebate, and I agree! http://t.co/g8FYUmFxUn",,2015-08-07 08:41:55 -0700,629678865498017792,WA,Pacific Time (US & Canada) -5003,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,josedeynes,,0,,,#GOPDebate Another past poll about the General Election http://t.co/FUAPQThMzg,,2015-08-07 08:41:55 -0700,629678865489604608,"Isabela, PR", -5004,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,FourthPosition,,0,,,"Keep focusing on shit like the #GOPDebate you dumbfucks, the 4th wave of Fascism isn't for you basic bitches anyway.",,2015-08-07 08:41:54 -0700,629678864738811904,FEMA Region IX,Arizona -5005,Donald Trump,0.6702,yes,1.0,Negative,0.6702,None of the above,1.0,,PruneJuiceMedia,,0,,,Trump to Paul: “You’re having a hard time tonight!” #GOPDebate,,2015-08-07 08:41:54 -0700,629678864130834432,"Atlanta, Georgia",Eastern Time (US & Canada) -5006,No candidate mentioned,0.4247,yes,0.6517,Negative,0.6517,None of the above,0.4247,,l_brogan59,,6,,,"RT @NancyOsborne180: #BATsAsk Same old playbook. -#GOPDebate -@BadassTeachersA -#TBATs http://t.co/RDi2tgnBJz",,2015-08-07 08:41:53 -0700,629678857931591680,"newburgh, ny",Eastern Time (US & Canada) -5007,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JeanetteNJ,,1,,,"Sure, #Trump may be entertaining, but let's remember this is a presidential campaign, not WWE SummerSlam. #GOPDebate https://t.co/cbmPOatgx0",,2015-08-07 08:41:52 -0700,629678853364019200,NJ,Eastern Time (US & Canada) -5008,Donald Trump,1.0,yes,1.0,Negative,0.6782,None of the above,1.0,,AMERICAagogo,,0,,,"#Trumps having a bad hair day... Again. -#GOPDebate @RandPaul @RealBenCarson https://t.co/LtJmBXc1C8",,2015-08-07 08:41:51 -0700,629678851396866048,Location: 1776 ,Central Time (US & Canada) -5009,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,FOX News or Moderators,1.0,,borsato79,,2,,,RT @mofopolitics: Michael Savage warned you about Megyn Kelly a long time ago http://t.co/6CstNZHxXf #gopdebate #tcot,,2015-08-07 08:41:51 -0700,629678850268639232,, -5010,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6354,,vivigold197,,2,,,"@realDonaldTrump: misogynist, ignorant, xenophobic and greedy: another proof that money does not buy class. #GOPDebate #GOPClownCar",,2015-08-07 08:41:50 -0700,629678846757965824,, -5011,Donald Trump,0.4347,yes,0.6593,Positive,0.3297,None of the above,0.4347,,RobinByrd3,,0,,,@dan_bernstein That debate or if you can call it that was just a joke. The biggest one of all is Donald Trump. #GOPDebate,,2015-08-07 08:41:49 -0700,629678841183772672,, -5012,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RustySutton,,0,,,I definitely have way too much to do today to be googling lies told during the #GOPDebate. There just too few hours in a day.,,2015-08-07 08:41:46 -0700,629678830375018496,"Asheville, NC", -5013,No candidate mentioned,1.0,yes,1.0,Negative,0.6753,None of the above,1.0,,TwitttHead,,24,,,"RT @BillyMagnussen: Is it me or does the #GOPDebate feel like an episode of ""who wants to be a millionaire""",,2015-08-07 08:41:46 -0700,629678829490073600,Chicagoland,Central Time (US & Canada) -5014,No candidate mentioned,1.0,yes,1.0,Negative,0.6679,None of the above,1.0,,davealleninsley,,0,,,"I don't really think anyone ""won"" the #gopdebate last night. Some people lost and a few will rise in polls. But nobody stood out overmuch.",,2015-08-07 08:41:45 -0700,629678827430637568,At a game somewhere,Eastern Time (US & Canada) -5015,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,MsPattenbottom,,0,,,"Unfortunately I wasnt able to take #GOP candidates' #Abortion opinions seriously because their penises got in the way -#GOPDebate #prochoice",,2015-08-07 08:41:45 -0700,629678826902065152,,Central Time (US & Canada) -5016,No candidate mentioned,0.4946,yes,0.7033,Neutral,0.7033,None of the above,0.4946,,missb62,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @woodhouseb @fakedansavage @missb62 @ChasingTao @HollandCooke @Robin…,,2015-08-07 08:41:45 -0700,629678826495217664,Colorado,Mountain Time (US & Canada) -5017,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,annoddonna,,0,,,@foxnewspolitics #GOPDebate #MeganKelly the 1 clear looser last night was Fox New ' s Fair & Balanced reputation.,,2015-08-07 08:41:45 -0700,629678825480323072,,America/Detroit -5018,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,trpjcm,,140,,,RT @KyleKulinski: Hillary was just called 'the epitome of the secular progressive movement'. BAHAHAHAHAHAHA LOLOLOLOLOLOL LMAOOO #GOPDebate,,2015-08-07 08:41:44 -0700,629678822602969088,, -5019,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,huntedrebelled,,266,,,RT @emmyrossum: #GOPDebate I need an antacid,,2015-08-07 08:41:43 -0700,629678816890261504,,Eastern Time (US & Canada) -5020,Donald Trump,0.4916,yes,0.7011,Negative,0.7011,FOX News or Moderators,0.4916,,Isces1,,2,,,RT @skepticalbrotha: #FoxNews created the wilfully ignorant monster they conspired 2 destroy in the #GOPdebate. They failed. I couldn't be …,,2015-08-07 08:41:42 -0700,629678813220212736,,Central Time (US & Canada) -5021,Rand Paul,1.0,yes,1.0,Positive,0.3804,None of the above,1.0,,StevanMiller2,,43,,,"RT @cenkuygur: Rand Paul won the round with Chris Christie with the completely irrelevant #ObamaHug line, though he was right on the merits…",,2015-08-07 08:41:41 -0700,629678810108002304,, -5022,No candidate mentioned,0.4818,yes,0.6941,Negative,0.6941,FOX News or Moderators,0.4818,,sun4jeff,,340,,,RT @Writeintrump: Megan Kelly is angrier tonight than Rosie O'Donnell on a diet. #GOPDebate,,2015-08-07 08:41:40 -0700,629678805657890816,, -5023,Chris Christie,0.6274,yes,1.0,Negative,1.0,None of the above,1.0,,tomgrasso,,0,,,@RandPaul @ChrisChristie why did he get a free pass on raid the NJ Pension system much like Bush raided Social Security?? #GOPDebate,,2015-08-07 08:41:40 -0700,629678804089176064,"Colorado, USA",Eastern Time (US & Canada) -5024,John Kasich,0.6877,yes,1.0,Negative,0.6408,Healthcare (including Medicare),0.6408,,burthest,,1,,,RT @HeathNOLA: Why is nobody talking about how @JohnKasich proves #Obamacare medicaid expansion works on #GOPDebate ? @LaDemos @TeamKCP @DW…,,2015-08-07 08:41:38 -0700,629678797634306048,, -5025,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,SmillingHK,,1,,,@FoxNews Megyn Kelly's #GOPDebate performance was every bit as biased and obnoxious as that of Candy Crowley's 2012 @CNN performance.,,2015-08-07 08:41:37 -0700,629678793913970688,Jersey Pinelands,America/New_York -5026,Donald Trump,1.0,yes,1.0,Negative,0.7048,Women's Issues (not abortion though),1.0,,garboczievans,,0,,,"per #GOPdebate, Trump believes it's merely ""politically correct"" not MORALLY RIGHT to treat women as equals.",,2015-08-07 08:41:37 -0700,629678793670549504,Colorado,Central Time (US & Canada) -5027,Donald Trump,0.4872,yes,0.698,Neutral,0.3865,None of the above,0.4872,,TNTweetersUSA,,1,,,RT @ItsShoBoy: #GOPDebate veers between two subjects: #America and @realDonaldTrump http://t.co/iNAXyK7rOm #TNTweeters #AINF #tlot #tcot #p…,,2015-08-07 08:41:36 -0700,629678786066255872,,Central Time (US & Canada) -5028,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,itsnofLUKE,,367,,,RT @DocInRealLife: RT if you'd rather vote for Doc. #GOPDebate http://t.co/ElcoxLPHaV,,2015-08-07 08:41:35 -0700,629678783637913600,, -5029,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tweedo77,,116,,,"RT @Timcast: Trump said this country needs brain, so basically he is saying we shouldn't vote for him? #GOPDebate",,2015-08-07 08:41:34 -0700,629678778780921856,,Eastern Time (US & Canada) -5030,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.6458,None of the above,0.4171,,itsrebeccalang,,1,,,"RT @VikingBooks: ""It's not my job to elect the man, but to observe him."" What would #MaryMcGrory think of this #GOPdebate? http://t.co/Jb7z…",,2015-08-07 08:41:34 -0700,629678778768302080,NYC/Brooklyn,Quito -5031,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6667,,fox8news,,1,,,RT @JessicaLynnDill: @GovMikeHuckabee stopping by to talk with @fox8news today. Tune in @ noon to hear what he has to say about #GOPDebate …,,2015-08-07 08:41:33 -0700,629678777023336448,Cleveland,Eastern Time (US & Canada) -5032,No candidate mentioned,1.0,yes,1.0,Negative,0.6748,None of the above,1.0,,NOtoGMOs,,22,,,"RT @2noame: Well, it's over. And in the minds of any aliens watching from orbit, so is the human species. #GOPDebate",,2015-08-07 08:41:30 -0700,629678764440596480,Montreal,Eastern Time (US & Canada) -5033,No candidate mentioned,0.3735,yes,0.6111,Negative,0.6111,None of the above,0.3735,,NicholasElleman,,299,,,"RT @AriBerman: On 50th anniversary of Voting Rights Act, not one question about VRA or voting rights during 1st #GOPdebate",,2015-08-07 08:41:30 -0700,629678761894670336,"Marysville, Ohio",Central Time (US & Canada) -5034,Scott Walker,1.0,yes,1.0,Negative,0.6395,None of the above,1.0,,NeverYouMind,,0,,,Why did Scott Walker wink at me? Why did I like it? #GOPDebate http://t.co/qNbPUzgEQa,,2015-08-07 08:41:29 -0700,629678759742992384,The Fla,Eastern Time (US & Canada) -5035,Donald Trump,0.4542,yes,0.6739,Negative,0.3804,None of the above,0.4542,,TNTweetersUSA,,2,,,RT @ItsShoBoy: #GOPDebate w/o moderation: @realDonaldTrump shapes @GOP policy and debate http://t.co/7MbjN53Vut #TNTweeters #AINF #tlot #tc…,,2015-08-07 08:41:28 -0700,629678752717389824,,Central Time (US & Canada) -5036,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,CalebRapoport,,0,,,"If the 2016 presidential election comes down to who I'd like to have a beer with, @JebBush is toast. Zero Gravitas. #GOPDebate",,2015-08-07 08:41:25 -0700,629678740805566464,Los Angeles , -5037,Mike Huckabee,0.4563,yes,0.6755,Negative,0.6755,None of the above,0.4563,,Global_Bearings,,0,,,The most disgraceful moment of #GOPDebate last night was when Huckabee bashed on the most venerable of our war veterans .... the B-52,,2015-08-07 08:41:25 -0700,629678739471888384,DC,Eastern Time (US & Canada) -5038,No candidate mentioned,0.4806,yes,0.6932,Negative,0.4806,None of the above,0.2643,,megamauser,,20,,,RT @TexasForBernie: Stand w @BernieSanders against extremist GOP that feeds on violating fundamental rights #DebateWithBernie #GOPDebate ht…,,2015-08-07 08:41:24 -0700,629678738339278848,Tyria, -5039,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,Kadzis,,2,,,"Thoughts on the #GOPDebate from @reillyadam and me via #TheScrum. http://t.co/h4QBM6W3yI Not unlike ""Hunger Games"" minus Jennifer Lawrence.",,2015-08-07 08:41:24 -0700,629678737555107840,"Boston, MA",Quito -5040,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DeDubYuh,,1,,,"RT @MFL1956: Poor Marco Rubio laughing at his own jokes. -#GOPDebate",,2015-08-07 08:41:23 -0700,629678732236566528,Madison,Central Time (US & Canada) -5041,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6451,,cristianobosco,,0,,,"To me, the real winner of last night #GOPDebate was @megynkelly. #MegynKelly",,2015-08-07 08:41:22 -0700,629678729761914880,Albenga,Rome -5042,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6932,,katcoleman33,,15,,,"RT @TimFederle: First question of the #GOPDebate: ""How about those Hamilton reviews?""",,2015-08-07 08:41:22 -0700,629678727048364032,"New York, NY",Pacific Time (US & Canada) -5043,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7283,,TDsVoice,,0,,,Media sticks up 4 @megynkelly during #GOPDebate n rips #Trump. What media'is missing #Trump did not crash n burn. Megan set Trump up.,,2015-08-07 08:41:21 -0700,629678725651648512,"NYC & Myrtle Beach, SC",Atlantic Time (Canada) -5044,Mike Huckabee,1.0,yes,1.0,Positive,0.6495,FOX News or Moderators,1.0,,JessicaLynnDill,,1,,,@GovMikeHuckabee stopping by to talk with @fox8news today. Tune in @ noon to hear what he has to say about #GOPDebate http://t.co/F9291V7Jgp,,2015-08-07 08:41:20 -0700,629678718752026624,TheLand,Quito -5045,Donald Trump,0.4574,yes,0.6763,Negative,0.6763,None of the above,0.4574,,redden_patrick,,604,,,"RT @funnyordie: You're right, Trump. If it wasn't for you, we wouldn't be talking about the dumb shit you said. #GOPDebate",,2015-08-07 08:41:19 -0700,629678716696817664,"Redmond, OR", -5046,No candidate mentioned,0.3839,yes,0.6196,Negative,0.3261,None of the above,0.3839,,ThatChickMagge,,1,,,RT @zachhaller: The (painful) #GOPDebate (that should embarrass all Americans) shows u GOP is so dumb they don't even know their biggest th…,,2015-08-07 08:41:17 -0700,629678706211074048,Houston,Central Time (US & Canada) -5047,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AllieLindo,,0,,,So about last night... #GOPDebate,,2015-08-07 08:41:13 -0700,629678692353093632,"New York, NY",Atlantic Time (Canada) -5048,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.3537,,moxiemegs,,1,,,RT @amylazscdc: .@realDonaldTrump just gave a master class on how to get away with sexism http://t.co/36sdQbY52A via @voxdotcom #GOPDebate,,2015-08-07 08:41:13 -0700,629678690805370880,#famouslyhot ,Eastern Time (US & Canada) -5049,Jeb Bush,1.0,yes,1.0,Negative,0.6364,Immigration,1.0,,wendi_334,,3,,,RT @StLNetworkGuru: .@JebBush it's not US responsibility to provide options for #IllegalAliens when THEIR countries wont handle their welfa…,,2015-08-07 08:41:13 -0700,629678689387720704,,Central Time (US & Canada) -5050,Donald Trump,1.0,yes,1.0,Negative,0.6936,None of the above,0.6936,,Michaelaanne726,,5,,,RT @emilyelarsen: I have a theory that the Trump campaign is secretly funded by Saturday Night Live writers to provide material for the sho…,,2015-08-07 08:41:12 -0700,629678688326385664,, -5051,Donald Trump,1.0,yes,1.0,Negative,0.3629,None of the above,1.0,,lvnupe,,0,,,S/O to #DonaldTrump for refusing to be politically correct .....or correct in general. #GOPDebate #tcot,,2015-08-07 08:41:12 -0700,629678686795616256,,Mountain Time (US & Canada) -5052,Chris Christie,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,sun4jeff,,157,,,RT @Writeintrump: Chris Christie only gave Obama that big hug because the President had Bacon Bits in his pocket. #GOPDebate,,2015-08-07 08:41:12 -0700,629678685478498304,, -5053,Donald Trump,1.0,yes,1.0,Negative,0.6458,None of the above,1.0,,jaymathis66,,0,,,I heard @realDonaldTrump is creating his own time zone and Kim Jong U won't rule out running an independent campaign in 2016. #GOPDebate,,2015-08-07 08:41:11 -0700,629678681904975872,"Waco, TX",Central Time (US & Canada) -5054,Donald Trump,1.0,yes,1.0,Negative,0.6477,FOX News or Moderators,1.0,,_HankRearden,,0,,,.@drudge_report Trump took Megyn Kelly to church last night. Dominant showing. #GOPDebate,,2015-08-07 08:41:09 -0700,629678675244531712,District of Columbia, -5055,No candidate mentioned,0.4307,yes,0.6563,Positive,0.6563,None of the above,0.4307,,SarahRamsingh,,0,,,This caption is puuuuuuurfect. https://t.co/LuQdtgv4Fb #hillaryclinton #hillary2016 #vote #election #gopdebate,,2015-08-07 08:41:09 -0700,629678674724429824,MilkyWay-SanFran-NYC-Miami,Quito -5056,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,NOtoGMOs,,39,,,RT @2noame: So @SenSanders live-tweeted the #GOPDebate using #DebateWithBernie and @HillaryClinton hung out with @KimKardashian & @kanyewes…,,2015-08-07 08:41:09 -0700,629678674418225152,Montreal,Eastern Time (US & Canada) -5057,Donald Trump,1.0,yes,1.0,Positive,0.3523,None of the above,1.0,,boobs4bucks,,5,,,RT @MediaBoobs: #NSFW Why Donald Trump won last night's #GOPDebate http://t.co/zhtJorprQb,,2015-08-07 08:41:09 -0700,629678673013018624,Zozobra NM,Pacific Time (US & Canada) -5058,No candidate mentioned,0.4587,yes,0.6773,Negative,0.6773,None of the above,0.4587,,the_amphibian,,0,,,Just made my $10 donation to @NRDC for ZERO mentions of #ClimateChange at last night's #GOPDebate.,,2015-08-07 08:41:08 -0700,629678672019070976,NJ,Quito -5059,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,,0.2296,,BoardwalkW,,1,,,RT @Hectzilla: Everyone in Atlantic City went backrupt??? Even @BoardwalkW ?? #GOPDebate,,2015-08-07 08:41:08 -0700,629678669787590656,, -5060,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EscapeVelo,,0,,,You can't believe a thing that comes out of Rubios mouth. #GOPDebate,,2015-08-07 08:41:07 -0700,629678664041410560,Twitter, -5061,No candidate mentioned,0.4378,yes,0.6616,Neutral,0.6616,None of the above,0.2374,,erinkellyd,,0,,,"Deut 1:13 Choose for ur tribes wise, understanding & experienced men, & I'll appoint them as your heads. #GOPDebate https://t.co/JqVoQ4miQ6",,2015-08-07 08:41:06 -0700,629678660782555136,United States, -5062,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6786,,JSpence320,,0,,,Why Did Chris Christie Say He Was A U.S. Attorney On 9/11 When He Wasn’t? http://t.co/JgDzIE6Cwz via @thinkprogress #GOPDebate,,2015-08-07 08:41:04 -0700,629678654533013504,,Eastern Time (US & Canada) -5063,No candidate mentioned,0.5011,yes,0.7079,Negative,0.7079,None of the above,0.5011,,LiberalMmama,,1,,,"Wait, has Rick Perry thought of that 3rd gov't dept yet??? Maybe he can ask Ronald Raven.... #GOPClownCar #GOPDebate",,2015-08-07 08:41:04 -0700,629678653023100928,U.S.A.,Eastern Time (US & Canada) -5064,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HellBlazeRaiser,,4,,,"RT @mofopolitics: Megyn Kelly has never been that tough on her illegal alien guest, Jose Antonio Vargas. #gopdebate #tcot",,2015-08-07 08:41:04 -0700,629678652968562688,"South Philly, USA",Eastern Time (US & Canada) -5065,Mike Huckabee,1.0,yes,1.0,Negative,0.6606,Abortion,1.0,,perry_tweets,,0,,,"Despite what @GovMikeHuckabee and @RickSantorum think, this is not a person #PlannedParenthood #abortion #GOPDebate http://t.co/Cw6wh5TFi5",,2015-08-07 08:41:03 -0700,629678650678358016,Los Angeles,Pacific Time (US & Canada) -5066,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DottimusPrime,,3,,,RT @DobaDarris: @Dvlan_ @MrChuckD @afrofactz @NicolasSarkozy PE could probably drop a whole album just responding to last night's #GOPDebat…,,2015-08-07 08:41:01 -0700,629678642092748800,27517 via 03833 and 45505,Eastern Time (US & Canada) -5067,No candidate mentioned,1.0,yes,1.0,Neutral,0.6636,None of the above,1.0,,1n5ur3c7,,12,,,"RT @JamesFTInternet: And now, a live picture from the 'warm up"" #GOPDebate in Cleveland: -#ClownCar http://t.co/xJTnrV0uDK",,2015-08-07 08:41:00 -0700,629678637479014400,Wickr: Freewolf, -5068,No candidate mentioned,0.4857,yes,0.6969,Neutral,0.3963,None of the above,0.4857,,PIPoodle,,0,,,@tiffinit @jessilespie @JDante_PR @selhussain love your @Storify! #GOPDebate,,2015-08-07 08:40:59 -0700,629678634286977024,"Chicago, IL",Central Time (US & Canada) -5069,No candidate mentioned,0.4344,yes,0.6591,Negative,0.3636,LGBT issues,0.2397,,imfabulous13,,1,,,I assume you guys didn't boo a gay soldier this time only because the opportunity didn't arise. #RSG15 #GOPDebate http://t.co/ZVr7QxxDgH,,2015-08-07 08:40:55 -0700,629678615563780096,"Earth, on the left..",Atlantic Time (Canada) -5070,Donald Trump,1.0,yes,1.0,Neutral,0.6456,None of the above,1.0,,iamthelukie,,396,,,RT @Things4WhitePpl: Watching the #GOPDebate just to see what Trump will say,,2015-08-07 08:40:54 -0700,629678611281227776,u of south carolina,Atlantic Time (Canada) -5071,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,None of the above,1.0,,tkords,,0,,,Just finished the #GOPDebate. Two hours of excellent tough questions without a single one being properly answered or addressed.,,2015-08-07 08:40:54 -0700,629678611079925760,, -5072,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6779,,iamJasonKane,,0,,,And the focus group post #GOPDebate was a liberal eyesore. @FrankLuntz your focus groups are a disgrace and do no justice. #wasteoftime,,2015-08-07 08:40:53 -0700,629678606604632064,"Lawrence, KS",Central Time (US & Canada) -5073,No candidate mentioned,1.0,yes,1.0,Neutral,0.6353,None of the above,1.0,,jojo21,,8,,,"RT @Padoozles: Big wigs know who the big wigs are! Good job today, @GovernorPerry! #GOPDebate #Perry2016 https://t.co/9ilmNXdeIb",,2015-08-07 08:40:53 -0700,629678605849784320,"Ellicott City, Maryland",Eastern Time (US & Canada) -5074,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6598,,RolandoKahn,,0,,,Last night’s GOP debate made it clear - cyber security is the new national security http://t.co/3wXF9Jcp0a #GOPDebate,,2015-08-07 08:40:53 -0700,629678605438689280,"Milwaukee, WI", -5075,No candidate mentioned,1.0,yes,1.0,Negative,0.6807,None of the above,1.0,,Rach_IC,,0,,,"Hilarious coverage of last night's #GOPDebate, from my colleague Al Perrotta: Ten Guys Walk Onto a Stage… https://t.co/qBiMm8AoW9",,2015-08-07 08:40:52 -0700,629678604520034304,"Phoenix, AZ",Pacific Time (US & Canada) -5076,No candidate mentioned,1.0,yes,1.0,Negative,0.6344,None of the above,1.0,,dryanshea,,0,,,"If you saw any tears during Jon Stewart's last night on The Daily Show, just pretend I laughed so hard I cried watching the #GOPDebate.",,2015-08-07 08:40:49 -0700,629678592511901696,"Boston, MA",Eastern Time (US & Canada) -5077,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,trennnnza,,0,,,"#CarlyFiorina ""Why I'm running for President."" #GOPDebate http://t.co/Py84nEwRvT",,2015-08-07 08:40:49 -0700,629678590179823616,FL,America/New_York -5078,No candidate mentioned,0.4078,yes,0.6386,Neutral,0.6386,None of the above,0.4078,,ovrdrv,,1,,,RT @cargillcreative: #GOPDebate vs. #JonVoyage: Who Won Social Last Night? http://t.co/GyIO65DjSS by @AnnaRawsuh via @ovrdrv,,2015-08-07 08:40:48 -0700,629678584391712768,"Boston, MA",Eastern Time (US & Canada) -5079,No candidate mentioned,1.0,yes,1.0,Negative,0.6296,None of the above,0.679,,l_brogan59,,2,,,RT @AJC4others: Oh no he didn't.. Ye shall know them by their fruit?! #GOPDebate they use law not ethics or GOD to get donations and peda…,,2015-08-07 08:40:47 -0700,629678580931407872,"newburgh, ny",Eastern Time (US & Canada) -5080,Donald Trump,1.0,yes,1.0,Neutral,0.6836,FOX News or Moderators,1.0,,TheOtherAA,,0,,,"Last night's #GOPDebate on @FoxNews outdrew the Women's World Cup finals. #TheTrumpFactor -http://t.co/mXUqd2990J",,2015-08-07 08:40:47 -0700,629678580591652864,Baton Rouge - DC - Narnia,Eastern Time (US & Canada) -5081,,0.2246,yes,0.6593,Neutral,0.6593,None of the above,0.4347,,DickMorrisTweet,,0,,,Who Won The Debate? Dick Morris TV: Lunch Alert! http://t.co/4XvN7N5lv1 #GOPDebate #Election2016 @realDonaldTrump @tedcruz @GovChristie @GOP,,2015-08-07 08:40:45 -0700,629678573008330752,,Eastern Time (US & Canada) -5082,No candidate mentioned,0.3989,yes,0.6316,Positive,0.6316,,0.2327,,fuzzytheo1,,28,,,RT @KaivanShroff: Biggest winner of tonight's #GOPDebate was far and away Hillary Clinton.,,2015-08-07 08:40:43 -0700,629678564628135936,, -5083,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bibliaupair,,1,,,"With all due respect to the pundits, you don't get to tell me who won the debate. That's for me to decide. #GOPDebate",,2015-08-07 08:40:43 -0700,629678564028346368,"Old Town Alexandria, Virginia",Eastern Time (US & Canada) -5084,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.7037,,JohnScottTynes,,0,,,I was confused about John Kasich showing up in last night's #GOPDebate but it turns out he camped out at the box office for rush tickets.,,2015-08-07 08:40:41 -0700,629678558319742976,"Seattle, WA", -5085,Rand Paul,0.6627,yes,1.0,Negative,1.0,None of the above,0.6867,,StevanMiller2,,128,,,RT @cenkuygur: War! War! War! In unison the GOP candidates chant on Iran (with a slight variance from Rand Paul). Take them at their word. …,,2015-08-07 08:40:39 -0700,629678549591420928,, -5086,Jeb Bush,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,EducationFreedo,,1,,,RT @The_PAULitician: The award for most disingenuous statement in last night's #GOPDebate goes to @JebBush for his #CommonCore doubletalk: …,,2015-08-07 08:40:35 -0700,629678529932886016,, -5087,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChristianNewaye,,7,,,RT @naturallyelsa: You know what's missing from this #GOPDebate? Garbage collectors. Cause all I see on stage is trash. http://t.co/67atObS…,,2015-08-07 08:40:33 -0700,629678523339419648,, -5088,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6759999999999999,,glorianne329,,20,,,RT @princessomuch: #Trump gets called out by woman for demeaning other women; Trump calls her a bimbo. This should win him the movie-shoote…,,2015-08-07 08:40:32 -0700,629678518918475776,western massachusetts , -5089,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,jerseygirlmay23,,9,,,RT @mch7576: RT “@Bipartisanism: What #CarlyFiorina forgot to mention in the #GOPDebate: http://t.co/Io1yD58MD3”,,2015-08-07 08:40:32 -0700,629678518331420672,, -5090,Mike Huckabee,0.4492,yes,0.6702,Positive,0.6702,None of the above,0.4492,,georgehenryw,,1,,,"The Master of Useful Humor - -#gopdebate #imwithhuck #gop #ccot #teaparty #tcot #makedclisten #wethepeople #uniteright -http://t.co/DmWCGGCwmy",,2015-08-07 08:40:31 -0700,629678516380938240,Texas,Central Time (US & Canada) -5091,John Kasich,0.6771,yes,1.0,Positive,1.0,None of the above,1.0,,torri_huebner,,0,,,That's a wrap! So blessed to have been able to be apart of it all 🇺🇸🐘💁🏻❤️ #gopdebate #kasich4us https://t.co/NfwJVLpt96,,2015-08-07 08:40:30 -0700,629678510207041536,"Columbus, OH",Eastern Time (US & Canada) -5092,Chris Christie,0.4218,yes,0.6495,Neutral,0.3402,None of the above,0.4218,,l_brogan59,,7,,,RT @MatthewArco: Christie has had about 5 minutes worth of talking time so far. #GOPdebate,,2015-08-07 08:40:30 -0700,629678508781006848,"newburgh, ny",Eastern Time (US & Canada) -5093,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,26aneek,,10,,,"RT @greatbong: #GOPDebate God speaks to all the GOP candidates. If that does not make you an atheist , I dont know what will.",,2015-08-07 08:40:29 -0700,629678507354820608,,New Delhi -5094,No candidate mentioned,1.0,yes,1.0,Neutral,0.6842,None of the above,1.0,,Jenn4Laughs,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @messagingmatt @StCyrlyMe2 @beetrix @Jenn4Laughs @dmiller23 @msbellows …,,2015-08-07 08:40:29 -0700,629678506998370304,28277,Hawaii -5095,Donald Trump,1.0,yes,1.0,Positive,0.3724,None of the above,1.0,,ejcharnock,,2,,,RT @hilderestad: Republican strategist @FrankLuntz 's focus group during #GOPDebate ended up decidedly not liking Trump by end of debate.,,2015-08-07 08:40:29 -0700,629678506742554624,"Cambridge, UK",Dublin -5096,Donald Trump,1.0,yes,1.0,Positive,0.6517,Women's Issues (not abortion though),1.0,,TrumpIssues,,1,,,"Kim Kardashian can make a sex tape, have a TV show & do a promo pose with Hillary, but Trump can't call a women a dog. #GOPDebate #PC",,2015-08-07 08:40:29 -0700,629678506679513088,United States Of America,Pacific Time (US & Canada) -5097,Donald Trump,1.0,yes,1.0,Negative,0.6429,None of the above,1.0,,dratcliff80,,113,,,RT @DennisPrager: Donald Trump's unwillingness to pledge not to run as an independent should immediately disqualify him in every Republican…,,2015-08-07 08:40:28 -0700,629678502791483392,, -5098,Donald Trump,1.0,yes,1.0,Positive,0.37799999999999995,None of the above,1.0,,LauriePatriot,,1,,,"RT @alexandraheuser: NYT Lib take on #GOPDebate On support4 Trump audience @ NY beer hall “In a room full of progressives, u better believe…",,2015-08-07 08:40:27 -0700,629678498148290560,,Pacific Time (US & Canada) -5099,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,GlenGilmore,,3,,,Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/90Xa4VCINU @WSJ http://t.co/bcTaj3xDGA,,2015-08-07 08:40:27 -0700,629678496328105984,NJ | NY | PA ✈ Memphis,Eastern Time (US & Canada) -5100,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jillhoman,,0,,,@gop general session in #Cleveland post #GOPDebate http://t.co/8Wd0PZWMfD,,2015-08-07 08:40:26 -0700,629678495002705920,"Washington, DC", -5101,No candidate mentioned,0.4401,yes,0.6634,Neutral,0.3366,FOX News or Moderators,0.2233,,mujshaikh,,0,,,Twitter declares Carly Fiorina the #GOPDebate winner http://t.co/fHA3t6UY3u,,2015-08-07 08:40:26 -0700,629678493530374144,India,Mumbai -5102,Donald Trump,0.7002,yes,1.0,Negative,0.6245,None of the above,0.6752,,LuBu215,,2,,,RT @CarolCNN: #DonaldTrump won't rule out third-party bid @David_Gergen @alexcast look into the #GOPdebate http://t.co/45F7u5UlKH http://t.…,,2015-08-07 08:40:24 -0700,629678485993320448,#Philly,Central Time (US & Canada) -5103,No candidate mentioned,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,ChrisJZullo,,10,,,"Please note, this is not a lie. World only has 53.3 years of oil reserves left. Hello, anyone listening? #GOPDebate #uniteblue #cnn #manbc",,2015-08-07 08:40:24 -0700,629678483753541632,The United States of America,Eastern Time (US & Canada) -5104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6849,,outerspacemanII,,0,,,@roryontour @bannerite @SayNoToGOP @POTUS #cspanchat how QUICK #CANDIDATES #gopdeBATE TURN and how much FASTER #RWNJ #ZOMBIES turn on them,,2015-08-07 08:40:23 -0700,629678482843283456,United States of America,Atlantic Time (Canada) -5105,Donald Trump,0.4493,yes,0.6703,Positive,0.3407,Foreign Policy,0.4493,,sun4jeff,,68,,,"RT @Writeintrump: I'm the only one on stage who can handle Iran. If anyone can understand Persians, it's a guy who lives in a Gold Penthous…",,2015-08-07 08:40:22 -0700,629678478548340736,, -5106,John Kasich,1.0,yes,1.0,Positive,0.6679,None of the above,1.0,,blackdontrump,,4,,,"RT @madisongesiotto: ""We've got to unite our country again because we are stronger when we are united"" @JohnKasich @FoxNews #GOPDebate",,2015-08-07 08:40:22 -0700,629678478540034048,"Washington,D.C.",Central Time (US & Canada) -5107,John Kasich,1.0,yes,1.0,Positive,0.6784,None of the above,1.0,,StevanMiller2,,114,,,RT @cenkuygur: John Kasich is doing something bold- not pandering to the base.Wonder if he gets points for courage.Maybe gets respect for t…,,2015-08-07 08:40:20 -0700,629678470914662400,, -5108,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TheDonaldNorth,,0,,,For once I agree with 90% of @camillepaglia 's assessment: #GOPDebate http://t.co/BxuNX9UkDf,,2015-08-07 08:40:18 -0700,629678461184016384,"london, ontario",Central Time (US & Canada) -5109,No candidate mentioned,0.4344,yes,0.6591,Negative,0.6591,Women's Issues (not abortion though),0.2472,,sallysimpleton,,45,,,"RT @roseperson: Can you imagine 10 women, each hoping to run the country, all vowing to intervene in men's decisions about their own bodies…",,2015-08-07 08:40:17 -0700,629678458151407616,Seattle,Pacific Time (US & Canada) -5110,No candidate mentioned,0.6534,yes,1.0,Neutral,1.0,None of the above,0.6534,,RobbieRobertson,,0,,,Orange Kryptonite: Gives superpowers to any animal that touches it. #GOPDebate https://t.co/L9niLaUMLR,,2015-08-07 08:40:16 -0700,629678451772010496,Blighty,Amsterdam -5111,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AjeebSi,,2,,,"RT @TuneInfinity: After last nights #GOPDebate, if that's The future of the #USA then we have a lot to worry about",,2015-08-07 08:40:12 -0700,629678435036741632,where you dont wanna end up ,Atlantic Time (Canada) -5112,No candidate mentioned,1.0,yes,1.0,Positive,0.6613,None of the above,0.6774,,amingardi,,0,,,"#CamillePaglia on #GOPdebate (sadly, I agree with most she says) http://t.co/nrUgsn3XIu via @thr",,2015-08-07 08:40:12 -0700,629678434361458688,,Rome -5113,Donald Trump,1.0,yes,1.0,Negative,0.3684,None of the above,1.0,,PMDMKE,,0,,,"Just as we get the world we deserve, the #GOP gets the candidates it deserves. If you don't like Trump, look in the mirror. #GOPDebate",,2015-08-07 08:40:11 -0700,629678430586585088,Milwaukee, -5114,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cara_boone,,0,,,Lol- I just realized there are people that are taking this Trump run for presidency FOR REAL. My bad. #GOPDebate,,2015-08-07 08:40:11 -0700,629678430091673600,,Atlantic Time (Canada) -5115,No candidate mentioned,0.6235,yes,1.0,Neutral,1.0,None of the above,1.0,,IT_wasten,,0,,,WSJ: Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/PhB2PfYIWw http://t.co/7mEmW9MkCt,,2015-08-07 08:40:11 -0700,629678429638651904, Vermont Burlington Quay St.,Bucharest -5116,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Humzah_k2,,0,,,perfect summation of the #GOPDebate https://t.co/P2D2SEwvvl,,2015-08-07 08:40:09 -0700,629678424353820672,"24.86° N, 67.01° E",Eastern Time (US & Canada) -5117,Donald Trump,1.0,yes,1.0,Negative,0.657,None of the above,1.0,,Frugal_Foodie,,22,,,RT @jessicakathryn: Donald trump and @Eat24 feed the world with tacos #GOPDebate http://t.co/qHUiegkDMn,,2015-08-07 08:40:09 -0700,629678420885139456,NYC/Brooklyn to SF/LA/OC/SD,Pacific Time (US & Canada) -5118,No candidate mentioned,1.0,yes,1.0,Negative,0.6549,None of the above,1.0,,aubreysitterson,,4,,,My favorite moment from last night's #GOPDebate http://t.co/Vnc4IslI7q,,2015-08-07 08:40:07 -0700,629678415038148608,los angesleaze,Pacific Time (US & Canada) -5119,No candidate mentioned,1.0,yes,1.0,Negative,0.708,None of the above,1.0,,Nitetrain_1,,0,,,"Biggest takeaway from #GOPDebate, Rs love the US and can see it's greatness. Ds are nothing but full of greivenses.",,2015-08-07 08:40:07 -0700,629678414555951104,,Eastern Time (US & Canada) -5120,No candidate mentioned,0.6667,yes,1.0,Neutral,1.0,None of the above,1.0,,DrTomMartinPhD,,0,,,#GOPDebate FACT CHECKED! And The Results Are...... #EDShow #POLITICSNATION #UPPERS #NERDLAND #HANNITY #OreillyFactor http://t.co/PlTpUdHNkT,,2015-08-07 08:40:07 -0700,629678412571893760,,Pacific Time (US & Canada) -5121,John Kasich,0.3765,yes,0.6136,Positive,0.3068,None of the above,0.3765,,ShawnDrurySC,,0,,,"Now that the dust is settling from last night, it's becoming clear that #JohnKasich won and helped himself the most. #GOPDebate #2016",,2015-08-07 08:40:06 -0700,629678412110659584,,Eastern Time (US & Canada) -5122,Jeb Bush,0.4061,yes,0.6372,Negative,0.6372,None of the above,0.4061,,Priverwolf,,5,,,RT @LowInfoTweeter: Can Jeb Bush be swapped out for Carly Fiorina in the next debate or does the line of succession have to be Clinton or B…,,2015-08-07 08:40:05 -0700,629678404695142400,"Columbia, SC", -5123,Donald Trump,0.6555,yes,1.0,Negative,0.677,None of the above,1.0,,RAD_883,,0,,,A perfect summation of the #GOPDebate https://t.co/R2unC6FSht,,2015-08-07 08:40:04 -0700,629678403105353728,,Eastern Time (US & Canada) -5124,Donald Trump,0.4204,yes,0.6484,Negative,0.6484,,0.228,,jimjrdetore,,74,,,RT @TheBaxterBean: Nothing says Republican populist fighting for everyday working-man like arriving in your gold-plated 757. #GOPDebate htt…,,2015-08-07 08:40:04 -0700,629678402585300992,"Palm Springs, CA USA",Pacific Time (US & Canada) -5125,Donald Trump,1.0,yes,1.0,Positive,0.6495,None of the above,0.6907,,feemsternews,,0,,,@realDonaldTrump explains campaign finance at #GOPDebate lat night. Very insightful piece by @voxdotcom http://t.co/LostDaifAn,,2015-08-07 08:40:01 -0700,629678388056174592,"Emporia, Kansas",Mountain Time (US & Canada) -5126,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Nicho3rdrail,,1,,,RT @cathyjets: Retweeted by JK Rowling. So accurate after the #GOPDebate last night and #JonVoyage https://t.co/pJPSzkPAA8,,2015-08-07 08:39:59 -0700,629678379910836224,"Oakland, CA", -5127,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.3371,Religion,0.2235,,l_brogan59,,47,,,RT @jfreewright: God's making an appearance? Cool! #GOPDebate,,2015-08-07 08:39:59 -0700,629678379759992832,"newburgh, ny",Eastern Time (US & Canada) -5128,No candidate mentioned,1.0,yes,1.0,Neutral,0.3552,None of the above,1.0,,LauriePatriot,,1,,,RT @alexandraheuser: Liberals love her - very promoting - just sayin' #Fiorina #GOPDebate https://t.co/CJKBDxZyot,,2015-08-07 08:39:59 -0700,629678378769977344,,Pacific Time (US & Canada) -5129,No candidate mentioned,0.6675,yes,1.0,Negative,0.677,None of the above,1.0,,ZeitgeistGhost,,0,,,"The #GOPDebate, In Five Clips http://t.co/SwmOKMQZTE From #DumbAndDumber...",,2015-08-07 08:39:58 -0700,629678377885147136,Norcal,Pacific Time (US & Canada) -5130,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,None of the above,0.4689,,germanpretzel,,0,,,"Explaining the #GOPDebate to my dad who missed it and describing it as a SNL skit, basically.",,2015-08-07 08:39:58 -0700,629678377692102656,United States,Pacific Time (US & Canada) -5131,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6848,,ScorpioWA,,0,,,"I just have to laugh at all these 'analysis' of the #GOPDebate It was just entertainment, that's all. Both the moderators & the candidates.",,2015-08-07 08:39:55 -0700,629678365109129216,Seattle area,Pacific Time (US & Canada) -5132,Donald Trump,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,eldrickthe1st,,0,,,"Odds on @realDonaldTrump uttering ""#cuckservative"" at the next #GOPDebate ?",,2015-08-07 08:39:54 -0700,629678358272446464,FEMA Camp5-Mental Defect Block,Central Time (US & Canada) -5133,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,Glendaliz,,0,,,"Slept 10 hrs last night, right through the #GOPDebate -Judging from tweets, that was very beneficial to my health.",,2015-08-07 08:39:53 -0700,629678355420475392,La Gran Manzana,Eastern Time (US & Canada) -5134,No candidate mentioned,0.4782,yes,0.6915,Neutral,0.6915,None of the above,0.4782,,JQCalderwood,,2,,,RT @mitchellreports: Back in DC for #AMR on @msnbc today & post #GOPdebate talk w/ @TheFix @capehartj @kellyo @katyturnbc at noon ET,,2015-08-07 08:39:52 -0700,629678349850386432,VA,Quito -5135,Donald Trump,0.6848,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DesignerDeb3,,2,,,RT @scorpio5053: @WalterWhfla @DesignerDeb3 @realDonaldTrump ABSOLUTELY! I REFUSE TO ALLOW @FoxNews to speak for me. I'll draw my own conc…,,2015-08-07 08:39:51 -0700,629678348562640896,,Pacific Time (US & Canada) -5136,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,parkerc2112,,0,,,"#GOPDebate @realDonaldTrump called our POTUS ""stupid"". What does that make him?",,2015-08-07 08:39:50 -0700,629678341662969856,The Dude Abides, -5137,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,docholly,,0,,,"2/2 Me: ""its like a priest who can get married, have kids"" ""ohh a tea party person"" Me: ""yep. Pretty much."" Geese - #GOPDebate #ClownCar",,2015-08-07 08:39:49 -0700,629678340916445184,Vegas,Pacific Time (US & Canada) -5138,Jeb Bush,0.4233,yes,0.6506,Neutral,0.6506,None of the above,0.4233,,AntoniaJuhasz,,0,,,"Break down of #GOPDebate from transcript. Use of words (as related to ecosystems) oil, climate, environment=0. Energy= 2x by Bush, 1 Walker",,2015-08-07 08:39:49 -0700,629678338529890304,San Francisco,Pacific Time (US & Canada) -5139,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,Gun Control,1.0,,marspato,,157,,,"RT @TheBaxterBean: ""If guns don't kill people why are they strickly forbidden anywhere near #GOPdebate?"" - -#DebateQuestionsWeWantToHear http…",,2015-08-07 08:39:48 -0700,629678333018640384,United States of America,Central Time (US & Canada) -5140,No candidate mentioned,1.0,yes,1.0,Positive,0.6842,None of the above,0.6526,,goog927,,1,,,"#Fiorina is presidential material. Looking forward to seeing her surge. -#GOPDebate",,2015-08-07 08:39:47 -0700,629678329747120128,,International Date Line West -5141,Donald Trump,1.0,yes,1.0,Positive,0.3483,FOX News or Moderators,0.6844,,sucely_d,,0,,,.@megynkelly slayed the #GOPDebate and asked thought provoking questions. 👏🏼 or else @realDonaldTrump wouldn't be tweeting about it.,,2015-08-07 08:39:46 -0700,629678327209439232,"Los Angeles, CA",Pacific Time (US & Canada) -5142,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @KyBurg @FutureBoston @Sycamoron @NewPoll_inTown,,2015-08-07 08:39:46 -0700,629678326869852160,Playing deep in left field,Eastern Time (US & Canada) -5143,No candidate mentioned,1.0,yes,1.0,Positive,0.6517,None of the above,0.6404,,sfarbs,,0,,,Love @washingtonpost's video re-cap of the #GOPDebate: http://t.co/Ikp4M4hAAD,,2015-08-07 08:39:46 -0700,629678325988855808,,Pacific Time (US & Canada) -5144,Donald Trump,0.4215,yes,0.6493,Negative,0.6493,,0.2277,,xlcomedy,,0,,,I listened to the #GOPDebate & got a different feel than the TV pundits. @realDonaldTrump was the smartest racist/ misogynist on stage.,,2015-08-07 08:39:45 -0700,629678322390183936,Chicago,Central Time (US & Canada) -5145,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Circle_R185,,29,,,"RT @MeganSmiles: You also left out the collapse of @megynkelly -Her obvious bias was unprofessional & childish #GOPDebate #KellyFile https…",,2015-08-07 08:39:45 -0700,629678322050572288,Army Commendation Medal,Central Time (US & Canada) -5146,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.3297,Religion,0.4204,,HuffPostLive,,76,,,Last night's #GOPDebate in a nutshell. http://t.co/yQW1HmwGX8,,2015-08-07 08:39:45 -0700,629678320687386624,"New York, NY",Eastern Time (US & Canada) -5147,Donald Trump,1.0,yes,1.0,Positive,0.3548,None of the above,0.6774,,_ARCHAEOPTERYX_,,2,,,RT @ShannaR86570997: “@megynkelly: #KellyFile is LIVE now with reaction to #GOPDebate your @realDonaldTrump attack was obvious why are u so…,,2015-08-07 08:39:44 -0700,629678318367870976,Salisbury.,Central Time (US & Canada) -5148,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6374,,903GaGa,,1,,,RT @ChristianMale87: I took screenshots of the results of the .@FoxNews #ElectionHQ from the #GOPDebate. Not surprised by the results. http…,,2015-08-07 08:39:44 -0700,629678316232904704,"Kansas City, MO",Central Time (US & Canada) -5149,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ReisrjReis,,0,,,#GOPDebate How do you spell disappointment? M-e-g-y-n k-e-l-l-y,,2015-08-07 08:39:43 -0700,629678315029311488,East Coast,Atlantic Time (Canada) -5150,No candidate mentioned,0.6489,yes,1.0,Negative,0.6702,None of the above,1.0,,tweetJill22,,20,,,"RT @Diane_7A: As president, would you make THIS FACE? #GOPDebate http://t.co/3oV2pV8UGL",,2015-08-07 08:39:41 -0700,629678306259017728,Michigan,Central Time (US & Canada) -5151,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,P1ssed_K1d,,0,,,"#GOPDebate Republicans say it's raining;Democrats say its sunny.Rather than go outside&see for themselves,the media reports the controversy",,2015-08-07 08:39:40 -0700,629678301452177408,Paradise Valley AZ,Arizona -5152,No candidate mentioned,1.0,yes,1.0,Neutral,0.6663,None of the above,1.0,,Marnus3,,0,,,"The perfect remedy for a #GOPDebate hangover is to #FF @ShaunKing -@Oregonemom @Joseph_Santoro @BWheatnyc @S_Cosgrove @caitlinchris",,2015-08-07 08:39:40 -0700,629678300282122240,Playing deep in left field,Eastern Time (US & Canada) -5153,Donald Trump,1.0,yes,1.0,Positive,0.6694,None of the above,1.0,,SamuelRLau,,0,,,".@KObradovich on Trump & #GOPDebate: "" been bulletproof so far in the race and that’s unlikely to change"" #iacaucus http://t.co/HFvzJIxXJY",,2015-08-07 08:39:38 -0700,629678291767525376,"Des Moines, IA ", -5154,No candidate mentioned,1.0,yes,1.0,Neutral,0.6562,None of the above,0.6562,,CamillePerri,,4,,,"RT @rachelhills: For sex talk that's a little less crazy than last night's #gopdebate, here's @AngelaLedgerwoo and I on @litupshow: http://…",,2015-08-07 08:39:37 -0700,629678287254626304,"Brooklyn, NY",Pacific Time (US & Canada) -5155,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Madew1ithL0ve,,1,,,RT @schafawafa: Trump is alienating himself from every single woman in the US #GOPDebate #trumpsucks,,2015-08-07 08:39:34 -0700,629678278027165696,B-more,Atlantic Time (Canada) -5156,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tlewis417,,10,,,"RT @irritatedwoman: Retweeted ✯✯Gene McVay✯✯ (@GeneMcVay): - -#GOPDebate proved that @FoxNews is ALL IN for another liberal... http://t.co/Dz…",,2015-08-07 08:39:32 -0700,629678268992614400,, -5157,Scott Walker,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,StevanMiller2,,32,,,RT @cenkuygur: Did Scott Walker just say he has a harlot? #GOPDebate,,2015-08-07 08:39:31 -0700,629678265209221120,, -5158,Donald Trump,0.4218,yes,0.6495,Negative,0.6495,,0.2277,,Okie08,,1,,,"RT @ShaynaUniverse: Was it me, or did the panel at last night's #GOPDebate seem a little... snide? @realDonaldTrump @RealBenCarson @kirstie…",,2015-08-07 08:39:31 -0700,629678264957534208,, -5159,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6378,,tveg,,0,,,"@FoxNews @greta @greggutfeld @TheFive -Last nt #GOPDebate was just like the first session of summer two-a-days for ballers. Get used to it.",,2015-08-07 08:39:31 -0700,629678264689111040,"Living in South Carolina, USA", -5160,Marco Rubio,0.4211,yes,0.6489,Neutral,0.6489,None of the above,0.4211,,ludy730,,1,,,"RT @SteveKrak: My Final Four GOP candidates in 2016 picks were Rubio, Jeb, Rand & Fiorina: https://t.co/wi3h7QWRIJ After #GOPDebate, what a…",,2015-08-07 08:39:31 -0700,629678264194240512,, -5161,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6941,,Her_slave,,0,,,The Democrats love to keep people poor and confused in order to make them slaves to their party. Liberals are for chaos. #GOPDebate #Trump,,2015-08-07 08:39:31 -0700,629678263590363136,Philadelphia,Atlantic Time (Canada) -5162,No candidate mentioned,1.0,yes,1.0,Positive,0.6603,None of the above,1.0,,Brand0nRichards,,0,,,".@CNN is breaking down the debate with fact checks, good to see the media actually holding some of the candidates accountable. #GOPDebate",,2015-08-07 08:39:31 -0700,629678262403399680,SEA - SLM - DC - HBG,Eastern Time (US & Canada) -5163,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,l_brogan59,,6,,,"RT @GetUpStandUp2: #BATSask which #GOPDebate will fund schools, not prisons? @berniesanders http://t.co/32eHUQDEKF",,2015-08-07 08:39:31 -0700,629678261610651648,"newburgh, ny",Eastern Time (US & Canada) -5164,Donald Trump,1.0,yes,1.0,Negative,0.6699,None of the above,1.0,,1thumbjack,,0,,,"#GOPDebate -ers vs Trump? The gloves stayed on, except for #Fiorina. She kicked him to the curb, like he was an HP employee.",,2015-08-07 08:39:30 -0700,629678261207891968,near Portlandia.,Pacific Time (US & Canada) -5165,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ryon55,,167,,,"RT @jeffchu: ""I created a culture of life in my state."" —@JebBush, former Gov of Florida, which executed 21 people during his term in offic…",,2015-08-07 08:39:30 -0700,629678261187047424,Philadelphia,Eastern Time (US & Canada) -5166,Donald Trump,1.0,yes,1.0,Positive,0.6724,None of the above,1.0,,Raiden679,,0,,,Good explanation as to why #Trump surges ahead of other #cuckservative candidates. #GOPDebate http://t.co/hagmnn1Tv7 http://t.co/WOkhF3sU88,,2015-08-07 08:39:30 -0700,629678260905975808,, -5167,Donald Trump,1.0,yes,1.0,Neutral,0.6739,FOX News or Moderators,1.0,,Sir_Paul_Macca,,10,,,RT @Anomaly100: Donald Trump: Megyn Kelly Is A Bimbo For Asking Me About My Misogynistic Comments http://t.co/PsEZgVLdfr #GOPDebate http://…,,2015-08-07 08:39:30 -0700,629678260415131648,, -5168,No candidate mentioned,1.0,yes,1.0,Neutral,0.3523,None of the above,1.0,,britfryer,,129,,,RT @iDXR: The Republicans are telling on America tonight. #GOPDebate https://t.co/jGQAraeKU4,,2015-08-07 08:39:28 -0700,629678252378976256,"Minneapolis, MN",Central Time (US & Canada) -5169,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Brenkoski,,0,,,"She @megynkelly is a horrible commentator @FoxNews did a terrible job last night, very DISAPPOINTING! #GOPDebate https://t.co/RhscuZ5b9E",,2015-08-07 08:39:21 -0700,629678221835939840,Arizona,Arizona -5170,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nikistyxx,,0,,,#GOPDebate #TrumpsHair + #cats Enough said. http://t.co/zh6koToIiF,,2015-08-07 08:39:20 -0700,629678215724933120,"Brooklyn, you know where.",Tehran -5171,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6603,,devyn2real,,591,,,"RT @mskristinawong: Poor #BenCarson. Ignored, tokenized, getting cut off. Being treated in this debate like...Well, like a black man in thi…",,2015-08-07 08:39:18 -0700,629678209773248512,Miami Florida, -5172,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,VerbEditorial,,8,,,RT @BrianBalthazar: I've heard clearer messages during the charades portion of Hollywood Game Night. #GOPDebate,,2015-08-07 08:39:18 -0700,629678207898386432,"iPhone: 38.619148,-90.212395",Central Time (US & Canada) -5173,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3626,Racial issues,0.2471,,CaliGirl_Smiley,,448,,,"RT @darth: so apparently the candidates are arriving at the debate site - -#GOPDebate http://t.co/GeXsjxrct3",,2015-08-07 08:39:18 -0700,629678207734693888,Cali to Baltimore ,Pacific Time (US & Canada) -5174,No candidate mentioned,0.4028,yes,0.6347,Neutral,0.6347,None of the above,0.4028,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @pharris830 @mharvey816 @comebackdecade @GlenThePlumber @RFSchatten,,2015-08-07 08:39:17 -0700,629678206270971904,Playing deep in left field,Eastern Time (US & Canada) -5175,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jacksmcquackesq,,0,,,@dickscuttlebutt @TYFYS84 @DuffelBlog your #GOPDebate tl;dr: blah blah politics blah blah whiskey blah silent weeping blah Christie is fat.,,2015-08-07 08:39:17 -0700,629678203901190144,"Elba, Italy", -5176,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,None of the above,0.6989,,AtlBlue2,,0,,,"""Often times, the person that knows they can't win, is allowed to speak the most freely"" - Jon Stewart 2004 #GOPDebate",,2015-08-07 08:39:15 -0700,629678194321330176,"Atlanta, GA",Eastern Time (US & Canada) -5177,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,HellBlazeRaiser,,0,,,"@FoxNews @megynkelly @BretBaier court @realDonaldTrump to boost their ratings, but try to undermine him at the #GOPDebate #TheDonaldOnTop",,2015-08-07 08:39:12 -0700,629678182652899328,"South Philly, USA",Eastern Time (US & Canada) -5178,No candidate mentioned,0.48100000000000004,yes,0.6936,Negative,0.6936,FOX News or Moderators,0.2579,,justinmatson,,2,,,"If the #GOP gave a shit about poor people, they'd let then watch the PRESIDENTIAL FUCKING DEBATE w/o a paid cable subscription. #GOPDebate",,2015-08-07 08:39:10 -0700,629678174935224320,"Hollywood, CA",Pacific Time (US & Canada) -5179,No candidate mentioned,0.2442,yes,0.6882,Neutral,0.6882,None of the above,0.2442,,ericdeamer,,0,,,Guy in grey shirt is open carrying. Don't know who he is. #GOPDebate #ScottWalker http://t.co/M05rAO00ky,,2015-08-07 08:39:10 -0700,629678174855692288,"Lakewood, OH",Eastern Time (US & Canada) -5180,No candidate mentioned,1.0,yes,1.0,Negative,0.6292,None of the above,1.0,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @messagingmatt @StCyrlyMe2 @beetrix @Jenn4Laughs @dmiller23 @msbellows @liberal98,,2015-08-07 08:39:06 -0700,629678158556622848,Playing deep in left field,Eastern Time (US & Canada) -5181,Donald Trump,1.0,yes,1.0,Negative,0.6435,None of the above,1.0,,MikeBieleny,,0,,,"Watched the #GOPDebate from last night and damn, trump went off.Polls are showing that most people think he won will be interesting goin fwd",,2015-08-07 08:39:06 -0700,629678157361229824,,Mountain Time (US & Canada) -5182,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,weluvsassafrass,,269,,,"RT @deray: And now, the #GOPDebate addresses the movement.",,2015-08-07 08:39:06 -0700,629678157168279552,, -5183,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Rnice0403Diane,,6,,,RT @RobbyLSU: What I learned last night... #MegynKelly should not be moderating debates. Came off as snarky and biased. #GOPDebate,,2015-08-07 08:39:05 -0700,629678155620569088,, -5184,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,1.0,,LauriePatriot,,1,,,RT @alexandraheuser: LOL Sad but TRUE #FoxNews on decline as Conservatives abandon big business media elite $$$ bandwagon. #GOPDebate http…,,2015-08-07 08:39:05 -0700,629678155146461184,,Pacific Time (US & Canada) -5185,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CicaleAnnie,,235,,,"RT @sallykohn: As always when watching current GOP crop of candidates, I feel very encouraged as a Democrat but very depressed as an Americ…",,2015-08-07 08:39:00 -0700,629678134175113216,, -5186,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DAGuessing,,0,,,@RealBenCarson congrats on crossing 2 million likes on FB! #BC2DC16 #whitecoat2whitehouse #GOPDebate #BCtoDC16,,2015-08-07 08:39:00 -0700,629678132585472000,,Atlantic Time (Canada) -5187,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pinkyprincessca,,2,,,RT @Mudflats: For those of you who missed the #GOPDebate #FoxDebate - here's the highlight reel. http://t.co/Lyd7SGLGRB,,2015-08-07 08:39:00 -0700,629678131922739200,ImApoetFromTheSLCUtahArea, -5188,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,marks_book,,0,,,My take on the #GOPDebate: it wasn't a true debate. Except for a handful of onstage battles it was really just people answering questions,,2015-08-07 08:39:00 -0700,629678131670986752,"Oakland, CA", -5189,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Dherbert55,,0,,,By far the best part of the #GOPDebate is the hostess @megynkelly 😍😍,,2015-08-07 08:38:57 -0700,629678119264239616,, -5190,Jeb Bush,1.0,yes,1.0,Negative,0.687,None of the above,1.0,,AhmedSaeed108,,0,,,Yes or no if Jeb Bush wears Spanx #GOPDebate,,2015-08-07 08:38:54 -0700,629678106949853184,Boston, -5191,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JorienEvans,,0,,,@HillaryClinton took a selfie with Kim K. The #GOPDebate was a bonafide shit show and Jon Stewart is off the air. I weep for America.,,2015-08-07 08:38:54 -0700,629678106580643840,,Eastern Time (US & Canada) -5192,Donald Trump,1.0,yes,1.0,Positive,0.3596,None of the above,1.0,,EllyStolnitz,,0,,,Love when the #GOPDebate takes over @mamasbarnyc - That hair looks great on the big screen @realDonaldTrump http://t.co/Tq7EZQeFMM,,2015-08-07 08:38:53 -0700,629678103422500864,"New York, NY", -5193,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,HebaFesal,,0,,,The Last 15 min of the #GOPDebate was #insane #god was invoked so many times it reminded me of #ISIS #liberal #Secularism #equalityforall,,2015-08-07 08:38:52 -0700,629678100494852096,, -5194,No candidate mentioned,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,kathrynawallace,,32,,,RT @MattGubser: Didn't watch the #GOPdebate because my TV doesn't get 1954.,,2015-08-07 08:38:52 -0700,629678098854903808,"Lexington, KY",Eastern Time (US & Canada) -5195,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,flatbushdude,,4,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 10) Gov. Kasich = A rising star in republican politics, Shows strong leadership, Will definitel…",,2015-08-07 08:38:52 -0700,629678097848250368,Brooklyn ,Arizona -5196,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 9) Gov. Christie = Come back kid, Powerful, Knows how to punch, Had some great points, will ris…",,2015-08-07 08:38:48 -0700,629678082400628736,Brooklyn ,Arizona -5197,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,whatsamatta_u,,0,,,"Dear Republican Party, you broker the Donald, you own him. Pony up, Bitch. #GOPDebate #2016",,2015-08-07 08:38:46 -0700,629678074838282240,"Santa Clara, CA",Pacific Time (US & Canada) -5198,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,FOX News or Moderators,0.2266,,tjmercado,,1,,,RT @leslieshedd: .@AaronBlakeWP: “@CarlyFiorina is versed in everything.” http://t.co/rlJz1QOS8c #GOPDebate #Carly2016,,2015-08-07 08:38:46 -0700,629678073114460160,"Greenville, SC",Central Time (US & Canada) -5199,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweetgreatmom,,2,,,No substance. All talk about issues that only matter to the rich. #GOPDebate was a failure of political process. https://t.co/3NmnxWOYHH,,2015-08-07 08:38:44 -0700,629678065786978304,"Philadelphia, PA",Eastern Time (US & Canada) -5200,No candidate mentioned,1.0,yes,1.0,Neutral,0.6501,None of the above,1.0,,bosoxfanatic71,,0,,,"Nice. If America elects #Hillary, we will have another entertainer in chief in office. #GOPDebate https://t.co/3LVlEiUkoI",,2015-08-07 08:38:43 -0700,629678062293098496,"Massachusetts, USA", -5201,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,,0.2267,,lauradeemcgee,,39,,,RT @MattGoldich: Not one other candidate willing to take a hard line on Rosie O'Donnell. Shameful. #GOPDebate,,2015-08-07 08:38:43 -0700,629678062183919616,, -5202,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,dingalingy55,,3,,,RT @ChantaBSN: Read @docrocktex26 twitter feed for #GOPDebate real talk.,,2015-08-07 08:38:42 -0700,629678058115497984,"fairfax,california",Pacific Time (US & Canada) -5203,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RoyalCoug,,0,,,#JebBush at the first #GOPDebate. http://t.co/m0ygq0jJml,,2015-08-07 08:38:42 -0700,629678056559517696,"Lake Elsinore, CA", -5204,Ben Carson,1.0,yes,1.0,Positive,0.3371,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 8) (Rabbi) Dr. Carson = Too soft, does have ideas, Needs some major good moments, Has zero to l…",,2015-08-07 08:38:41 -0700,629678054898561024,Brooklyn ,Arizona -5205,No candidate mentioned,0.4885,yes,0.6989,Negative,0.6989,FOX News or Moderators,0.4885,,Shirleystopirs,,3,,,RT @CarolHello1: #GOPDebate: @FoxNews Failed https://t.co/GCLQY4kaq5,,2015-08-07 08:38:40 -0700,629678050020618240,,Atlantic Time (Canada) -5206,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,graceslick77,,4,,,RT @HaroldItz: For the savviest #GOPdebate analysis and campaign news for progressives get a free subscription to the @nationalmemo's daily…,,2015-08-07 08:38:40 -0700,629678049034944512,,Central Time (US & Canada) -5207,Scott Walker,0.6477,yes,1.0,Positive,0.6705,None of the above,1.0,,LaurieBailey,,0,,,"#GOPDebate made me think about who'd I want to listen to & see on my TV every day? Walker, Carson, Kasich, Huckabee -Yes Hillary, Carly-NO",,2015-08-07 08:38:40 -0700,629678048757964800,"Olive Branch, MS",Central Time (US & Canada) -5208,Donald Trump,0.4553,yes,0.6748,Positive,0.3462,None of the above,0.4553,,johncardillo,,2,,,Trump schooling Chris Wallace reminded me of that scene in Back To School where Dangerfield schooled the nerdy biz professor. #GOPDebate,,2015-08-07 08:38:40 -0700,629678047545925632,"Florida, USA",Eastern Time (US & Canada) -5209,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6404,,LauriePatriot,,1,,,RT @alexandraheuser: YYYYY do NON Conservatives get all the coverage and PROMOTION on #FoxNews ??? http://t.co/FhoI6AOsWf #FoxNews #GOPDeba…,,2015-08-07 08:38:39 -0700,629678044513341440,,Pacific Time (US & Canada) -5210,Donald Trump,0.6667,yes,1.0,Negative,0.6667,None of the above,1.0,,keirstinyo,,0,,,@aliseeeeb captured the #GOPDebate perfectly http://t.co/3UNfah5r4A,,2015-08-07 08:38:38 -0700,629678041652813824,Chicago,Eastern Time (US & Canada) -5211,No candidate mentioned,1.0,yes,1.0,Positive,0.6413,None of the above,1.0,,DAG_1968,,0,,,Thank goodness this whacko was interviewed #GOPDebate I mean she clearly is a visionary. http://t.co/TSuQ5nmznL,,2015-08-07 08:38:38 -0700,629678041053138944,,Pacific Time (US & Canada) -5212,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RickyLamoreaux,,0,,,Actual picture of trump at the #GOPDebate last night. #parksaandrec http://t.co/7OGgAP9ear,,2015-08-07 08:38:36 -0700,629678032681185280,, -5213,Donald Trump,1.0,yes,1.0,Positive,0.6552,None of the above,0.6782,,bennydiego,,0,,,The #DonaldTrump show! #foxnews #GOPDebate http://t.co/fO3D5Ad0ag,,2015-08-07 08:38:36 -0700,629678031523614720,USA,Pacific Time (US & Canada) -5214,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 7) Sen. Paul = Can be nasty, I personally dont like his tone, Does show leadership, Will hover …",,2015-08-07 08:38:35 -0700,629678030328328192,Brooklyn ,Arizona -5215,Jeb Bush,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,StevanMiller2,,626,,,"RT @BettyBowers: Jeb Bush: ""Obama is at fault, not my brother, because Obama didn't clean up the mess my brother made."" #GOPDebate",,2015-08-07 08:38:35 -0700,629678029216722944,, -5216,No candidate mentioned,1.0,yes,1.0,Negative,0.6243,None of the above,1.0,,StassiPost,,0,,,The GOP candidates were grilled. Hard. Expecting softballs on the Dem side #GOPDebate #tcot #ccot #ycot http://t.co/lU2h8mspy9,,2015-08-07 08:38:35 -0700,629678029145538560,United States, -5217,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3667,,DanielGenseric,,0,,,.@megynkelly doesn't like @realDonaldTrump or @AnnCoulter. I wonder why. #AntiWhites FORCE #immigration/#assimilation. #GOPdebate #FoxNews,,2015-08-07 08:38:35 -0700,629678026545057792,"Flyover Country, MN, USA",Central Time (US & Canada) -5218,Donald Trump,0.2353,yes,0.6702,Positive,0.6702,None of the above,0.4492,,PennyRiordan1,,0,,,"Great, great list idea for localization of election coverage: http://t.co/3yrrQf7AxL #GOPDebate",,2015-08-07 08:38:35 -0700,629678026507202560,"Austin, TX", -5219,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,eldrickthe1st,,0,,,LMFAO ROFL hahahaha. What I wouldn't give to see 1980s Shit Lord Ron Paul on that stage. #GOPDebate,,2015-08-07 08:38:33 -0700,629678021813760000,FEMA Camp5-Mental Defect Block,Central Time (US & Canada) -5220,Donald Trump,1.0,yes,1.0,Positive,0.6694,None of the above,1.0,,ChatterjiAmrita,,0,,,At least #DonaldTrump can make you laugh. Hope Americans can see beyond that. Trouble in paradise orelse #GOPDebate https://t.co/0DiB68mbJn,,2015-08-07 08:38:32 -0700,629678016411496448,"Bombay, India",Chennai -5221,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,adelsbergerdan,,0,,,"After hearing the summary from the #GOPDebate last night, if a Republican wins the election, we're screwed",,2015-08-07 08:38:32 -0700,629678015614554112,"Athens, OH",Atlantic Time (Canada) -5222,Ted Cruz,1.0,yes,1.0,Positive,0.6782,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis 6) Ted Cruz = A true reaganite, Strong principles, Had great moments, Not a politician, Will ris…",,2015-08-07 08:38:32 -0700,629678015061041152,Brooklyn ,Arizona -5223,Donald Trump,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,sandstone2,,0,,,"#GOPDebate TRUMP ""gotcha questions"" not enlightening, but anger provoking; very disappointing @BillHemmer & @marthamaccallum much better",,2015-08-07 08:38:31 -0700,629678012833878016,Georgia,Eastern Time (US & Canada) -5224,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3402,,0.2277,,athenaqui,,1,,,Funny how the #MSM shares their mocking attitude w Europeans towards taxpaying Americans. (The ones who save their a$$es in war.) #GOPDebate,,2015-08-07 08:38:30 -0700,629678009537069056,"Carmel, CA ",Pacific Time (US & Canada) -5225,John Kasich,1.0,yes,1.0,Positive,0.6667,None of the above,0.3656,,allDigitocracy,,0,,,@rhondalevaldo @JohnKasich brought up initiatives but journalist moderators didn't follow up w/ him. @TalkPoverty #GOPDebate,,2015-08-07 08:38:28 -0700,629678000641036288,"Washington, DC", -5226,Ted Cruz,0.4025,yes,0.6344,Negative,0.6344,Gun Control,0.4025,,arieraaphorst,,17,,,RT @KyleKulinski: Ted Cruz is carrying an AR15. Says it's his right to bring it on stage. #GOPDebate,,2015-08-07 08:38:28 -0700,629677997923172352,de wereld,Greenland -5227,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,corrado_19,,0,,,"Breaking: Rosie O'Donnell responds to Trump by snapping angry selfie... -#GOPDebate http://t.co/hF0vZjFOD3",,2015-08-07 08:38:27 -0700,629677993162600448,"South Philly, South Jersey ",Quito -5228,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sweetadelinevt,,0,,,"Fact- checking the #GOPDebate, late night edition. http://t.co/TUhDUuj83r via @factcheckdotorg #FoxNewsDebate",,2015-08-07 08:38:25 -0700,629677986858598400,"New York, NY",Eastern Time (US & Canada) -5229,No candidate mentioned,1.0,yes,1.0,Negative,0.6768,FOX News or Moderators,1.0,,drewmoss1979,,0,,,Is FOXNews a long-game liberal conspiracy to drive the Republican Party so far right that it will never win a general election? #GOPdebate,,2015-08-07 08:38:23 -0700,629677977005985792,,Pacific Time (US & Canada) -5230,No candidate mentioned,0.6752,yes,1.0,Negative,1.0,None of the above,0.6752,,StevanMiller2,,35,,,"RT @PaulProvenza: ""To honor the people that died"".You mean the ones your brother sent there with a lie? Just wanna be sure those are the sa…",,2015-08-07 08:38:22 -0700,629677974040633344,, -5231,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,shanankumar,,0,,,An interesting look at the 2016 candidates: calculated slow thinking vs emotional fast thinking #GOPDebate https://t.co/c3F1n5c1pT,,2015-08-07 08:38:22 -0700,629677972841107456,"Boston, MA",Central Time (US & Canada) -5232,No candidate mentioned,0.4062,yes,0.6374,Neutral,0.6374,None of the above,0.4062,,CarolHello1,,1,,,#GOPDebate TakeAway: https://t.co/y4X4bZ4Tdy,,2015-08-07 08:38:20 -0700,629677964699918336,California❀◄★►❀Conservative,Arizona -5233,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SSmolowitz,,0,,,Well of course. Where else can you get this quality of stand up comedy? #GOPDebate https://t.co/l9ZAV3Awqe,,2015-08-07 08:38:19 -0700,629677960069419008,"Tucson, AZ ", -5234,Ben Carson,0.4171,yes,0.6458,Neutral,0.6458,,0.2287,,mr_citizen51,,97,,,"RT @_Holly_Renee: ""Would you bring back water boarding?"" -Carson: I wouldn't broadcast what we're doing...there's no such thing as a PC war.…",,2015-08-07 08:38:17 -0700,629677952511385600,, -5235,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Abortion,1.0,,naharef8112,,0,,,"The candidates discuss Planned Parenthood, Roe v. Wade and abortion at the #GOPDebate http://t.co/SQueP9HaF1 http://t.co/N4RsY5VPcp…",,2015-08-07 08:38:16 -0700,629677948946124800,,Riyadh -5236,No candidate mentioned,0.4756,yes,0.6897,Neutral,0.3448,None of the above,0.4756,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @KCBoyd3 @ArlissBunny @Shopaholic_918 @RepEsty @Elizabeth_Esty @NicoleBelle,,2015-08-07 08:38:15 -0700,629677946039607296,Playing deep in left field,Eastern Time (US & Canada) -5237,No candidate mentioned,1.0,yes,1.0,Neutral,0.6644,None of the above,1.0,,ShawDeuce,,0,,,"Can't #UniteBlue: Which group is more likely to truly restore a culture of life? -#PPSellsBabyParts #GOPDebate -#Go… http://t.co/cNN0R1q2NF",,2015-08-07 08:38:12 -0700,629677934064861184,"AnyWhere I WannaBe, USA!!",Eastern Time (US & Canada) -5238,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HomerWhite,,1,,,RT @Apipwhisperer: @HomerWhite HOW COME FOX WANTS TO BE THE THIRD PARTY??? #GOPDEBATE,,2015-08-07 08:38:10 -0700,629677921934819328,,Tehran -5239,Ben Carson,0.4052,yes,0.6366,Negative,0.3527,None of the above,0.4052,,sushilsaprukm,,18,,,"RT @pastorjgkell: ""If God had perceived that our greatest need was political stability, He would have sent us a politician."" - D.A Carson - -…",,2015-08-07 08:38:08 -0700,629677916687695872,India, -5240,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,e_wicz,,0,,,@CNN is fact checking last night's #GOPDebate. This is awesome.,,2015-08-07 08:38:08 -0700,629677914578153472,,Pacific Time (US & Canada) -5241,No candidate mentioned,0.3943,yes,0.6279,Neutral,0.3256,None of the above,0.3943,,customjewel,,2,,,RT @aqv21: How #Hillary Looked When Watching #CarlyFiorina #GOPDebate #Carly2016 #tcot #pjnet #ccot #tlot #RedNationRising http://t.co/aYgM…,,2015-08-07 08:38:07 -0700,629677911684030464,NY,Eastern Time (US & Canada) -5242,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FMJAmerican,,3,,,Megyn Kelly Chris Wallace and Brett Bair were no doubt posing questions to incite attacks and drama..and it backfired #GOPDebate @FoxNews,,2015-08-07 08:38:05 -0700,629677901592592384,NativeAmerican,Central Time (US & Canada) -5243,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JenHartwig,,0,,,"@billmaher - of all the things you can call Dr. Ben Carson the neurosurgeon... ""idiot"" is certainly not one of them. #BenCarson #GOPDebate",,2015-08-07 08:38:04 -0700,629677897243095040,"Atlanta, GA",Eastern Time (US & Canada) -5244,Donald Trump,1.0,yes,1.0,Negative,0.6433,None of the above,1.0,,PhilIazzetta,,0,,,"Curious, did @JudahWorldChamp coach @realDonaldTrump for last nights debate? #theSwaggerLookedFamiliar #GOPDebate #Comedy",,2015-08-07 08:38:03 -0700,629677896089534464,The Beach-Vegas-NYC-MIAMI,Pacific Time (US & Canada) -5245,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,4200boise,,0,,,Christie w/ his 9/11 nonsense showed that patriotism surely is the last refuge of a scoundrel. (Samuel Johnson) #GOPDebate,,2015-08-07 08:38:03 -0700,629677892805398528,, -5246,Scott Walker,0.6705,yes,1.0,Negative,1.0,Abortion,0.3636,,SmittyMyBro,,0,,,@SmittyMyBro Their publicly stated beliefs alone are enough to prove just how moon howling batshit crazy these skin jobs are. #GOPDebate,,2015-08-07 08:38:03 -0700,629677892318834688,John Smith AKA Bazooka Joe,Central Time (US & Canada) -5247,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 4) Marco Rubio = Strong leadership, Great answers, real ideas & solutions, super presidential. …",,2015-08-07 08:38:01 -0700,629677887436771328,Brooklyn ,Arizona -5248,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,None of the above,0.4025,,paulmcclintock,,38,,,"RT @SaintPetersblog: “I made a lot of money in Atlantic City,” is exactly what you want to hear come out of the mouth of a presidential can…",,2015-08-07 08:37:59 -0700,629677878775554048,,Eastern Time (US & Canada) -5249,No candidate mentioned,1.0,yes,1.0,Negative,0.6691,Women's Issues (not abortion though),0.6691,,ecoplon,,0,,,"@DWStweets the only word that you could come up with to sum the #GOPDebate was ""Misogyny"" ....seriously?? #BYE",,2015-08-07 08:37:59 -0700,629677878607622144,#Choose901,Central Time (US & Canada) -5250,John Kasich,0.6395,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,HeathNOLA,,0,,,@JohnKasich says ONCE we have economic growth THEN we extend it to lower class? REALLY? #GOPDebate @SenSanders @TheDemocrats @SenateDems,,2015-08-07 08:37:59 -0700,629677878406434816,"Larose, LA",Central Time (US & Canada) -5251,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,DebraCarnes,,0,,,You'd think God had a role in running this country. http://t.co/fcL1hDYxgN #GOPDebate #fail,,2015-08-07 08:37:59 -0700,629677877412282368,"Seattle, WA",Pacific Time (US & Canada) -5252,No candidate mentioned,0.6484,yes,1.0,Neutral,0.6484,None of the above,1.0,,rjwillis44,,2,,,RT @tiffinit: Notable quotes from the #GOPDebate http://t.co/GyAQEDBV4s put together by @jessilespie @JDante_PR @selhussain,,2015-08-07 08:37:58 -0700,629677874820292608,"Tampa via Springfield, Mo.",Eastern Time (US & Canada) -5253,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,djmorrison01,,1,,,RT @EightDotters: I just took a stroll through #GOPDebate hashtag. Have spit loads of coffee laughing. Good form progressives. (@djmorrison…,,2015-08-07 08:37:58 -0700,629677871271821312,,Eastern Time (US & Canada) -5254,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6627,,AS307,,2,,,"RT @FabulousMissEm: Man, Republicans really hate women. #GOPDebate",,2015-08-07 08:37:57 -0700,629677869157994496,,Eastern Time (US & Canada) -5255,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Connor___Cox,,18,,,RT @rossoAnto: Haven't seen 10 people who looked this orange since Holland lined up for the third place match in Brazil. #GOPDebate,,2015-08-07 08:37:56 -0700,629677865706110976,"Queens, NY/Portsmouth, VA",Eastern Time (US & Canada) -5256,Donald Trump,0.6493,yes,1.0,Negative,1.0,None of the above,1.0,,zachhaller,,0,,,The First Republican Debate Was a Mess and the GOP Should be Embarrassed of Itself http://t.co/9ChaZbH9Mn #GOPDebate,,2015-08-07 08:37:55 -0700,629677862375845888,"Seattle, Washington",Central Time (US & Canada) -5257,No candidate mentioned,0.4492,yes,0.6702,Positive,0.6702,FOX News or Moderators,0.4492,,MuchLuck,,0,,,#GOPDebate I think Megyn Kelly succeeded in her primary goal last night. People are talking about her today. #FoxDebate #FOXNEWSDEBATE,,2015-08-07 08:37:55 -0700,629677860630822912,USA,Central Time (US & Canada) -5258,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheAlvarezLaw,,0,,,"Protect your business get it in writing with contracts, Don't be unprepared like some of the GOP candidates. Free 30 min consult #GOPDebate",,2015-08-07 08:37:55 -0700,629677859980869632,Winter Park and Orlando ,Central Time (US & Canada) -5259,Ted Cruz,0.4204,yes,0.6484,Negative,0.3297,FOX News or Moderators,0.4204,,smoothblinkglit,,30,,,RT @ShannonSanford9: Undoubtedly @FoxNews doesn't want @TedCruz to have any questions. #SMH #GOPDebate,,2015-08-07 08:37:55 -0700,629677859058130944,"New Jersey, USA",Pacific Time (US & Canada) -5260,No candidate mentioned,1.0,yes,1.0,Positive,0.6653,None of the above,1.0,,MFleischli,,126,,,"RT @paulapoundstone: #GOPDebate If humble beginnings are an important part of being a candidate, our country is becoming a goddamned candi…",,2015-08-07 08:37:55 -0700,629677858915516416,, -5261,No candidate mentioned,1.0,yes,1.0,Neutral,0.7189,None of the above,1.0,,CMcGeeIII,,0,,,ONE OF THESE PEOPLE MIGHT BE PRESIDENT. #GOPDebate http://t.co/60OP6npDmv,,2015-08-07 08:37:54 -0700,629677858424647680,"Philadelphia, PA", -5262,Scott Walker,1.0,yes,1.0,Positive,0.6841,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 3) Scott Walker = I expected more charisma, ideas & solutions, Still has a strong chance, Might…",,2015-08-07 08:37:54 -0700,629677858311512064,Brooklyn ,Arizona -5263,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,bungalowbernard,,0,,,Last night on FOX: Watch ten old white men ass they all go balls deep in a big bowl of crazy gravy together. #GOPDebate #Democracy,,2015-08-07 08:37:54 -0700,629677857531236352,, -5264,No candidate mentioned,1.0,yes,1.0,Negative,0.6822,None of the above,1.0,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @1Brian @kendracp @tracywilson @jimmy_dore @wherevermag @SarahBurris @AuthorKimberley,,2015-08-07 08:37:53 -0700,629677852682797056,Playing deep in left field,Eastern Time (US & Canada) -5265,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,NewWavePatriot,,97,,,RT @ShannonSanford9: The debate is over.... Hands down @TedCruz my man! #GOPDebate http://t.co/2PlnkF7Zi0,,2015-08-07 08:37:53 -0700,629677850484940800,"Hotlanta, GA",Eastern Time (US & Canada) -5266,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: My #GOPDebate analysis, 2)Jeb Bush = Saw some uncomfortable moments in him, could use more attractiveness, Needs more g…",,2015-08-07 08:37:51 -0700,629677845107884032,Brooklyn ,Arizona -5267,Donald Trump,1.0,yes,1.0,Neutral,0.6602,None of the above,0.6719,,l_brogan59,,23,,,RT @CaroMT: Trump may have fancy hotels. But Cruz has God on speed dial. Never forget this. #GOPDebate,,2015-08-07 08:37:51 -0700,629677843824406528,"newburgh, ny",Eastern Time (US & Canada) -5268,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tntfaith,,0,,,"Frank Luntz #GOPdebate -Ted Cruz. Great news! -https://t.co/Cos4PGNMPd",,2015-08-07 08:37:51 -0700,629677842561900544,"Southfield, MI",Eastern Time (US & Canada) -5269,No candidate mentioned,0.4536,yes,0.6735,Neutral,0.6735,None of the above,0.4536,,nowiknowmyabcs,,7,,,"Lindsey Graham could be the solution for insomniacs everywhere. - -#GOPDebate",,2015-08-07 08:37:51 -0700,629677842385772544,Northern Indiana,Indiana (East) -5270,Donald Trump,0.4756,yes,0.6896,Negative,0.3507,FOX News or Moderators,0.4756,,smoothblinkrule,,3,,,"RT @adambrownagency: Im calling the #GOPdebate and post debate ""The Trump Attack"" @realDonaldTrump did an awesome job taking everybody, inc…",,2015-08-07 08:37:50 -0700,629677840972283904,"Florida, USA",Pacific Time (US & Canada) -5271,Ted Cruz,1.0,yes,1.0,Negative,0.6532,Foreign Policy,1.0,,Texastweetybird,,0,,,"Join ISIS and sign your death warrant, Signed @tedcruz next President of the US󾓦 #GOPDebate #WakeUpAmerica #CruzCrew",,2015-08-07 08:37:50 -0700,629677840238166016,"Dallas, Texas",Central Time (US & Canada) -5272,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LizAnneKelley,,0,,,"If @megynkelly moderated Perot debate: ""Mr Perot, u r ugly! Doesn't that disqualify u from being President?"" #FoxNews sucked #GOPDebate",,2015-08-07 08:37:50 -0700,629677837860143104,Seeking My Place in the World ,Eastern Time (US & Canada) -5273,No candidate mentioned,1.0,yes,1.0,Neutral,0.6882,None of the above,1.0,,urbanclassash,,23,,,"RT @hawesness: Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/ofPk4G0SHj",,2015-08-07 08:37:49 -0700,629677834013929472,,Atlantic Time (Canada) -5274,Donald Trump,0.4468,yes,0.6684,Negative,0.6684,None of the above,0.4468,,USA141640,,0,,,"#GOPDebate Trump = idiot, brought up important issues people like #Cruz had already brought up. He just said it like an ass, got publicity.",,2015-08-07 08:37:47 -0700,629677826472411136,The Shadow of Mt. Rainier,Pacific Time (US & Canada) -5275,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,Garyboncella,,0,,,".@SheriffClarke Glad ou came. Yes, @carlyfiorina nailed it at #GopDebate, the @acu @Bootcamp after and with @hardball_chris Travel safely",,2015-08-07 08:37:45 -0700,629677820319416320,Cleveland Ohio,Eastern Time (US & Canada) -5276,No candidate mentioned,1.0,yes,1.0,Positive,0.6364,FOX News or Moderators,1.0,,flatbushdude,,2,,,"RT @YaakovSchapiro: Thank you @FoxNews @BretBaier @megynkelly Chris Wallace, & team, you guys put in tremendous amount of work for tonight'…",,2015-08-07 08:37:43 -0700,629677810236452864,Brooklyn ,Arizona -5277,Donald Trump,0.4205,yes,0.6484,Negative,0.6484,FOX News or Moderators,0.4205,,hoberthurley,,0,,,@megynkelly @realDonaldTrump #GOPDebate Call Donald for being sexist? What do photos like this do for women? http://t.co/9QGldRUgnG,,2015-08-07 08:37:43 -0700,629677810207035392,"Shelbyville, IN",Central Time (US & Canada) -5278,Ted Cruz,1.0,yes,1.0,Neutral,0.6333,Jobs and Economy,0.6667,,Diomed33,,31,,,RT @ShannonSanford9: Is the #GOPDebate scared of @TedCruz? #ConstitutionalCrisis http://t.co/uXyocT6Ckt,,2015-08-07 08:37:41 -0700,629677803328417792,Over by 'der,America/Chicago -5279,Donald Trump,1.0,yes,1.0,Positive,0.6923,None of the above,1.0,,DevinShamel,,0,,,That moment when you graduated from High School so you can watch the #GOPDebate and #DonaldTrump :)),,2015-08-07 08:37:38 -0700,629677789952610304,"Atlanta, GA",Eastern Time (US & Canada) -5280,Donald Trump,0.6629999999999999,yes,1.0,Neutral,0.6739,None of the above,1.0,,NBCNewsVideo,,1,,,RT @LouisOrtiz92: .@realDonaldTrump Makes His Mark During 1st #GOPDebate. His moments right here: http://t.co/gcXaL2E3iq via @NBCNews,,2015-08-07 08:37:33 -0700,629677768830267392,,Pacific Time (US & Canada) -5281,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CGoddamn,,1,,,RT @joeflyde: #KKKorGOP during the #GOPDebate http://t.co/gRW9cK3XcB (2/2),,2015-08-07 08:37:32 -0700,629677765927682048,"West Oakland, California", -5282,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CaileenCrecco,,0,,,The clear winner of the #GOPDebate is anyone who didn't watch it.,,2015-08-07 08:37:31 -0700,629677761267957760,Chicago, -5283,No candidate mentioned,1.0,yes,1.0,Negative,0.6602,None of the above,1.0,,deaninwaukesha,,74,,,"RT @BettyBowers: The essence of a GOP remarks about your family: ""No! My father was an even bigger loser than his!"" #GOPDebate",,2015-08-07 08:37:28 -0700,629677749267992576,"Waukesha, Wisconsin",Central Time (US & Canada) -5284,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7189,,PuestoLoco,,5,,,"@ZeitgeistGhost -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:37:28 -0700,629677748735340544,Florida Central West Coast,America/New_York -5285,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Erosunique,,110,,,RT @FemsHaveBallz: The real loser in the debate to me was Jeb. The establishment is begging for us to vote for him & he showed us why we sh…,,2015-08-07 08:37:27 -0700,629677741491814400,Milan-Italy,Rome -5286,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RobCarpenter2,,0,,,I'm going to share MY post-debate analysis on @Periscope (RobCarpenter2). Join me. #GOPDEBATE,,2015-08-07 08:37:26 -0700,629677740820701184,"ÜT: 27.865523,-82.508066",Quito -5287,,0.2278,yes,0.6489,Negative,0.6489,None of the above,0.4211,,ZeitgeistGhost,,2,,,#ProWrestling Can Teach You Everything You Need to Know About the #GOPDebate http://t.co/bRlwGxXKIs same target audience too,,2015-08-07 08:37:26 -0700,629677738350223360,Norcal,Pacific Time (US & Canada) -5288,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,0.6629,,chuckyducky669,,94,,,RT @LilaGraceRose: Is @tedcruz going to be asked any questions soon? #GOPDebate,,2015-08-07 08:37:25 -0700,629677734067744768,The Republic of Texas, -5289,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BrainofLaura,,0,,,"""Freedom is not free and we must fight for it every day."" -@RealBenCarson Even if you don't vote for the guy, appreciate #truth #GOPDebate",,2015-08-07 08:37:23 -0700,629677728346714112,,Central Time (US & Canada) -5290,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6818,,ImRegularJohn,,0,,,Don't buy @tedcruz 's stale rhetoric. Successful #CVE looks at root causes of radicalism & adopts long-term solutions #GOPDebate,,2015-08-07 08:37:23 -0700,629677727164051456,Laniakea Supercluster,Eastern Time (US & Canada) -5291,Donald Trump,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,chrismuehleisen,,0,,,Say what you want but if the gop ratings are through the roof you can single handedly thank @realDonaldTrump for it #GOPDebate,,2015-08-07 08:37:23 -0700,629677727155638272,"eastern passage, nova scotia",Santiago -5292,Ben Carson,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6786,,arieraaphorst,,33,,,RT @KyleKulinski: Ben Carson isn't for 'politically correct' war. AKA he'll violate international law and think nothing of it. #GOPDebate,,2015-08-07 08:37:23 -0700,629677726673293312,de wereld,Greenland -5293,No candidate mentioned,1.0,yes,1.0,Neutral,0.6735,None of the above,1.0,,issimartinez,,2,,,RT @luisAUGUSTOpr: #GOPDebate Recap http://t.co/TsUIKsJEeB,,2015-08-07 08:37:21 -0700,629677719765303296,,Eastern Time (US & Canada) -5294,No candidate mentioned,0.2222,yes,0.6667,Negative,0.6667,None of the above,0.2222,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @woodhouseb @fakedansavage @missb62 @ChasingTao @HollandCooke @RobinHoodTax,,2015-08-07 08:37:21 -0700,629677718775418880,Playing deep in left field,Eastern Time (US & Canada) -5295,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,StassiPost,,0,,,"""This wasn’t a debate, this was an inquisition."" A Foxy, Rowdy Republican Debate http://t.co/GI9kAKuee1 #GOPDebate #tcot #ccot #ycot",,2015-08-07 08:37:20 -0700,629677714891476992,United States, -5296,Donald Trump,0.7079,yes,1.0,Negative,1.0,None of the above,1.0,,alifsajan,,5,,,"RT @johneberkowitz: If Donald Trump is elected, there will be hell toupee. #GOPDebate",,2015-08-07 08:37:20 -0700,629677713603727360,"San Francisco, CA",Eastern Time (US & Canada) -5297,Donald Trump,1.0,yes,1.0,Negative,0.6961,None of the above,1.0,,Naomi_kibey,,0,,,#GOPDebate @realDonaldTrump had alot of speakin time but pretty much used that to make a mockery of the presidential campaign.,,2015-08-07 08:37:20 -0700,629677713301880832,philadelphia ,Pacific Time (US & Canada) -5298,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,obknit,,96,,,RT @katiecouric: Cooper seems to be losing interest. #GOPDebate http://t.co/fWqSaIEbkR,,2015-08-07 08:37:18 -0700,629677706066698240,, -5299,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FreedomJames7,,0,,,"Rubio Did A Good Job Last Night. -#GOPDebate",,2015-08-07 08:37:18 -0700,629677704527409152,, -5300,Donald Trump,1.0,yes,1.0,Negative,0.6135,FOX News or Moderators,0.6135,,schotts,,2,,,"RT @JamesViser: Trump loses #gopdebate but Rubio, Cruz and others triumph #copolitics #tcot #tlot #pjnet #gop http://t.co/YNSEYzRrhA",,2015-08-07 08:37:17 -0700,629677699703832576,Colorado,Mountain Time (US & Canada) -5301,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.3469,None of the above,0.4265,,FotiosT,,0,,,Clearly that means Toucan Sam and I are planning to take over America. And Fruit Loops are rainbow colored so it's extra scary. #GOPDebate,,2015-08-07 08:37:16 -0700,629677696109408256,Banks of the Old Raritan,Eastern Time (US & Canada) -5302,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,justiceputnam,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @V1ct0rCR0cc0 @polipaca @mpf2011 @BarryHouse @lipdesign @justiceputnam …,,2015-08-07 08:37:14 -0700,629677689205424128,"Rogue River, Oregon #homebase",Pacific Time (US & Canada) -5303,No candidate mentioned,1.0,yes,1.0,Negative,0.6496,Religion,0.6766,,nerdmommy,,3,,,"RT @philsturgeon: ""Will anyone protect our right to discriminate against people based on any arbitrary thing we decide fits into our religi…",,2015-08-07 08:37:14 -0700,629677688010244096,IL,Central Time (US & Canada) -5304,No candidate mentioned,1.0,yes,1.0,Neutral,0.3647,None of the above,1.0,,AnOldLefty,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @ronprada_soho @francie57 @MemphisJohnny1 @Floridagordon @floridajewel…,,2015-08-07 08:37:09 -0700,629677669672714240,Central Ohio,Eastern Time (US & Canada) -5305,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,SalTrifilio,,2,,,"RT @hoonurse: Hey America, after the #GOPDebate, this about sums it up... http://t.co/4M0MskR83h",,2015-08-07 08:37:07 -0700,629677660424282112,"Bridgeport, CT",Eastern Time (US & Canada) -5306,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,FOX News or Moderators,0.6915,,VNewsCD_Club,,0,,,#VNewsCD Pundits Incensed Over… http://t.co/sHOjCSdzr8 #Politics #Abortion #GOPDebate #MegynKelly #NBA #Hashtags http://t.co/rB0mhucI69,,2015-08-07 08:37:07 -0700,629677659627261952,Check us out!!,Pacific Time (US & Canada) -5307,,0.2279,yes,0.6486,Neutral,0.6486,None of the above,0.4207,,PatriotLemonade,,2,,,"Who won the #GOPDebate? -@realDonaldTrump? -@RealBenCarson? -@CarlyFiorina? -Nope, it was @SenSanders -#DebateWithBernie -http://t.co/QsYJ19jw8h",,2015-08-07 08:37:06 -0700,629677655139332096,Los Angeles & Washington DC,Pacific Time (US & Canada) -5308,No candidate mentioned,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,MarineCorpsDuck,,0,,,I'm having a really hard time thinking of ways that @PFTCommenter could have been more successful with his #GOPDebate shenanigans @edsbs,,2015-08-07 08:37:05 -0700,629677652232638464,"Oregon, USA",Pacific Time (US & Canada) -5309,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,FOX News or Moderators,0.4642,,TheSnowKingdom,,0,,,It appears the word has gone out from Fox to rally around the moderators of #GOPDebate. Seeing lots of staff tweets trying to defend.,,2015-08-07 08:37:05 -0700,629677650886426624,United States, -5310,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @IndieMediaWeek @Truman_Town @snarkylibdem @RelUnrelated @morgfair @IanReifowitz,,2015-08-07 08:37:04 -0700,629677647417733120,Playing deep in left field,Eastern Time (US & Canada) -5311,Donald Trump,1.0,yes,1.0,Negative,0.662,FOX News or Moderators,0.7006,,pansycritter,,0,,,Trump: Megyn Kelly’s Sexism Question ‘Was Not a Very Nice Question’ @realDonaldTrump #GOPDebate #2016 http://t.co/q7bHKnXWIE,,2015-08-07 08:37:03 -0700,629677641839312896,I know I'm out there somewhere,Eastern Time (US & Canada) -5312,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ericcsilverman,,0,,,A Trump at the Roxbury: https://t.co/bMUjvo7u83 #TrumpAtTheRoxbury #GOPDebate #SNL #DonaldTrump,,2015-08-07 08:37:01 -0700,629677633723322368,"Syracuse, NY", -5313,Scott Walker,0.2472,yes,0.6979,Negative,0.6979,Healthcare (including Medicare),0.4871,,Cluw_girl,,6,,,RT @SpudLovr: #Walker16's Rejection of Medicaid Money Costing Wisconsin Nearly $400 Million http://t.co/WVCiloZKpf #wiunion #GOPDebate #p2 …,,2015-08-07 08:37:00 -0700,629677629378011136,, -5314,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3402,None of the above,0.4218,,SenatorMcGinn,,20,,,RT @BryanLowry3: Reminder that Common Core was not created by the federal government. Was created by Natl. Governors Association. #GOPDebate,,2015-08-07 08:36:59 -0700,629677625988919296,, -5315,No candidate mentioned,0.3888,yes,0.6235,Negative,0.3176,FOX News or Moderators,0.3888,,hrblock_21,,30,,,"RT @JamesRosenFNC: Good morning America, how are ya? Your native son will be teeing up the best #GOPDebate sound on @FoxFriendsFirst @ 5 & …",,2015-08-07 08:36:58 -0700,629677619940880384,, -5316,Chris Christie,0.6552,yes,1.0,Positive,0.3448,None of the above,0.6552,,DarnFacts,,5,,,RT @tonykatz: Can I get a debate where @GovChristie and @RandPaul discuss liberty and security for an hour? Please? @93wibc #GOPDebate,,2015-08-07 08:36:57 -0700,629677618950836224,, -5317,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,CovarrubiasC,,3,,,RT @NPetallides: #onset NOW @FoxBusinessAM #GOPDebate coverage #jobsday #mediastocks Dow DOWN 6 days! Maybe 7 now? WTD -1.52% http://t.co/…,,2015-08-07 08:36:57 -0700,629677617931628544,Mexico City, -5318,,0.2278,yes,0.3511,Neutral,0.3511,,0.2278,,CassGourmetPop,,0,,,Bet you'll never guess what gourmet delicacy we were snacking on during last night's #GOPDebate?!,,2015-08-07 08:36:56 -0700,629677614572171264,"Grapevine, TX", -5319,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RedneckThink,,0,,,I really liked many of the candidates as people but not so much as future Presidents. #GOPDebate @HappeningNow,,2015-08-07 08:36:55 -0700,629677610042327040,"Riverbank,tailgate,treestand", -5320,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Minatus23,,1,,,RT @amandaclockwood: Scott Walker & Droopy Dog... definitely related. #GOPDebate http://t.co/HccDkmV1WG,,2015-08-07 08:36:54 -0700,629677606762188800,Seattle ,Pacific Time (US & Canada) -5321,No candidate mentioned,0.6299,yes,1.0,Neutral,1.0,None of the above,1.0,,tiffinit,,2,,,Notable quotes from the #GOPDebate http://t.co/GyAQEDBV4s put together by @jessilespie @JDante_PR @selhussain,,2015-08-07 08:36:54 -0700,629677603360776192,"Orlando, FL",Eastern Time (US & Canada) -5322,No candidate mentioned,1.0,yes,1.0,Neutral,0.6647,None of the above,1.0,,ericdeamer,,0,,,Camilo fires up the crowd outside Slymans. #GOPDebate http://t.co/2mLt8kWdPZ,,2015-08-07 08:36:53 -0700,629677600101793792,"Lakewood, OH",Eastern Time (US & Canada) -5323,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6562,,PowersToPeeps,,0,,,"Who's ""marginalizing"" women Lingerie model @megynkelly or @realDonaldTrump Glass houses? #DeBaitAndSwitch #GOPDebate https://t.co/HmKmm5UoNA",,2015-08-07 08:36:52 -0700,629677595865559040,"Augusta, GA",Eastern Time (US & Canada) -5324,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @wrappedinflag @kenpickles @TomShafShafer @debbhakel @raine1967 @ColMorrisDavis,,2015-08-07 08:36:52 -0700,629677594691117056,Playing deep in left field,Eastern Time (US & Canada) -5325,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.3261,None of the above,0.3974,,rachelhills,,4,,,"For sex talk that's a little less crazy than last night's #gopdebate, here's @AngelaLedgerwoo and I on @litupshow: http://t.co/4dJcC81a5m",,2015-08-07 08:36:51 -0700,629677594355609600,New York City,London -5326,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6563,,zealandzen,,0,,,".@megynkelly, @realDonaldTrump insults everyone, so is it misogyny? Didn't #RosieODonnell throw the first punch in their feud? #GOPDebate",,2015-08-07 08:36:51 -0700,629677593558650880,USA,Mountain Time (US & Canada) -5327,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Kinglos007,,0,,,Props to @megynkelly for doing a great job asking the hard hitting questions @ the #GOPDebate last night,,2015-08-07 08:36:50 -0700,629677587544080384,"Miami, FL",Atlantic Time (Canada) -5328,No candidate mentioned,1.0,yes,1.0,Negative,0.6977,None of the above,1.0,,Juli_anneRoo,,0,,,#GOPDebate fills me with mild dread,,2015-08-07 08:36:49 -0700,629677585585340416,"London, United Kingdom", -5329,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DavidTATL,,3,,,This! biggest loser last night was @megynkelly who came across as a condescending cat! #boycott her show! #GOPDebate https://t.co/GlN4dwVCPN,,2015-08-07 08:36:48 -0700,629677577691643904,"Atlanta, GA USA",Eastern Time (US & Canada) -5330,No candidate mentioned,0.4542,yes,0.6739,Neutral,0.337,None of the above,0.4542,,DaveDo,,29,,,"RT @GetEQUAL: As the #GOPdebate begins, can you tell the difference between the GOP and the KKK? Take the quiz: http://t.co/G6xlQQiKJ1 #KKK…",,2015-08-07 08:36:46 -0700,629677573073731584,"Incredulous, USA",Eastern Time (US & Canada) -5331,John Kasich,1.0,yes,1.0,Positive,0.6652,None of the above,1.0,,tylergonigam,,0,,,@JohnKasich really impressed me in the debate. I hope to see your pole numbers increase. #GOPDebate #GOP #ohio,,2015-08-07 08:36:46 -0700,629677572817682432,Illinois State University,Central Time (US & Canada) -5332,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,MelissaRyan,,1,,,"""At #GOPDebate, I won over our largest audience yet. Can you chip in $3 to help us keep it up?"" @CarlyFiorina http://t.co/9hrN1F0vAx",,2015-08-07 08:36:45 -0700,629677567822446592,"Washington, DC",Central Time (US & Canada) -5333,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pizzmoe,,2,,,Right. Let's get angry about all of the topics they didn't bring up at the #GOPDebate like they care. You can't penetrate the bubble.,,2015-08-07 08:36:45 -0700,629677565578379264,Los Angeles via NYC via Philly,Pacific Time (US & Canada) -5334,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChrisJZullo,,25,,,Last night at the #GOPdebate all I saw was a bunch of Rich and Old despots with ZERO solutions to our nations problems #uniteblue #cnn #p2,,2015-08-07 08:36:42 -0700,629677553553395712,The United States of America,Eastern Time (US & Canada) -5335,No candidate mentioned,0.6311,yes,1.0,Neutral,0.6311,Racial issues,0.6311,,amcap76,,0,,,Vets are most politician's afterthoughts. Squeaky wheel #BlackLivesMatter got attention though @angelathomas22 @ConcernedVets #GOPDebate,,2015-08-07 08:36:39 -0700,629677543935840256,Big Rock Candy Mountains,Central Time (US & Canada) -5336,No candidate mentioned,1.0,yes,1.0,Neutral,0.6905,None of the above,1.0,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @expatina @Slfriend79 @SupermanHotMale @AnOldLefty @LaurensComedy @janieo @brontyman,,2015-08-07 08:36:39 -0700,629677541280862208,Playing deep in left field,Eastern Time (US & Canada) -5337,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Abortion,1.0,,CountryMae,,110,,,RT @comcatholicgrl: Talk pro-life to me #GOPDebate,,2015-08-07 08:36:39 -0700,629677540458799104,,Atlantic Time (Canada) -5338,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lesleysiu,,0,,,Fashion: an everyday debate. #GOPDebate https://t.co/IvgagREd2a,,2015-08-07 08:36:38 -0700,629677538814623744,"washington, dc",Eastern Time (US & Canada) -5339,No candidate mentioned,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,pranksters69,,0,,,Good luck to everyone competing in the #GOPDebate in Blaine this weekend! @HappyCowsUlti @MNSuperiorU16 @texas_tango @DeadriseDC,,2015-08-07 08:36:38 -0700,629677537774448640,"Middlebury, VT", -5340,,0.2236,yes,0.3375,Negative,0.3375,,0.2236,,l_brogan59,,3,,,RT @OhioBATs: yes we need to listen to this #GOPDebate #Batsask why is that MR. Kasich no trickle down working here! https://t.co/jjABL8…,,2015-08-07 08:36:38 -0700,629677536818106368,"newburgh, ny",Eastern Time (US & Canada) -5341,Chris Christie,1.0,yes,1.0,Positive,0.7045,None of the above,1.0,,walterolson,,2,,,Good idea from colleague @David_Boaz: set up 1-on-1 @ChrisChristie vs. @RandPaul #GOPDebate. I'd watch http://t.co/xI1dSIBDSv #cato2016,,2015-08-07 08:36:37 -0700,629677534339317760,"Washington DC; New Market, MD",Eastern Time (US & Canada) -5342,Donald Trump,0.4782,yes,0.6915,Negative,0.6915,None of the above,0.4782,,mikeperry159,,0,,,@debrajsaunders @GasiaKTVU Donald Trump was the self proclaimed winner of the #GOPDebate you ladies agree?,,2015-08-07 08:36:37 -0700,629677531797434368,The City, -5343,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,Foreign Policy,1.0,,educate_yurself,,109,,,RT @elielcruz: Fact: Americans are in more danger from the threat of white men domestically than ISIS internationally. #GOPDebate,,2015-08-07 08:36:36 -0700,629677529536839680,,Eastern Time (US & Canada) -5344,No candidate mentioned,1.0,yes,1.0,Neutral,0.6351,None of the above,1.0,,JoeGallois,,0,,,Is it safe to get on social media yet or is everyone still posting their writer's packet for the Daily Show? #GOPDebate,,2015-08-07 08:36:36 -0700,629677529423564800,"Atlanta, GA",Eastern Time (US & Canada) -5345,No candidate mentioned,0.3787,yes,0.6154,Negative,0.3187,None of the above,0.3787,,whiteboymikes,,99,,,RT @dragswolf: We should have built that wall in 1491. #GOPDebate http://t.co/tVsTft9YK5,,2015-08-07 08:36:36 -0700,629677528882520064,"Guayaquil, Ecuador",Eastern Time (US & Canada) -5346,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,chris_wieczorek,,0,,,I didn't watch the #GOPDebate last night but saw 1st 90s this morning. Why does it feel exactly like @AmericanIdol or sim show? #WereFucked,,2015-08-07 08:36:36 -0700,629677528303673344,"Charlotte, NC",Atlantic Time (Canada) -5347,Donald Trump,1.0,yes,1.0,Negative,0.6583,Women's Issues (not abortion though),0.3524,,trendclues,,0,,,"Donald Trump, Rosie O’Donnell Feud: #DonaldTrump Slams #MegynKelly & ‘Fat Pig’ #RosieODonnell [Video] http://t.co/VDNBhh6i7p #GOPdebate #GOP",,2015-08-07 08:36:34 -0700,629677521680728064,California ,Pacific Time (US & Canada) -5348,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,kodiakclint,,116,,,RT @scottEweinberg: This thing is longer than two Hobbit movies combined. #GOPDebate,,2015-08-07 08:36:34 -0700,629677521328455680,"Waco, TX",Eastern Time (US & Canada) -5349,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tuffshedsucks,,3,,,"RT @TheMayaka: .@VanJones68 ""@JebBush looked like oatmeal getting colder!"" ZINGGG!!! #GOPDebate",,2015-08-07 08:36:33 -0700,629677518614691840,, -5350,No candidate mentioned,1.0,yes,1.0,Negative,0.6691,FOX News or Moderators,0.6397,,ropeets,,0,,,"Congratulations @Rosie for making the ""presidential"" discussion. Who knew you were so important? #GOPDebate","[36.28717723, -82.36564512]",2015-08-07 08:36:31 -0700,629677508384829440,"Johnson City, Tennessee",America/New_York -5351,Donald Trump,1.0,yes,1.0,Neutral,0.6437,None of the above,1.0,,SteveJazz,,1,,,RT @RepublicanRI: Noticing most of the stories and social media regarding the #GOPDebate last night is about @realDonaldTrump.,,2015-08-07 08:36:30 -0700,629677503150473216,"ÜT: 41.936731,-71.469504",Eastern Time (US & Canada) -5352,Donald Trump,1.0,yes,1.0,Positive,0.6591,None of the above,0.7045,,franciscannet,,1,,,RT @419in703: .@realDonaldTrump said it best last night: It's time to #GetMoneyOut #GOPDebate #GOPTBT #KochVsPope http://t.co/xNo4YcFzIV,,2015-08-07 08:36:29 -0700,629677499606302720,United States,Eastern Time (US & Canada) -5353,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,Foreign Policy,0.4204,,ykbluedevil,,26,,,"RT @BicycleLobby: Since so much oil comes from the Middle East, wouldn't a War on Cars be more effective than a War on Terrorism? #GOPDebate",,2015-08-07 08:36:29 -0700,629677498041790464,"Kigali, Rwanda",Eastern Time (US & Canada) -5354,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RhondaWatkGwyn,,4,,,"RT @JHoganGidley: Goodbye #Cleveland, OH. -Hello #Greenville, SC. -After @GovMikeHuckabee crushes #GOPDebate, the campaign continues. http:/…",,2015-08-07 08:36:28 -0700,629677495051231232,"Mount Airy, North Carolina",Eastern Time (US & Canada) -5355,No candidate mentioned,1.0,yes,1.0,Positive,0.6905,None of the above,1.0,,srilankacey,,0,,,Wish Hilary had Carly Fiorina passion and spark! She should take some lessons from her.#GOPDebate,,2015-08-07 08:36:26 -0700,629677488990482432,, -5356,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,icebergslim1047,,0,,,Early numbers show record audience for first #GOPdebate http://t.co/VMs287kXGM,,2015-08-07 08:36:26 -0700,629677488688402432,"Chicago, IL",Central Time (US & Canada) -5357,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SineadMT,,0,,,"""We are currently experiencing a master class in the art of political stupidity"" http://t.co/HzmgLpHBl2 via @FodaRecord #GOPDebate #despair",,2015-08-07 08:36:26 -0700,629677487279222784,"Washington, DC", -5358,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,ValeriaPugliesi,,32,,,"RT @BrentHBaker: From before #GOPDebate, @TheMRC's and @NewsBusters' ""Don't Believe the Liberal Media"" sign on MSNBC. http://t.co/uUoMmVV8Zn",,2015-08-07 08:36:25 -0700,629677484762492928,,America/New_York -5359,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,retsel_qt,,137,,,"RT @sallykohn: Didn’t really gain anything from tonight’s #GOPDebate except for AN EVEN GREATER MOTIVATION TO ELECT A DEMOCRAT IN 2016. - -A…",,2015-08-07 08:36:23 -0700,629677476310941696,, -5360,Donald Trump,1.0,yes,1.0,Negative,0.6854,Foreign Policy,0.6517,,k8riley,,0,,,"Wonder what ""President"" @realDonaldTrump's late-night tweeting might look like after meeting with Angela Merkel. #GOPdebate",,2015-08-07 08:36:23 -0700,629677475853832192,Seattle,Pacific Time (US & Canada) -5361,Rand Paul,1.0,yes,1.0,Positive,0.6934,None of the above,1.0,,laurenacooley,,2,,,"NYT assesment of @RandPaul's #GOPDebate performance... ""Made himself matter again."" #StandWithRand http://t.co/B54cR1kx4q",,2015-08-07 08:36:23 -0700,629677475430297600,South Florida,Eastern Time (US & Canada) -5362,No candidate mentioned,1.0,yes,1.0,Neutral,0.6354,None of the above,1.0,,wasons_creek,,0,,,"I didn't watch the #GOPDebate. I'm going to wait and watch Jon Stewart's @TheDailyShow coverage next week. Oh, wait...😢 #JonVoyage",,2015-08-07 08:36:22 -0700,629677470162161664,Modesto,Pacific Time (US & Canada) -5363,No candidate mentioned,0.4225,yes,0.65,Negative,0.65,None of the above,0.4225,,michelebell54,,2,,,RT @amandagutterman: I wrote on @SlantNews about my nostalgia for a time when politics was kind of boring: https://t.co/uIpoaiGI9A #GOPDeba…,,2015-08-07 08:36:21 -0700,629677467456905216,St. Louis,Central Time (US & Canada) -5364,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MarkHyman,,0,,,@ScottWaker rope-a-dope strategy for #GOPDebate was brilliant.,,2015-08-07 08:36:21 -0700,629677465271726080,,Eastern Time (US & Canada) -5365,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,sessionsfan,,8,,,"RT @GovtsTheProblem: Apparently it was @FoxNews which received the order for the Code Red on Donald Trump, not the other candidates. -#GOPDe…",,2015-08-07 08:36:19 -0700,629677458363678720,Central Florida,Eastern Time (US & Canada) -5366,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,in_vox,,4,,,RT @rightwinglatina: Marco Rubio emerges as the party’s brightest star http://t.co/TTG6gEG3sE #GOPDebate #Rubio2016 #ImwithMarco,,2015-08-07 08:36:18 -0700,629677455591243776,,Ljubljana -5367,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Ihasnosoul,,0,,,"A tiny part of me really wants Donald Trump to be US president. I mean, it would be hilarious. It would be horrible. Buthilarious #GOPDebate",,2015-08-07 08:36:17 -0700,629677449652097024,THEINTERNET!!!!, -5368,,0.2276,yes,0.6496,Negative,0.6496,None of the above,0.42200000000000004,,I_M_P_R_X,,29,,,RT @ReactionaryTree: Remember to attack the #cuckservative in the #GOPDebate tonight http://t.co/uRTVBE9EKD,,2015-08-07 08:36:17 -0700,629677448863580160,Urheimat, -5369,Donald Trump,0.4392,yes,0.6627,Neutral,0.6627,None of the above,0.4392,,davidc615,,0,,,"@hotairblog @realDonaldTrump is the modern day Herbert Hoover and we'll pass! Thanks, The Silent Majority! #GOPDebate #gop #tcot",,2015-08-07 08:36:16 -0700,629677445860466688,"Nashville, Tennessee",Central Time (US & Canada) -5370,Rand Paul,0.6875,yes,1.0,Neutral,0.6875,None of the above,1.0,,BrianAbelTV,,0,,,Based on last night's #GOPDebate that Paul v Christie 2nd Rd will be match of tourney! @BarrettAll https://t.co/6b0n5IIj18,,2015-08-07 08:36:15 -0700,629677443201110016,Kansas City ,Central Time (US & Canada) -5371,Donald Trump,1.0,yes,1.0,Neutral,0.3444,None of the above,1.0,,xlcomedy,,0,,,"I am in no way stumping for @realDonaldTrump, but I do find it interesting that both the left & the right are bashing him hard. #GOPDebate",,2015-08-07 08:36:15 -0700,629677441041088512,Chicago,Central Time (US & Canada) -5372,John Kasich,0.647,yes,1.0,Positive,0.647,None of the above,1.0,,ErinMVPS,,1,,,A college debate coach's perspective on who 'won' the #GOPdebate last night. http://t.co/3caFylQojK @EmoryAdmission @emorydebate @trefpool,,2015-08-07 08:36:14 -0700,629677438105161728,"Atlanta, GA",Atlantic Time (Canada) -5373,Ted Cruz,1.0,yes,1.0,Positive,0.6797,None of the above,1.0,,chuckyducky669,,106,,,RT @ChuckNellis: YES!!!! @krauthammer said @TedCruz had the best night! #Cruz2016 #GOPDebate,,2015-08-07 08:36:14 -0700,629677436792233984,The Republic of Texas, -5374,John Kasich,1.0,yes,1.0,Negative,0.6612,LGBT issues,1.0,,thejamabides,,100,,,RT @benshapiro: How fast did Kasich track down a gay person to invite him to a wedding when he decided to run for president? #GOPDebate,,2015-08-07 08:36:13 -0700,629677433998872576,"Kansas City, MO", -5375,Ben Carson,1.0,yes,1.0,Neutral,0.6685,None of the above,0.6951,,rhUSMC,,1,,,RT @GameANew: @kimguilfoyle YOU are my favorite! Oh you mean the #GOPDebate Carson and Carly.,,2015-08-07 08:36:12 -0700,629677430114926592,AZ USA, -5376,Donald Trump,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,jojo21,,9,,,RT @AG_Conservative: Did Trump just say he opposed Iraq war in July 2004? The invasion was in March 2003. #GOPDebate,,2015-08-07 08:36:12 -0700,629677429758554112,"Ellicott City, Maryland",Eastern Time (US & Canada) -5377,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,BrenHolland,,0,,,@FoxNews @fxnopinion @foxnewspolitics Very good job by Fox News #GOPDebate,,2015-08-07 08:36:12 -0700,629677428781113344,"San Angelo, Texas", -5378,Jeb Bush,0.6484,yes,1.0,Negative,1.0,None of the above,1.0,,eholtam,,1,,,"RT @heysarahsweeney: Didn't Nostradamus predict the ""village idiot"" would rule the world? What if... what if it wasn't Bush after all? -#GOP…",,2015-08-07 08:36:11 -0700,629677426088390656,MO,Central Time (US & Canada) -5379,No candidate mentioned,1.0,yes,1.0,Neutral,0.6347,None of the above,1.0,,JamesBalderrama,,0,,,Judging by the # of people that tuned in last night I'd say @HillaryClinton is shaking in her pantsuit. Ppl are tied of the dems #GOPDebate,,2015-08-07 08:36:11 -0700,629677424393871360,Vegas Baby!,Eastern Time (US & Canada) -5380,No candidate mentioned,1.0,yes,1.0,Negative,0.6382,None of the above,1.0,,BrianHohmeier,,0,,,"Consensus from #GOPdebate: Several big winners, no real losers, yet everyone holds place--except Fiorina. What?! What's the math there?",,2015-08-07 08:36:11 -0700,629677423139926016,"Cleveland, Ohio",Pacific Time (US & Canada) -5381,No candidate mentioned,0.4288,yes,0.6548,Negative,0.6548,Racial issues,0.4288,,RippDemUp,,1,,,"@SMShow @frangeladuo #GOPDebate Gave ""No Fucks"" About #BlackLivesMatter http://t.co/IuwKYlUdMg",,2015-08-07 08:36:09 -0700,629677417435496448,"Lorraine Motel, Memphis, TN",Central Time (US & Canada) -5382,Ben Carson,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ZivGuy,,1,,,"Ben Carson & Marco Rubio were biggest winners of #GOPDebate, Donald Trump & Rand Paul biggest losers. https://t.co/qUwbtdThms",,2015-08-07 08:36:07 -0700,629677407419662336,"Washington, D.C.", -5383,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,1.0,,tuffshedsucks,,5,,,"RT @TheMayaka: .@marcorubio's God is only generous to #Republicans, so generous that he allowed them to lose twice but give them 17 candida…",,2015-08-07 08:36:07 -0700,629677406937157632,, -5384,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,None of the above,1.0,,LudingtonMary,,46,,,"RT @peterdaou: If I had a time machine, I'd fast forward 100 years and show people a presidential debate that didn't mention climate change…",,2015-08-07 08:36:06 -0700,629677403367870464,"Minneapolis, MN", -5385,Chris Christie,1.0,yes,1.0,Negative,0.7045,None of the above,1.0,,jordanbolduc12,,0,,,https://t.co/2Vjdgml3g4 Chris Christie last night at the #GOPDebate,,2015-08-07 08:36:05 -0700,629677400742346752,, -5386,No candidate mentioned,0.4771,yes,0.6907,Neutral,0.6907,Immigration,0.2492,,hugoc3318,,37,,,"RT @3paulas: interesting 2 see who isn’t worried about alienating Latino voters, and who is..” http://t.co/sLz2bl851o #uslatino #GOPDebate…",,2015-08-07 08:36:04 -0700,629677395784503296,Los Angeles CA, -5387,Donald Trump,0.4253,yes,0.6522,Negative,0.6522,None of the above,0.4253,,illiadogea,,5,,,RT @drjohnstl: I was asked about @realDonaldTrump & the #GOPDebate last night. It was clear to me the questions were negatively baited & lo…,,2015-08-07 08:36:03 -0700,629677391204483072,Villa Ridge Mo, -5388,,0.2285,yes,0.6466,Neutral,0.6466,None of the above,0.4181,,torri_huebner,,0,,,First GOP debate! #allinCLE #gopdebate #kasich4us https://t.co/td0Ha5LzFJ,,2015-08-07 08:36:03 -0700,629677390977998848,"Columbus, OH",Eastern Time (US & Canada) -5389,No candidate mentioned,1.0,yes,1.0,Negative,0.3587,None of the above,1.0,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @ronprada_soho @francie57 @MemphisJohnny1 @Floridagordon @floridajewel @Infamous_Deb,,2015-08-07 08:36:03 -0700,629677389371543552,Playing deep in left field,Eastern Time (US & Canada) -5390,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,blairc94,,1,,,"Notice last night nothing about climate change, minimum wage, gun control, and barely got into same sex marriage. #GOPDebate",,2015-08-07 08:36:02 -0700,629677385110040576,, -5391,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,AriGadfly,,0,,,"It's very interesting that every one of the GOP candidates hates the govt., & yet they're applying for a job to join it. #GOPDebate",,2015-08-07 08:36:01 -0700,629677380911661056,,Arizona -5392,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JamesMSama,,0,,,"I missed the #GOPDebate last night, can anyone give me the Cliff's notes?",,2015-08-07 08:36:01 -0700,629677380693590016,"Boston, MA.",Eastern Time (US & Canada) -5393,Donald Trump,0.6848,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,afolake1,,4,,,RT @tamaraleighllc: Disappointed. @megynkelly was my media #girlcrush &after #GOPDebate think #WeAreOnABreak @FoxNews @realDonaldTrump htt…,,2015-08-07 08:35:59 -0700,629677372799717376,, -5394,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Racial issues,0.6889,,mikoyanmuhammad,,1,,,RT @noimosque32: Dr. King says his dream became a nightmare... https://t.co/FswFvAwKH0 #JusticeOrElse #GOPDebate,,2015-08-07 08:35:58 -0700,629677371734519808,,Quito -5395,Scott Walker,0.4178,yes,0.6463,Negative,0.6463,Abortion,0.4178,,SmittyMyBro,,0,,,"""Governor Walker, you've...said you want to make abortion illegal. Even in...rape, incest, or to save the life of the mother"" -#GOPDebate",,2015-08-07 08:35:57 -0700,629677366160142336,John Smith AKA Bazooka Joe,Central Time (US & Canada) -5396,Ted Cruz,1.0,yes,1.0,Neutral,0.6413,Abortion,0.6739,,chuckyducky669,,88,,,"RT @LilaGraceRose: .@tedcruz talks hard policy for first days of Presidency, including prosecuting illegal activities of abortion giant @PP…",,2015-08-07 08:35:57 -0700,629677364423733248,The Republic of Texas, -5397,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DWMoffett,,3,,,RT @UGottaWoody: Yep. It was like watching the political equivalent of #Sharknado. #GOPDebate https://t.co/AUTzyTwnv7,,2015-08-07 08:35:56 -0700,629677362989281280,California,Pacific Time (US & Canada) -5398,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,savelakewoodnj,,0,,,The irony of the @TheDailyShow ending with a speech about #BS the same night as the first #GOPDebate did not escape us. But it was sad.,,2015-08-07 08:35:56 -0700,629677360455901184,Lakewood nj ,Eastern Time (US & Canada) -5399,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nottinghams1,,0,,,"#MegynKelly #GOPDebate After last night I won't be watching anymore ""It's all about me"" Queen Kelly poor me fashion show/ debates.",,2015-08-07 08:35:55 -0700,629677358128201728,New York City,Eastern Time (US & Canada) -5400,John Kasich,0.3989,yes,0.6316,Negative,0.6316,Religion,0.3989,,DWHignite,,0,,,More #hypocrisy from @GovKasich and his #lbgt insight with some unknown god that agrees with #sodomy #GOPDebate https://t.co/8xADP0WwTQ,,2015-08-07 08:35:51 -0700,629677342391009280,, -5401,No candidate mentioned,1.0,yes,1.0,Neutral,0.6579999999999999,None of the above,1.0,,Marnus3,,1,,,The perfect remedy for a #GOPDebate hangover is to #FF @V1ct0rCR0cc0 @polipaca @mpf2011 @BarryHouse @lipdesign @justiceputnam @timcorrimal,,2015-08-07 08:35:50 -0700,629677337638998016,Playing deep in left field,Eastern Time (US & Canada) -5402,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,GKMTNtwits,,0,,,"NEW STATEMENT on #GOPDEBATE: It's not a debate, it's an embarrassment: @CorrectRecord http://t.co/JwZqoAf75E … #TruthMatters @AlexWagner",,2015-08-07 08:35:49 -0700,629677332123529216,Boston ,Eastern Time (US & Canada) -5403,Donald Trump,1.0,yes,1.0,Negative,0.6824,Women's Issues (not abortion though),0.6588,,jensets,,6,,,"RT @OppressedFart: . @megynkelly drawing heat on Facebook for attacking @realDonaldTrump with the ""sexism narrative"" in the #GOPDebate http…",,2015-08-07 08:35:49 -0700,629677331674738688,, -5404,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.3333,,jojo21,,8,,,RT @AG_Conservative: Trump asked for evidence of his dumb accusation makes up secondhand testimony from anonymous border patrol agents. #GO…,,2015-08-07 08:35:49 -0700,629677330777157632,"Ellicott City, Maryland",Eastern Time (US & Canada) -5405,No candidate mentioned,1.0,yes,1.0,Neutral,0.6889,None of the above,1.0,,barakkassar,,0,,,Fantastic: @jowyang's ranked winners in #GOPDebate :-) https://t.co/EGp67cOuZH http://t.co/dAXRRVQBbA,,2015-08-07 08:35:46 -0700,629677320903659520,San Francisco,Pacific Time (US & Canada) -5406,Ted Cruz,0.6703,yes,1.0,Negative,1.0,None of the above,0.6703,,ShineYourTomato,,2,,,"RT @tobiasximenez: Need to check the source, but seems like something logical he would say #GOPDebate #RepublicanPrimary http://t.co/Ev6cta…",,2015-08-07 08:35:45 -0700,629677315832688640,,Central Time (US & Canada) -5407,Donald Trump,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,jojo21,,11,,,RT @AG_Conservative: Nobody talked about illegal immigration until Trump said a bunch of dumb stuff about it. Right. #GOPDebate,,2015-08-07 08:35:45 -0700,629677315035897856,"Ellicott City, Maryland",Eastern Time (US & Canada) -5408,Donald Trump,0.6821,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Canadian_Trump,,0,,,Megan Kelly..you're fired! #GOPDebate,,2015-08-07 08:35:42 -0700,629677302692118528,, -5409,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,rockitr,,2,,,"RT @MSignorile: Ok, that gave us a lot of material for tomorrow’s show! 3-6 ET @SXMProgress #GOPDebate",,2015-08-07 08:35:41 -0700,629677300586450944,, -5410,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,Nymdok,,4,,,RT @blacksab67: FACT: No GOP candidate has ever seen Ratt. #GOPDebate,,2015-08-07 08:35:41 -0700,629677299219177472,Houston,Eastern Time (US & Canada) -5411,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,jojo21,,10,,,"RT @AG_Conservative: Crowd boos as Trump, Hillary's stalking horse, is the only one to refuse to pledge to support the Republican nominee. …",,2015-08-07 08:35:41 -0700,629677297646350336,"Ellicott City, Maryland",Eastern Time (US & Canada) -5412,Donald Trump,0.3951,yes,0.6285,Negative,0.3226,None of the above,0.3951,,pmartin_UdeM,,0,,,"""Donald #Trump: of all the Donald Trumps in the world, you're the Donald Trumpiest !"" http://t.co/E2rBoZ1Zwy -@realDonaldTrump #gopdebate",,2015-08-07 08:35:41 -0700,629677296815894528,Montréal, -5413,No candidate mentioned,1.0,yes,1.0,Negative,0.7065,FOX News or Moderators,1.0,,IrishChrissyND,,1,,,"RT @ElizabethND04: Now the nation knows how awful Jersey is, practically/politically/financially speaking with the facts Bret just rattled …",,2015-08-07 08:35:40 -0700,629677292529287168,,Eastern Time (US & Canada) -5414,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Melissa_Immel,,0,,,Still in disbelief that the last question last night was about God. So much for separation of church and state. #GOPDebate,,2015-08-07 08:35:38 -0700,629677287680532480,"Sacramento, California ",Pacific Time (US & Canada) -5415,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6628,,Kathie1718,,47,,,RT @AmyMek: Shut Up .@RepDWStweets->Typical Lib tries 2 convince Americans they R Victims 2 advance overreaching pub policies & secure Vote…,,2015-08-07 08:35:38 -0700,629677287059787776,, -5416,Donald Trump,1.0,yes,1.0,Negative,0.7,None of the above,0.6667,,JamesWCoker,,0,,,Check out what Donald Trump & the rest of the #GOPDebate believe is this year's Song of The Summer (it's Trap Queen) http://t.co/UgqnVjBhLP,,2015-08-07 08:35:38 -0700,629677285206007808,new york city,Eastern Time (US & Canada) -5417,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ArvelMauldin,,30,,,"RT @TheBaxterBean: While deep in personal debt Marco Rubio bought an $80k boat, leased $50k luxury SUV http://t.co/qTn4MpF3E2 #GOPDebate ht…",,2015-08-07 08:35:36 -0700,629677277006028800,97504,Mountain Time (US & Canada) -5418,No candidate mentioned,1.0,yes,1.0,Neutral,0.3516,None of the above,1.0,,RaffaeleJanett,,0,,,"A nice look at yesterday debate ""A Foxy, Rowdy Republican Debate"" #GOPDebate #FoxNews http://t.co/rF40CcI35x",,2015-08-07 08:35:36 -0700,629677276943261696,Switzerland/US,Bern -5419,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,Abortion,1.0,,rubenaaronvera,,66,,,RT @KristanHawkins: Abortion is the greatest civil rights issue of our time. #GOPDebate,,2015-08-07 08:35:36 -0700,629677276062298112,TX,Central Time (US & Canada) -5420,No candidate mentioned,0.4209,yes,0.6488,Negative,0.3401,None of the above,0.4209,,Adam_Gassman,,2,,,17 classy photos from Thursday’s #GOPDebate http://t.co/SsmeqWDQQi http://t.co/GnsXwcX1Yf,,2015-08-07 08:35:33 -0700,629677264809144320,New York, -5421,Scott Walker,0.4209,yes,0.6488,Neutral,0.6488,,0.2279,,HoraceFranklin4,,3,,,RT @lynnsweet: Waiting for @scottwalker at @Slyman's Jewish deli in Cleveland day after #GOPdebate http://t.co/g7PnAfwtP4,,2015-08-07 08:35:32 -0700,629677260883111936,"Chicago,Ill",Eastern Time (US & Canada) -5422,No candidate mentioned,1.0,yes,1.0,Neutral,0.6692,None of the above,1.0,,FotiosT,,0,,,"True, Hillary Clinton wrote a paper on Saul Alinsky in college. I once wrote a paper about the Keel-billed Toucan. #GOPDebate",,2015-08-07 08:35:30 -0700,629677251504812032,Banks of the Old Raritan,Eastern Time (US & Canada) -5423,No candidate mentioned,1.0,yes,1.0,Negative,0.6806,None of the above,1.0,,lizzwill,,0,,,#GOPDebate What a boring and irrelevant group of people!,,2015-08-07 08:35:30 -0700,629677251043422208,, -5424,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,companyEEB,,0,,,WSJ: Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/HmYbRZCEvK http://t.co/gRNb1dorg7,,2015-08-07 08:35:29 -0700,629677250401669120,Tennessee Memphis. ,Bucharest -5425,Chris Christie,0.6979,yes,1.0,Negative,1.0,None of the above,1.0,,IrishChrissyND,,1,,,RT @ElizabethND04: Chris Christie has done nothing he promised us. Trump is a joke and an out-of-touch jerk. #GOPDebate,,2015-08-07 08:35:26 -0700,629677237219012608,,Eastern Time (US & Canada) -5426,No candidate mentioned,0.408,yes,0.6388,Neutral,0.341,,0.2307,,SonarJose,,0,,,"MK: ""Mr. Jackson, you molested & paid off young boys..."" -MJ: ""Only my Macauley Culkin."" -*audience roars with laughter, applause* -#GOPDebate",,2015-08-07 08:35:26 -0700,629677234266091520,,Quito -5427,No candidate mentioned,0.4353,yes,0.6598,Negative,0.6598,Jobs and Economy,0.4353,,GonzaBear,,0,,,"Great #GOPDebate - CAN WE TRUST YOU? -U were fired from HP, fired thousands of Americans & sent jobs overseas. -@CarlyFiorina @FoxNews @CNN",,2015-08-07 08:35:25 -0700,629677232735277056,, -5428,No candidate mentioned,1.0,yes,1.0,Positive,0.6441,FOX News or Moderators,1.0,,txflygirl,,1,,,"RT @StephenFleming: NYTimes: “It compels me to write a cluster of words I never imagined writing: hooray for Fox News.” #GOPdebate -http://…",,2015-08-07 08:35:25 -0700,629677232122822656,"Houston, TX",Central Time (US & Canada) -5429,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,liloneami,,0,,,"Well, after watching the #GOPDebate - I decided I wasn't voting for any of those candidates - No need to watch another #GOPDebate.",,2015-08-07 08:35:25 -0700,629677230658981888,Twitter=Highschool on Steriods,Hawaii -5430,No candidate mentioned,0.4203,yes,0.6483,Negative,0.6483,Abortion,0.4203,,ItsShoBoy,,2,,,#GOPDebate Reveals @GOP Candidates’s Terrifying Fantasies About #Abortion http://t.co/GYjq13nW35 #TNTVote #AINF #tlot #p2 #tcot #womenrights,,2015-08-07 08:35:25 -0700,629677229761556480,CALIFORNIA,Pacific Time (US & Canada) -5431,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Abortion,1.0,,mounumi,,15,,,RT @sheetalsheth: CAN WE STOP SAYING PRO-LIFE??? We are all for life. ANTI-CHOICE seems more appropriate. #GOPDebate,,2015-08-07 08:35:25 -0700,629677229723766784,Nashville TN, -5432,No candidate mentioned,0.6556,yes,1.0,Negative,1.0,None of the above,1.0,,Marnus3,,0,,,The perfect remedy for a #GOPDebate hangover is to #FF @s_cosgrove @rascality @DCdebbie @Satur9 @joanwalsh @RockyMntnMike @alikat747,,2015-08-07 08:35:24 -0700,629677228973010944,Playing deep in left field,Eastern Time (US & Canada) -5433,Donald Trump,1.0,yes,1.0,Neutral,0.6582,None of the above,1.0,,pneumachristian,,4,,,RT @germanirishlass: I think everyone that is bashing @therealdonaldtrump is scared to death of bold honest unapologetic truths. #GOPDebate,,2015-08-07 08:35:24 -0700,629677228222251008,Blackberry pin: 52DE6360, -5434,No candidate mentioned,0.4265,yes,0.6531,Negative,0.3469,None of the above,0.2266,,bluedistortion,,0,,,Let's change the racist usage of the word articulate to describe Republicans who are well spoken. #GOPDebate,,2015-08-07 08:35:24 -0700,629677228180303872,Mars. ,Eastern Time (US & Canada) -5435,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,0.6559,,IrishChrissyND,,1,,,RT @ElizabethND04: Leaning toward @CarlyFiorina. Get a kick a-- corporate woman in there to fix the mess! We'll see if these dudes change…,,2015-08-07 08:35:22 -0700,629677217648373760,,Eastern Time (US & Canada) -5436,Ted Cruz,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6562,,chuckyducky669,,18,,,"RT @JohnDrogin: Line of the night and most switched votes for @tedcruz, according to post-debate Fox focus group. #gopdebate http://t.co/aJ…",,2015-08-07 08:35:19 -0700,629677207649005568,The Republic of Texas, -5437,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mezzo_vanilla,,22,,,RT @mjtbaum: Maybe @realDonaldTrump can just ask to borrow this... #GOPDebate http://t.co/chnjqlQmBn,,2015-08-07 08:35:17 -0700,629677198702682112,Camp Half Blood,Eastern Time (US & Canada) -5438,No candidate mentioned,0.6417,yes,1.0,Negative,1.0,None of the above,0.6898,,ArvelMauldin,,22,,,"RT @TheBaxterBean: Republicans always hate welfare benefits and big gov't, especially when they grew up relying on them. #GOPDebate http://…",,2015-08-07 08:35:15 -0700,629677188262944768,97504,Mountain Time (US & Canada) -5439,No candidate mentioned,0.6737,yes,1.0,Negative,1.0,None of the above,0.6842,,B_NAUGHTY,,0,,,"Is this a debate or an ep of American Idol? Randy, where you at doooooooog?!?!? #GOPdebate",,2015-08-07 08:35:14 -0700,629677186396614656,IG: @B_NAUGHTY,Paris -5440,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,Truman_Town,,1,,,RT @Marnus3: The perfect remedy for a #GOPDebate hangover is to #FF @gottalaff @Truman_Town @SusieMadrak @JAMES_X_ @BorowitzReport,,2015-08-07 08:35:13 -0700,629677181795303424,Heartland USA, -5441,No candidate mentioned,0.4209,yes,0.6488,Positive,0.3401,None of the above,0.4209,,thekman71,,0,,,In #GOPDebate I was hoping to get a better sense of @CarlyFiorina. I did and I liked what I saw.,,2015-08-07 08:35:12 -0700,629677177731072000,NW,Pacific Time (US & Canada) -5442,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,2make1thing,,0,,,"Just wondering, how many friends *did* Mr.Trump pay to come to his wedding? He's rich, he gives out LOTS of money. #GOPDebate #AFriendIndeed",,2015-08-07 08:35:12 -0700,629677177303396352,Michigan,Eastern Time (US & Canada) -5443,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6522,,xoxo_margot,,14,,,RT @megynkelly: What do the Democrats think about the #GOPDebate? @DWStweets and @billburton join #KellyFile LIVE.,,2015-08-07 08:35:11 -0700,629677172677083136,"Arlington, VA",Eastern Time (US & Canada) -5444,Scott Walker,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6977,,tomcohn_oberlin,,3,,,RT @AndreJuwaan: How does @ScottWalker plan on giving priority to working American families and wages if he is so anti-union? #DebateWithBe…,,2015-08-07 08:35:08 -0700,629677161146937344,, -5445,John Kasich,1.0,yes,1.0,Negative,0.6465,None of the above,1.0,,babycheetah2001,,0,,,#GOPDebate john kasich didn't answer the questions for most of the night . Not sure how he won but maybe that plays to Republicans.,,2015-08-07 08:35:08 -0700,629677159632670720,,Eastern Time (US & Canada) -5446,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,alifsajan,,0,,,Bernie Sanders live-tweeted the #FeelTheBern #GOPDebate http://t.co/esAxEmQYXk via @HuffPostPol,,2015-08-07 08:35:08 -0700,629677158223351808,"San Francisco, CA",Eastern Time (US & Canada) -5447,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Chillax,,0,,,"#GOPDebate Also will someone please tell me the fuck is voting for Jeb Bush in all these supposed ""polls""? No one I know is!! Fuck him.",,2015-08-07 08:35:05 -0700,629677149700517888,,Pacific Time (US & Canada) -5448,Donald Trump,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,0.6705,,yumataz,,0,,,@FoxNews @marklevinshow @seanhannity @realDonaldTrump how thinks its time for a3rd party? #GOPDebate #Trump2016 #Trump #foxnewsisdead #news,,2015-08-07 08:35:05 -0700,629677148664532992,yuma az,Arizona -5449,No candidate mentioned,1.0,yes,1.0,Neutral,0.7032,None of the above,0.6402,,GS_Watson,,0,,,#GOPDebate offers quite a show - http://t.co/vYp2yecRka,,2015-08-07 08:35:04 -0700,629677144575086592,"Washington, DC",Eastern Time (US & Canada) -5450,No candidate mentioned,0.3627,yes,0.6023,Negative,0.3068,None of the above,0.3627,,whitnee_yelnatz,,2,,,RT @_ciaradanix3: where's @wakaflocka during this presidential debate? #GOPDebate #snakesinthegrass 🇺🇸🐍,,2015-08-07 08:35:03 -0700,629677140326371328,, -5451,No candidate mentioned,1.0,yes,1.0,Positive,0.3736,Foreign Policy,0.3736,,RohanHyatt,,0,,,"#GOPDebate reassured of affinity Republicans have with Kurdish militants. If elected president Jindal said he'll ""arm the Kurds"" i.e. PYD.",,2015-08-07 08:35:03 -0700,629677139164569600,England,London -5452,No candidate mentioned,1.0,yes,1.0,Neutral,0.6733,None of the above,1.0,,zimboteapot,,0,,,When will we c a presidential debate in #Zimbabwe like the #GOPDebate yesterday? Party level or national level? @DavidColtart @ProfJNMoyo,,2015-08-07 08:35:03 -0700,629677137818095616,"Harare, Zimbabwe", -5453,Donald Trump,1.0,yes,1.0,Negative,0.6154,None of the above,0.7033,,IrishChrissyND,,1,,,"RT @ElizabethND04: But, Trump wins the awkwardly pursed lips battle...as always. #GOPDebate #FoxDebate #FOXNEWSDEBATE @BuckSexton https://…",,2015-08-07 08:35:00 -0700,629677127416332288,,Eastern Time (US & Canada) -5454,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Racial issues,0.2353,,FarrakhanFans,,0,,,Dr. King says his dream became a nightmare... https://t.co/ZmMwPr1IZh #JusticeOrElse #GOPDebate,,2015-08-07 08:35:00 -0700,629677126053068800,Wherever Farrakhan Speaks, -5455,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6437,,noimosque32,,1,,,Dr. King says his dream became a nightmare... https://t.co/FswFvAwKH0 #JusticeOrElse #GOPDebate,,2015-08-07 08:35:00 -0700,629677126053003264,"Phoenix, AZ",Arizona -5456,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6876,,StriveRight,,0,,,Dr. King says his dream became a nightmare... https://t.co/72UVyMN4U4 #JusticeOrElse #GOPDebate,,2015-08-07 08:35:00 -0700,629677126048821248,, -5457,No candidate mentioned,0.4746,yes,0.6889,Negative,0.6889,Racial issues,0.4746,,BlackFamily1st,,0,,,Dr. King says his dream became a nightmare... https://t.co/YBo1Weii6U #JusticeOrElse #GOPDebate,,2015-08-07 08:35:00 -0700,629677126044651520,United States!, -5458,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,twhitlo,,9,,,"RT @Cary_Cheshire: You know, @FoxNews should not have put Debbie Wasserman Schultz on TV. Scaring tons kids right before bed. #GOPDebate",,2015-08-07 08:34:59 -0700,629677120457953280,"Melbourne,Fla",Atlantic Time (Canada) -5459,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,AccessAngelaS,,1,,,RT @Realdaveblack: When I want to be entertained but everybody wants to tweet about politics. #GOPDebate http://t.co/2OnxWHRHay,,2015-08-07 08:34:58 -0700,629677118901780480,, -5460,Donald Trump,1.0,yes,1.0,Negative,1.0,Religion,0.6946,,johnmcquill,,0,,,Trump wasn't asked to weigh in on idiotic God question from FB - maybe because God hasn't purchased a property from him (yet) #GOPDebate,,2015-08-07 08:34:58 -0700,629677116536287232,, -5461,,0.2319,yes,0.6347,Neutral,0.6347,None of the above,0.4028,,BHLiberty,,0,,,#GOPDebate: Did Cruz Trump Trump? https://t.co/lOCTZi5YQV via @CR @RMConservative is spot on!,,2015-08-07 08:34:57 -0700,629677116112527360,"Arizona, USA",Tijuana -5462,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,dwright_87_,,0,,,@LeviGolden Agree. Carson was very compelling when given the chance. #GOPDebate,,2015-08-07 08:34:57 -0700,629677114367709184,Louisiana,Mountain Time (US & Canada) -5463,Mike Huckabee,1.0,yes,1.0,Neutral,0.6782,None of the above,1.0,,jojo21,,3,,,RT @michaelhenry123: @FrankLuntz Do people realize Huckabee has no campaign or money?#GOPDebate,,2015-08-07 08:34:57 -0700,629677114351075328,"Ellicott City, Maryland",Eastern Time (US & Canada) -5464,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,0.6859999999999999,,StevenSinger3,,22,,,RT @DianeRavitch: #GOPDebate Megan should have asked Scott Walker if he would let his own wife die to save unborn child.,,2015-08-07 08:34:57 -0700,629677112820043776,, -5465,Donald Trump,0.3765,yes,0.6136,Neutral,0.3068,,0.2371,,niclott,,0,,,"SMH. Trump's Twitter tirade: Megyn Kelly a 'bimbo,' Frank Luntz a 'clown' #gopdebate http://t.co/wyWLcGtcZR",,2015-08-07 08:34:56 -0700,629677108898324480,"Jackson, MS",Central Time (US & Canada) -5466,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Racial issues,0.6667,,1missypooh,,16,,,RT @yobynnad1127: If I were president I would send the #BlackLivesMatter gang down to the border to build the wall. Then they would matter.…,,2015-08-07 08:34:55 -0700,629677106931175424,, -5467,Donald Trump,1.0,yes,1.0,Negative,0.6786,None of the above,0.6786,,michaelkruse,,0,,,7 things Donald Trump said that would have destroyed any other GOP candidate. http://t.co/xrw4zIsxrB @politico #GOPDebate #GOP2016,,2015-08-07 08:34:55 -0700,629677105341702144,Washington,Eastern Time (US & Canada) -5468,No candidate mentioned,1.0,yes,1.0,Negative,0.3488,None of the above,0.6859999999999999,,oxkaufman,,0,,,"ALL the candidates represented a clear and superior choice to Hillary, Bernie, Elizabeth and Uncle Joe!!! #GOPDebate #teaparty #tcot #tdgn",,2015-08-07 08:34:54 -0700,629677102548152320,"Loveland, Colorado",Atlantic Time (Canada) -5469,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,Badgerase,,3,,,"RT @foodwishes: Sorry, China, but sounds like we just may decide not pay you. #GOPDebate",,2015-08-07 08:34:53 -0700,629677098882473984,,Eastern Time (US & Canada) -5470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6854,,stylistkavin,,10,,,"RT @LiberalMmama: In other words, GOP, YOU LOSE! The economy IS improving!! NONE of you could beat Pres Obama! #GOPDebate https://t.co/Ycf…",,2015-08-07 08:34:53 -0700,629677098680975360,"Summerlin South, NV", -5471,No candidate mentioned,1.0,yes,1.0,Negative,0.7018,FOX News or Moderators,1.0,,dextermneal,,0,,,I think Arthur Anderson could have run the #GOPDebate more honest than #FOXNEWSDEBATE,,2015-08-07 08:34:53 -0700,629677098282680320,"Texas, USA",Central Time (US & Canada) -5472,No candidate mentioned,0.4936,yes,0.7025,Neutral,0.3966,None of the above,0.4936,,aleklev,,0,,,"Without his glasses, @GovernorPerry looked kinda dumb. With them, he looks like he might have better vision. #GOPDebate #KidsTable",,2015-08-07 08:34:52 -0700,629677093777879040,Los Angeles, -5473,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,afaduln2,,5,,,RT @TheBaxterBean: Oops. #GOPDebate https://t.co/jQ9t7Fb9xM,,2015-08-07 08:34:50 -0700,629677086844784640,The world,Eastern Time (US & Canada) -5474,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.618,,COMA_aReJay,,55,,,RT @Uptomyknees: The Facebook logos on stage during a debate between potential leaders of our nation is chillingly sinister in such a blata…,,2015-08-07 08:34:50 -0700,629677083212562432,, -5475,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,None of the above,0.4689,,SamuelRLau,,0,,,"Spot on take on 2016 GOP field following #GOPDebate: ""not good for the party, but makes excellent TV"" http://t.co/xTRt1MbcL3 #iacaucus",,2015-08-07 08:34:49 -0700,629677080922316800,"Des Moines, IA ", -5476,Rand Paul,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,stephenhowardd,,15,,,RT @FakeJDGreear: .@RandPaul reminds me of the evil land developer trying to bulldoze the neighborhood in every 80s movie ever. #GOPDebate,,2015-08-07 08:34:49 -0700,629677080234598400,,Atlantic Time (Canada) -5477,No candidate mentioned,0.4393,yes,0.6628,Negative,0.6628,None of the above,0.4393,,BonnieLCoffey,,0,,,Guess she's not laughing now. #Carly2016 #CarlyFiorina #GOPDebate https://t.co/KBt4LTzYHk,,2015-08-07 08:34:47 -0700,629677072655458304,"Tampa, FL",Atlantic Time (Canada) -5478,Rand Paul,0.669,yes,1.0,Negative,1.0,None of the above,0.6407,,WEST3RN,,22,,,RT @linnyitssn: I still can't stop laughing about how Rand Paul freaked out because Chris Christie gave the black President a hug. #GOPDeba…,,2015-08-07 08:34:47 -0700,629677071736766464,,Central Time (US & Canada) -5479,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RonenStauber,,0,,,real question is how many minutes for Fox News Questions? #GOPDebate @FoxNews @nytimes seems like a waste of airtime.,,2015-08-07 08:34:47 -0700,629677070898040832,,Eastern Time (US & Canada) -5480,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6668,,BrianaLeeKulana,,7,,,RT @coebooth: Is that really all they’re going to say about race? One question to one guy??? #GOPdebate,,2015-08-07 08:34:45 -0700,629677064199778304,"Brooklyn, NY", -5481,No candidate mentioned,1.0,yes,1.0,Negative,0.7093,None of the above,1.0,,afaduln2,,378,,,"RT @Bipartisanism: How to stay sober during #GOPDebate drinking games: - -Take a shot every time someone tells the truth. http://t.co/v1gKlMd…",,2015-08-07 08:34:45 -0700,629677063549636608,The world,Eastern Time (US & Canada) -5482,Marco Rubio,0.4224,yes,0.6499,Negative,0.3465,,0.2275,,TheBaxterBean,,10,,,"Rubio-Backed Insurance Market ""Covers 80 People"" -Obamacare Covers 1.6M in FL Alone http://t.co/WHgciD8Ee7 #GOPDebate http://t.co/Y1AWqcPfNW",,2015-08-07 08:34:44 -0700,629677058873032704,lux et veritas,Eastern Time (US & Canada) -5483,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,Immigration,0.6629,,samuelwonacott,,7,,,RT @PeterBeinart: make Planned Parenthood pay for the wall with Mexico #GOPDebate,,2015-08-07 08:34:43 -0700,629677054779224064,"Boise, ID",Mountain Time (US & Canada) -5484,John Kasich,0.6156,yes,1.0,Negative,0.3844,None of the above,1.0,,BGDTootSweet,,0,,,"The winners of the GOP Debates: Kasich, Fiorina, Clinton, Sanders, O'Donnell, and Kelly. #GOPDebate",,2015-08-07 08:34:42 -0700,629677050597654528,San Francisco,Cairo -5485,No candidate mentioned,1.0,yes,1.0,Negative,0.6631,None of the above,1.0,,Typicalblkchick,,0,,,So who won last nights #GOPDebate?....Hilary Clinton by a long shot!,,2015-08-07 08:34:41 -0700,629677047057526784,"Georgia, USA",Eastern Time (US & Canada) -5486,Donald Trump,0.4173,yes,0.6459999999999999,Negative,0.3286,None of the above,0.4173,,francesdumlao,,20,,,"RT @nowthisnews: Last night's #GOPDebate was, unsurprisingly, a complete circus. And @realDonaldTrump was the ringleader. http://t.co/bigYh…",,2015-08-07 08:34:39 -0700,629677039893803008,"New York, USA",Atlantic Time (Canada) -5487,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,brianpinaire,,0,,,"Last night there were 4 blue ties, 5 red ties and 1 striped tie, with 7 blue suits and 3 gray suits. These are bold men. Discuss. #GOPDebate",,2015-08-07 08:34:39 -0700,629677039436431360,"Portland, Oregon", -5488,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,James_Diaz821,,1,,,RT @ChrisCamps76: .@RandPaul rolled his eyes when @ChrisChristie mentioned how he hugged 9/11 victims. Goodbye Rand. Lost respect for him. …,,2015-08-07 08:34:39 -0700,629677038627102720,New York,Eastern Time (US & Canada) -5489,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MiladyMell,,1,,,"RT @pipnice1: I never laughed so much during a debate. Anyone else notice the ""times up"" buzzer sounded like Price is right sound? #GOPDeba…",,2015-08-07 08:34:39 -0700,629677038429802496,"The Duke City, New Mexico",Mountain Time (US & Canada) -5490,No candidate mentioned,1.0,yes,1.0,Neutral,0.6542,None of the above,0.6653,,anita_oh,,0,,,So there's this #GOPDebate #CNN http://t.co/rtKzReN0pK,,2015-08-07 08:34:38 -0700,629677034764136448,,Eastern Time (US & Canada) -5491,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,akkisf,,0,,,"It's disturbing to watch #Trump being applauded after he admits calling women fat, pigs, disgusting animals. #GOPDebate #Election2016 #WoW",,2015-08-07 08:34:36 -0700,629677026140491776,San Francisco CA,Quito -5492,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,None of the above,1.0,,Cluw_girl,,18,,,RT @SarahWoodwriter: This pretty much sums up the first #GOPDebate... http://t.co/f6GADlinpn,,2015-08-07 08:34:35 -0700,629677021547905024,, -5493,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jaysays,,0,,,I'm baffled that after the #GOPDebate there are people still intending to vote for one of them. #smh,,2015-08-07 08:34:34 -0700,629677019513516032,Texas,Central Time (US & Canada) -5494,No candidate mentioned,1.0,yes,1.0,Positive,0.6437,None of the above,0.6552,,RuthSherman,,0,,,#GOPDebate score with @cmarinucci https://t.co/sIsBsJPUbF,,2015-08-07 08:34:34 -0700,629677018112602112,Greenwich & LA,Eastern Time (US & Canada) -5495,Ben Carson,0.2438,yes,0.6705,Positive,0.3636,None of the above,0.4495,,USA141640,,0,,,"#GOPDebate I loved Walker nodding along to Carson's responses. Carson speaks common sense, sadly that is an uncommon trait.",,2015-08-07 08:34:33 -0700,629677012349661184,The Shadow of Mt. Rainier,Pacific Time (US & Canada) -5496,No candidate mentioned,0.6978,yes,1.0,Neutral,1.0,None of the above,1.0,,jfmusy,,0,,,"""Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/aqbdkVhnMb http://t.co/BycUI5nKiX""",,2015-08-07 08:34:33 -0700,629677012270063616,In my head...,Central Time (US & Canada) -5497,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jfmusy,,0,,,"""What were the hardest-hitting questions in the #GOPDebate? JasonBellini takes look: http://t.co/4zXywLiB2i""",,2015-08-07 08:34:32 -0700,629677011087327232,In my head...,Central Time (US & Canada) -5498,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,None of the above,1.0,,KenSimonSays,,0,,,This looks like the saddest reboot of Ocean's Eleven where Schwarzenegger couldn't make the presser #GOPDebate. https://t.co/Sz7lU417B2,,2015-08-07 08:34:32 -0700,629677007274700800,,Eastern Time (US & Canada) -5499,Donald Trump,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,iChinadian,,0,,,Republican presidential debate: How Donald Trump's performance may stall campaign http://t.co/slCaguepIS #US #USA #USpoli #GOP #GOPdebate,,2015-08-07 08:34:31 -0700,629677005152256000,"Vancouver 溫哥華, Canada 加拿大",Pacific Time (US & Canada) -5500,No candidate mentioned,1.0,yes,1.0,Negative,0.6805,FOX News or Moderators,1.0,,_ARCHAEOPTERYX_,,8,,,RT @JoePrich: .@megynkelly remember when you scolded Candy Crowley for doing exactly what you did tonight? #GOPDebate #Shill http://t.co/0s…,,2015-08-07 08:34:31 -0700,629677003705225216,Salisbury.,Central Time (US & Canada) -5501,Ben Carson,1.0,yes,1.0,Positive,0.6848,None of the above,0.6629999999999999,,ssc9470,,0,,,"#BenCarson gets ? about ""waterboarding"". Really Ms. Kelly? The man is brilliant and made his own moments. Be a great president! #GOPDebate",,2015-08-07 08:34:29 -0700,629676996537114624,, -5502,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TeamMaleficentx,,6,,,RT @brittparker88: Trump is a joke. I hate that people are supporting him. #gopdebate,,2015-08-07 08:34:29 -0700,629676994842783744,The Moors of Central PA,Eastern Time (US & Canada) -5503,Ted Cruz,0.4123,yes,0.6421,Neutral,0.3263,,0.2298,,mirolove1012,,13,,,"RT @Sarhan_: So, @Tedcruz remarks about #Sisi in #GOPDebate will make the front page of every newspaper in #Egypt: https://t.co/5H5PRwi7jU",,2015-08-07 08:34:28 -0700,629676992191930368,, -5504,Ben Carson,1.0,yes,1.0,Negative,0.3478,Foreign Policy,1.0,,Chillax,,0,,,#GOPDebate I really like Dr. Ben Carson but I am not sure he really has what it takes to handle the foreign policy,,2015-08-07 08:34:28 -0700,629676991583629312,,Pacific Time (US & Canada) -5505,No candidate mentioned,0.43700000000000006,yes,0.6609999999999999,Negative,0.6609999999999999,None of the above,0.43700000000000006,,dwagner,,4,,,RT @LadySandersfarm: Any of the ppl in the #GOPDebate could do better than this. Democrats are killing this country. Dems' #WarOnWomen http…,,2015-08-07 08:34:27 -0700,629676986437398528,Illinois USA,Central Time (US & Canada) -5506,No candidate mentioned,0.4642,yes,0.6813,Neutral,0.6813,None of the above,0.4642,,GinaSpadafori,,0,,,Whose #GOPDebate tweets did I LOL at most? @JayHovdey's. #horselaughs,,2015-08-07 08:34:26 -0700,629676984121978880,Sacramento,Pacific Time (US & Canada) -5507,No candidate mentioned,0.4542,yes,0.6739,Negative,0.3478,None of the above,0.4542,,ventytre,,28,,,RT @AndrewCryer1: I think that @BernieSanders won the #GOPDebate with #DebateWithBernie. Who ever thought of that idea deserves a golden st…,,2015-08-07 08:34:26 -0700,629676983857872896,, -5508,Jeb Bush,0.6608,yes,1.0,Neutral,0.6608,None of the above,1.0,,superfanboy108,,0,,,"Big losers of the #GOPDebate; #JebBush, #ChrisChristie, #TheDonald. They all did terrible! #Cruz and #Paul were great. #Rubio was good.",,2015-08-07 08:34:26 -0700,629676983853559808,"Bartlesville, OK",Central Time (US & Canada) -5509,No candidate mentioned,0.4721,yes,0.6871,Neutral,0.3442,None of the above,0.4721,,Jenn4Bernie2016,,1,,,RT @tantan73: Here's the Vine of @BernieSanders dictating his Tweets during #GOPDebate. #DebateWithBernie #FeelTheBern https://t.co/oejx7…,,2015-08-07 08:34:25 -0700,629676980317913088,NJ/NY, -5510,Donald Trump,0.4444,yes,0.6667,Negative,0.3563,None of the above,0.4444,,iChinadian,,0,,,"As Canadian leaders debated, Trump was producing the wildest show in politics http://t.co/MejxXpzG1V #US #USA #USpoli #GOP #GOPdebate",,2015-08-07 08:34:23 -0700,629676972302467072,"Vancouver 溫哥華, Canada 加拿大",Pacific Time (US & Canada) -5511,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6552,,spooningstiles,,24,,,RT @Ornyadams: FYI I'll be live tweeting Teen Mom 2 on @MTV after this. What a night of great TV! #GOPDebate,,2015-08-07 08:34:23 -0700,629676972273217536,,Eastern Time (US & Canada) -5512,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JeffMHarrington,,0,,,ICYMI: A scorecard breaking down the #GOPDebate via @adamsmithtimes @KirbyWilson88 #watercoolerrecap #jebio http://t.co/TWQfwv60GU,,2015-08-07 08:34:21 -0700,629676964375318528,"Tampa Bay, FL",Eastern Time (US & Canada) -5513,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,K4RJC,,4,,,"RT @Gdestefano95: #GOPDebate -TRUMP PROVED HE'S GOT BALLS TO WEILD U.S. POWER! He'll assemble a killer team & GET IT DONE! - -@realDonaldT…",,2015-08-07 08:34:21 -0700,629676963318398976,, -5514,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Jobs and Economy,1.0,,allDigitocracy,,0,,,@etammykim 5. What questions shld journos ask candidates when it comes to reporting on poverty? #TalkPoverty #GOPDebate,,2015-08-07 08:34:19 -0700,629676955386908672,"Washington, DC", -5515,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,joy_lyon123,,1,,,"RT @Chris_R0bbins: The #GOPDebate last night got above a 15 rating last night, triple the highest debate in 2011-2012. That may be good new…",,2015-08-07 08:34:18 -0700,629676950626275328,, -5516,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,Religion,1.0,,Natalie_Kendall,,5,,,"RT @PresidentCam: ""Please just leave me out of this"" - God #GOPDebate",,2015-08-07 08:34:17 -0700,629676946553749504,"Melrose, MA",Quito -5517,Jeb Bush,1.0,yes,1.0,Negative,0.6705,None of the above,0.6818,,Kate42148864,,122,,,RT @ThePatriot143: Hey Jeb #CommonCore is ALL about dumbing down our children! Who are you trying to FOOL? #GOPDebate,,2015-08-07 08:34:15 -0700,629676936948678656,Cheyenne Wyoming , -5518,No candidate mentioned,1.0,yes,1.0,Negative,0.6665,FOX News or Moderators,1.0,,Lady_Battle,,0,,,It's really distracting that the little Fox/Facebook panels aren't all at the same height. #GOPDebate,,2015-08-07 08:34:14 -0700,629676933324738560,Minnesota,Central Time (US & Canada) -5519,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,0.6742,,JSavoly,,0,,,"The real winner of the ""kids' table"" #GOPdebate? Dick Cheney http://t.co/zMwOlH7vWe #UnitedBlue #Hillary2016 #MorningJoe",,2015-08-07 08:34:14 -0700,629676932356026368,Right behind you , -5520,Donald Trump,0.3819,yes,0.618,Negative,0.618,,0.2361,,pale_chicksrule,,3,,,"RT @marty_allen: When Fox News knows you're full of shit (Donald Trump), you know you hecked up. #GOPDebate",,2015-08-07 08:34:12 -0700,629676926177837056,The South ,Eastern Time (US & Canada) -5521,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,amandaclockwood,,1,,,Scott Walker & Droopy Dog... definitely related. #GOPDebate http://t.co/HccDkmV1WG,,2015-08-07 08:34:12 -0700,629676925460549632,"iPhone: 38.321358,-75.123428",Eastern Time (US & Canada) -5522,No candidate mentioned,0.664,yes,1.0,Neutral,0.685,None of the above,1.0,,whatjuliawhat,,2,,,RT @brendanbiles: we are ready #GOPDebate #Trump2016 http://t.co/qZwlCJCiE2,,2015-08-07 08:34:12 -0700,629676925196353536,,Atlantic Time (Canada) -5523,Jeb Bush,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,maureen_grogan,,9,,,"RT @LiberalMmama: 15 yr old son watching news heard ""Jeb Bush act of love ? during debate"" and asked me ""was that when he gave W. 2000 elec…",,2015-08-07 08:34:11 -0700,629676922008641536,, -5524,No candidate mentioned,0.4211,yes,0.6489,Neutral,0.6489,,0.2278,,allDigitocracy,,0,,,@Marisol_Bello 5. What questions shld journos ask candidates when it comes to reporting on poverty? #TalkPoverty #GOPDebate,,2015-08-07 08:34:09 -0700,629676911158013952,"Washington, DC", -5525,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,politicswarblog,,0,,,My take on the #GOPDebate? It was entertaining at least. I still want to learn a lot more about the candidates though http://t.co/I6cYU0nw0k,,2015-08-07 08:34:09 -0700,629676911145394176,Wisconsin , -5526,Donald Trump,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,0.3556,,CaroleGilman,,195,,,"RT @jjauthor: I was waiting for @megynkelly to ask @realDonaldTrump, ""When did you stop beating your wife?"" #GOPDebate @jgkight http://t.c…",,2015-08-07 08:34:07 -0700,629676905105469440,,Atlantic Time (Canada) -5527,No candidate mentioned,1.0,yes,1.0,Neutral,0.6724,Racial issues,1.0,,michaeldbirch,,0,,,@deray The #GOPDebate didn't discuss issues of racism cuz that's what racists do. Their honest answers wouldn't play well w/ most voters.,,2015-08-07 08:34:06 -0700,629676900286361600,,Central Time (US & Canada) -5528,Ted Cruz,0.4293,yes,0.6552,Negative,0.3563,None of the above,0.4293,,CABird6,,31,,,RT @TheBaxterBean: WHY IS IT TAKING SO LONG FOR TED CRUZ TO RENOUNCE HIS CANADIAN CITIZENSHIP? http://t.co/6d6xVAfpf1 #GOPDebate http://t.c…,,2015-08-07 08:34:06 -0700,629676898625323008,"Los Angeles, CA", -5529,Donald Trump,0.4171,yes,0.6458,Neutral,0.3333,None of the above,0.4171,,FrankLuntz,,12,,,"My focus group actually likes Donald Trump as a person and a businessman… But not as a candidate. #GOPDebate - -http://t.co/Gn6vDezXtx",,2015-08-07 08:34:05 -0700,629676895668424704,All over,Pacific Time (US & Canada) -5530,Scott Walker,0.6921,yes,1.0,Neutral,0.6595,None of the above,0.6595,,exlibinsf,,144,,,"RT @ShannonBream: ""Russian and Chinese govts probably know more about Hillary's email than Congress does."" - says @GovWalker #GOPdebate",,2015-08-07 08:34:05 -0700,629676894699569152,fabulous United States,Pacific Time (US & Canada) -5531,No candidate mentioned,0.4259,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,billdublin,,1,,,RT @SueSwyt: Things I shouldn't want according to #GOPdebate but do: #Obamahugs #teachers #government,,2015-08-07 08:34:05 -0700,629676894439481344,, -5532,No candidate mentioned,1.0,yes,1.0,Negative,0.6754,None of the above,0.6418,,Nymdok,,11,,,"RT @FakeLouHoltzKSR: WHO NEEDSH THE LUCK OF THE IRITHSH?! #Holtz2016 #GOPDebate - -@katienolan @kathleenmadigan http://t.co/YJJpYZuUuE",,2015-08-07 08:34:04 -0700,629676893835534336,Houston,Eastern Time (US & Canada) -5533,Donald Trump,0.4495,yes,0.6705,Negative,0.6705,Immigration,0.2438,,DRamirezEditor,,2,,,RT @lesleyabravanel: Stupid! Mexico smart. America stupid. Rosie O' is a pig. If it weren't for Trump I'd be sober now. Pass the tequila. #…,,2015-08-07 08:34:03 -0700,629676888320045056,Miami,Hawaii -5534,No candidate mentioned,1.0,yes,1.0,Positive,0.3697,None of the above,0.6303,,lostintho_ught,,0,,,@notaxation Thank you for your thoughts on the #GOPDebate. How long would you think some of the round 1 candidates will hang around?,,2015-08-07 08:34:02 -0700,629676884700237824,In the Rain,Pacific Time (US & Canada) -5535,No candidate mentioned,1.0,yes,1.0,Negative,0.6653,None of the above,0.6653,,sweetbilly2515,,1,,,RT @Ben_Herring1017: Saying you're a Cold War vet is like saying you were a player in a really big game that got rained out #GOPDebate,,2015-08-07 08:34:02 -0700,629676882900811776,,Eastern Time (US & Canada) -5536,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.3708,,Gamma_Male,,0,,,"Stop the world, I want to get off: http://t.co/zqyseSaT8J #GOPDebate",,2015-08-07 08:34:01 -0700,629676880979972096,"London, UK",Casablanca -5537,,0.2271,yes,0.6512,Neutral,0.6512,None of the above,0.424,,ericdeamer,,0,,,Scott walkers security detail at Slymans. #GOPDebate http://t.co/vSvv00RjjS,,2015-08-07 08:34:01 -0700,629676880464113664,"Lakewood, OH",Eastern Time (US & Canada) -5538,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,None of the above,1.0,,TJ_Fixman,,0,,,Was going to finish the #GOPDebate on my DVR this AM but then remembered it's early and I haven't had my coffee and I want to keep my soul.,,2015-08-07 08:33:59 -0700,629676872498941952,"Los Angeles, CA",Pacific Time (US & Canada) -5539,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,vasowofology,,0,,,The fight for the Republican Party #GOPDebate | #GOPDebate | https://t.co/lzi7ErbxZe,,2015-08-07 08:33:59 -0700,629676870481637376,London, -5540,No candidate mentioned,0.4258,yes,0.6526,Negative,0.3474,None of the above,0.4258,,LadyLiberty1885,,0,,,"I know someone has the finalized amount of time each candidate had to speak, send it to me pls! -#GOPDebate",,2015-08-07 08:33:58 -0700,629676867990196224,United States,Eastern Time (US & Canada) -5541,No candidate mentioned,0.4259,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,jydewiqupys,,0,,,• Col Allen West on the 2016 GOP Debate • Greta • 8 5 15 • | #GOPDebate | https://t.co/5J8dQvApmv,,2015-08-07 08:33:58 -0700,629676865758826496,Kansas-City, -5542,Marco Rubio,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,TroyKinsey,,0,,,Interesting #GOPDebate Friday analysis contrast between nat'l chattering class & FL politicos. Far fewer @marcorubio mentions outside of FL.,,2015-08-07 08:33:56 -0700,629676856329940992,"Tallahassee, FL",Quito -5543,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NaplesQueen,,80,,,"RT @RonSantoFan: Fox News has made it loud and clear that core Conservatives are not welcomed. - -Cruz was snubbed tonight. - -Very poor. - -#GOP…",,2015-08-07 08:33:55 -0700,629676855377948672,"Naples, Florida~Pittsburgh, PA",Quito -5544,Donald Trump,1.0,yes,1.0,Positive,0.3388,FOX News or Moderators,1.0,,GodsDontExist,,0,,,@megynkelly @BretBaier @FoxNewsSunday Ppl say @realDonaldTrump needs specifics. Yet u gave THOSE type questions ONLY to opponents #GOPDebate,,2015-08-07 08:33:55 -0700,629676854765469696,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -5545,No candidate mentioned,1.0,yes,1.0,Negative,0.6212,Religion,0.6769,,peggebeen,,1,,,RT @MakeeshaThomas: @peggebeen A leader with integrity is what this country should beg God for. Can we get one upright?!!! @sortaricanrara …,,2015-08-07 08:33:55 -0700,629676854564253696,, -5546,Donald Trump,1.0,yes,1.0,Negative,0.6815,None of the above,0.6492,,exlibinsf,,106,,,RT @jjauthor: Obama doesn't negotiate with terrorists - he sets them free and finances them! @realDonaldTrump #GOPDebate,,2015-08-07 08:33:54 -0700,629676850005045248,fabulous United States,Pacific Time (US & Canada) -5547,No candidate mentioned,1.0,yes,1.0,Negative,0.6942,None of the above,1.0,,e_revolutionist,,0,,,So much better to follow Twitter last night than the actual #GOPDebate. We'd elect any one of our tweeps over the 18 Republican candidates,,2015-08-07 08:33:53 -0700,629676846968213504,Utah,Quito -5548,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,Racial issues,1.0,,luasol38,,6,,,"RT @BlacknBklyn: @TheRoot based on last nights #GOPdebate, not people's mindset. When #BlackLivesMatter was brought up, the answer wasn't d…",,2015-08-07 08:33:53 -0700,629676843679911936,,Pacific Time (US & Canada) -5549,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Johnisnotamused,,0,,,Christie's closing statement destroyed all of my good will towards him. #GOPDebate,,2015-08-07 08:33:52 -0700,629676841213820928,literally anywhere else,Quito -5550,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3404,None of the above,0.4074,,katjimaya,,500,,,RT @deray: Hillary Clinton is getting a lot of free PR from candidates today at the #GOPDebate.,,2015-08-07 08:33:50 -0700,629676833663905792,,Pacific Time (US & Canada) -5551,John Kasich,0.6667,yes,1.0,Negative,0.6667,Abortion,1.0,,slo220,,0,,,2013: Kasich signed into law a budget where rape crisis centers lose public funding if they counseled rape victims abt abortion. #GOPDebate,,2015-08-07 08:33:49 -0700,629676828953837568,,Central Time (US & Canada) -5552,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6667,,glolizabeth,,78,,,"RT @LegalizeNegroes: ""WE DON'T NEED A PRESIDENT WHO CANT SAY EXTREMIST ISLAMIC TERRORIST!"" - -But you can't call Dylan Roof a ""White Terrori…",,2015-08-07 08:33:48 -0700,629676825908801536,,Eastern Time (US & Canada) -5553,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3638,,derekxmarley,,0,,,"""Yay money!! No brown people!! Gays bad!! Haha women!! Terrorists 👎!! God 👍!!"" #GOPDebate @GOP",,2015-08-07 08:33:46 -0700,629676816391929856,,Central Time (US & Canada) -5554,Rand Paul,1.0,yes,1.0,Positive,0.3455,Religion,0.6899,,smifflerrr,,41,,,"RT @comcatholicgrl: ""When the government tries to invade the Church, it's time to resist"" -@RandPaul #GOPDebate",,2015-08-07 08:33:45 -0700,629676813690793984,, -5555,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,federicobettin,,0,,,"At certain (not rare) moments the #GOPDebate seemed for pres elec in middle ages. Seriously, u r welcome to the 21th century, plz come in,",,2015-08-07 08:33:45 -0700,629676812206010368,Milano (Italy),Amsterdam -5556,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mrcapitalist,,0,,,Fox News Tries to Trip Trump in 1st GOP Debate for 2016 #MegynKelly #DonaldTrump #GOPDebate http://t.co/8yQYzaCdIT,,2015-08-07 08:33:43 -0700,629676804199051264,"Detroit, MI",Quito -5557,Donald Trump,0.3779,yes,0.6147,Negative,0.6147,None of the above,0.3779,,RioSmythe,,0,,,@SpeakerBoehner You too lie Mr. Speaker that's why we like @realDonaldTrump @RealBenCarson and @CarlyFiorina #GOPDebate,,2015-08-07 08:33:43 -0700,629676802789744640,, -5558,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Kazport,,69,,,RT @JoeTheMailman: #GOPdebate ~ OMG !!! Now @megynkelly seeks approval from Liberal quack--> Debbie Wasserman Schultz??? http://t.co/ZjrbnU…,,2015-08-07 08:33:41 -0700,629676796791947264, New York,Eastern Time (US & Canada) -5559,Rand Paul,1.0,yes,1.0,Positive,0.6287,None of the above,1.0,,Chillax,,0,,,#GOPDebate OMG my dream ticket would be a #RandPaul / #CarlyFiorina ticket... I don't care which is POTUS and which is Vice.,,2015-08-07 08:33:41 -0700,629676795596378112,,Pacific Time (US & Canada) -5560,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,racists_suck,,2,,,"RT @FreedomJames7: Chris Christie Is A Loser. -#GOPDebate",,2015-08-07 08:33:41 -0700,629676794703011840,,Pacific Time (US & Canada) -5561,Donald Trump,1.0,yes,1.0,Positive,0.6899,None of the above,0.6492,,IrishChrissyND,,1,,,"RT @ElizabethND04: I wish @CarlyFiorina was putting these dudes, especially Trump and Christie, in their places. #GOPDebate #FoxDebate htt…",,2015-08-07 08:33:41 -0700,629676794178891776,,Eastern Time (US & Canada) -5562,John Kasich,0.4041,yes,0.6357,Positive,0.6357,None of the above,0.4041,,PartesanJournal,,0,,,I have seen far better Political Debates but last night's #GOPDebate Winner was John Kasich who looked Presidential...perception matters!,,2015-08-07 08:33:39 -0700,629676787019161600,GOD Help America!,Eastern Time (US & Canada) -5563,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Bigwilliestyle,,7,,,"RT @SFriedScientist: Oh shit, guys, while these chumps are all in the same place, quick, build a wall around the #GOPDebate. There can be a…",,2015-08-07 08:33:39 -0700,629676786016649216,,Pacific Time (US & Canada) -5564,No candidate mentioned,1.0,yes,1.0,Negative,0.3468,FOX News or Moderators,1.0,,NASCARNAC,,0,,,Media continues to praise last night's Fox News hit job on specific candidates: http://t.co/qD3LBg4vDF #GOPDebate #tcot,,2015-08-07 08:33:38 -0700,629676782422245376,"South Florida, Nevada ✅",Eastern Time (US & Canada) -5565,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jpelzer,,0,,,16% of U.S. homes with TV sets watched last night's #GOPDebate - more than 3x highest-rated debates for 2012 election http://t.co/ele3LMeoxo,,2015-08-07 08:33:38 -0700,629676782384455680,"Columbus, Ohio",Mountain Time (US & Canada) -5566,No candidate mentioned,0.4241,yes,0.6513,Neutral,0.3487,None of the above,0.4241,,VickiMcKenna,,1,,,RT @TamraTellsIt: I would think this is what we'd get from left wing MSM #fail #GOPDebate https://t.co/BJNBMyNPuW,,2015-08-07 08:33:37 -0700,629676776978051072,Milwaukee/Madison/statewide,Central Time (US & Canada) -5567,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6292,,tarunshri,,0,,,#GOPDebate only @realDonaldTrump and @BenCarson2016 got personal stupid questions. Total #gop establishment hitjob. #Trump2016,,2015-08-07 08:33:35 -0700,629676771030470656,USA,Eastern Time (US & Canada) -5568,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,chuckyducky669,,22,,,"RT @JJPatriot: What a disaster @megynkelly was at the #GOPDebate - -Sad. - -One more reason not to watch @FoxNews",,2015-08-07 08:33:34 -0700,629676764877295616,The Republic of Texas, -5569,Donald Trump,0.6517,yes,1.0,Positive,0.6517,Healthcare (including Medicare),0.6517,,pastwarranty,,0,,,#Trump2016's healthcare answer actually made some sense. #GOPDebate,,2015-08-07 08:33:33 -0700,629676762985660416,"New York, NY",Eastern Time (US & Canada) -5570,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,IrishChrissyND,,1,,,RT @ElizabethND04: Kind of grossed out by Christie using 9/11 to help his cause. It feels weird & wrong; something about the way he's doin…,,2015-08-07 08:33:33 -0700,629676760779595776,,Eastern Time (US & Canada) -5571,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2444,,SonarJose,,0,,,"MK: ""Mr. Simpson, you've stalked and savagely murdered women.."" -O.J.: ""Only my ex-wife."" -*audience roars with laughter, applause* -#GOPDebate",,2015-08-07 08:33:31 -0700,629676752017604608,,Quito -5572,Donald Trump,1.0,yes,1.0,Positive,0.6966,FOX News or Moderators,1.0,,_EOD,,0,,,"#Trump must be doing something right to have Lame-Stream Media FOX - Karl Rove - NEWS come out swinging at him. -#GOPDebate @realDonaldTrump",,2015-08-07 08:33:30 -0700,629676748003803136,,Eastern Time (US & Canada) -5573,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,0.6322,,IamTay,,70,,,"RT @ReformedBroker: Rubio just blamed Dodd-Frank for wiping out banks. He has that chronology disease from Memento, you guys. - -#GOPDebate",,2015-08-07 08:33:29 -0700,629676745386520576,Planet Earth,Eastern Time (US & Canada) -5574,No candidate mentioned,0.3652,yes,0.6043,Negative,0.6043,None of the above,0.3652,,aspexit,,0,,,"I was watching a great show about the male psyche & how it created a violent, greedy, cruel society; then I realized it was the #GOPDebate.",,2015-08-07 08:33:29 -0700,629676744249856000,"Rhode Island, USA",Eastern Time (US & Canada) -5575,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kiona123,,0,,,"I'm still for @realDonaldTrump, @JebBush reminds me of Jimmy Carter n a bit like @JohnKerry , which is fine, we just need tuffer #GOPDebate",,2015-08-07 08:33:24 -0700,629676725345980416,Location now Los Angeles, -5576,Ted Cruz,1.0,yes,1.0,Negative,0.6484,Immigration,1.0,,johnblakeart,,189,,,RT @megynkelly: .@tedcruz: Our leaders don’t want to enforce the immigration laws #GOPDebate,,2015-08-07 08:33:23 -0700,629676717968195584,NM ✪Republic of Texas Expat,Mountain Time (US & Canada) -5577,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,electricmed,,0,,,Rainbow wigs on fire. floppy shoes thrown asunder. Never slow to gawk at a car wreck. Unless its a #ClownCarWreck #GOPDebate,,2015-08-07 08:33:21 -0700,629676713220247552,Fort Collins,Arizona -5578,No candidate mentioned,0.4516,yes,0.672,Neutral,0.672,None of the above,0.4516,,seankennedyDC,,9,,,RT @newtgingrich: I am. Today at 1pm ET. http://t.co/0Ml1P6dqQ8 #gopdebate https://t.co/d3fmROuyYD,,2015-08-07 08:33:21 -0700,629676711190396928,DC,Eastern Time (US & Canada) -5579,No candidate mentioned,0.6333,yes,1.0,Negative,1.0,None of the above,0.6667,,IrishChrissyND,,1,,,"RT @ElizabethND04: Amen, @ChrisRBarron. He has not lived up to the promises he made to my state. #GOPDebate #FOXNEWSDEBATE #FoxDebate http…",,2015-08-07 08:33:20 -0700,629676705561579520,,Eastern Time (US & Canada) -5580,No candidate mentioned,1.0,yes,1.0,Neutral,0.6588,None of the above,0.6824,,FotiosT,,0,,,"The only people who care about Saul Alinsky are paranoid conservatives. Does even one liberal care about the ""Alinsky Model""? #GOPDebate",,2015-08-07 08:33:18 -0700,629676700138373120,Banks of the Old Raritan,Eastern Time (US & Canada) -5581,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6701,,SardonicDesign,,0,,,"What keeps Reince Priebus up at night! - -#GOP #RNC #TRUMP #republicans #foxnews #tcot #GOPDebate http://t.co/1j0csjUmC8",,2015-08-07 08:33:18 -0700,629676698452123648,"7,000 -14,000' above sea level",Mountain Time (US & Canada) -5582,No candidate mentioned,0.4233,yes,0.6506,Neutral,0.6506,None of the above,0.2273,,hrblock_21,,47,,,RT @megynkelly: #KellyFile is LIVE now with reaction to #GOPDebate http://t.co/DLQ6L3aPIF,,2015-08-07 08:33:17 -0700,629676693582704640,, -5583,Rand Paul,0.6628,yes,1.0,Negative,0.6859999999999999,Foreign Policy,1.0,,johnblakeart,,9,,,"RT @stephenstephan: Paul, collect more records from terrorists but less from Americans. 4th amendments. Warrants mean something. #BigHugs …",,2015-08-07 08:33:14 -0700,629676683860180992,NM ✪Republic of Texas Expat,Mountain Time (US & Canada) -5584,Donald Trump,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,nutjob,,0,,,"ABC's @WNTonight Ignores 5 p.m. #GOPDebate, @CBSEveningNews Omits @CarlyFiorina's Line on Trump http://t.co/dl5mBjhJuG",,2015-08-07 08:33:14 -0700,629676681981263872,,Central Time (US & Canada) -5585,Chris Christie,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.4444,,jonconradi,,0,,,"Christie, Huckabee, Walker get top marks... who didn't score well last night http://t.co/3aFiekciTk #GOPDebate",,2015-08-07 08:33:12 -0700,629676672539701248,,Eastern Time (US & Canada) -5586,Donald Trump,1.0,yes,1.0,Negative,0.3472,FOX News or Moderators,1.0,,MarselIus666,,0,,,"It's obvious he got to #megynkelly - Rupert Murdoch Wants Fox To 'Back Off The #Trump Coverage http://t.co/Ao0zZFzEp1 - -#Trump2016 #GOPDebate",,2015-08-07 08:33:11 -0700,629676670727921664,Central FL,Eastern Time (US & Canada) -5587,Donald Trump,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,Bwilcash,,0,,,"Because Fox News didn't ask Trump any REAL questions, I still don't know if he's as good as people think he is. #GOPDebate #FoxDebate",,2015-08-07 08:33:10 -0700,629676666579607552,,Atlantic Time (Canada) -5588,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,PuestoLoco,,1,,,".@gov_gilmore @GingerLanier -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:33:10 -0700,629676666428764160,Florida Central West Coast,America/New_York -5589,No candidate mentioned,1.0,yes,1.0,Neutral,0.7065,None of the above,1.0,,DoctorAusburne,,0,,,"""Can you introduce me as the son of Reagan's Vice President?"" #GOPDebate",,2015-08-07 08:33:09 -0700,629676659944230912,northern california,Pacific Time (US & Canada) -5590,Donald Trump,1.0,yes,1.0,Negative,0.6658,Women's Issues (not abortion though),1.0,,tensharp66,,1,,,"RT @lybr3: Stupid cons saying #Trump #GOPDebate comments fuel #WarOnWomen rhetoric. Yeah, b/c libs needed a reason 2 use that baseless accu…",,2015-08-07 08:33:08 -0700,629676658501378048,West Coast, -5591,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MarnieLevyFOX5,,0,,,7 of the Most Ridiculous Things @realDonaldTrump Said During the #GOPDebate http://t.co/J4oP8geAlf,,2015-08-07 08:33:07 -0700,629676652012904448,Atlanta,Eastern Time (US & Canada) -5592,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,_jonathon42,,0,,,The #GOPdebate summed up. http://t.co/fkYSDRwzS1,,2015-08-07 08:33:07 -0700,629676650792222720,"TX, USA",Central Time (US & Canada) -5593,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SonnyThacker,,0,,,"Decided to wait for the recaps and analysis of last nights #GOPDebate. Even they leave me both bored, annoyed or disgusted with the GOP.",,2015-08-07 08:33:06 -0700,629676650528141312,,Central Time (US & Canada) -5594,Donald Trump,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,Mstyle183,,0,,,Donald trump butt plugs available at http://t.co/MKeScV5BXE #donaldtrump #gopdebate #trump #fucktrump… https://t.co/3yHxS69KAe,,2015-08-07 08:33:06 -0700,629676646887501824,,Quito -5595,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,GetOffYourAsana,,0,,,Well after watching the #GOPDebate last night I now know what it's like to be hated in this country. #WarOnWomen,,2015-08-07 08:33:05 -0700,629676642563137536,,Eastern Time (US & Canada) -5596,Marco Rubio,1.0,yes,1.0,Positive,0.3647,None of the above,0.6824,,TheAnchovyLover,,89,,,RT @KennedyNation: #Rubio repeal #DoddFrank. Amen!!! #GOPDebate,,2015-08-07 08:33:03 -0700,629676635009085440,, -5597,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,InfamousAndrea,,60,,,RT @thatgirlmystic: It should be illegal for televised debates that pertain to elections to not be available free to every person in this c…,,2015-08-07 08:33:00 -0700,629676623361626112,Florida,Eastern Time (US & Canada) -5598,Jeb Bush,0.3923,yes,0.6264,Negative,0.6264,Abortion,0.3923,,Iceydollxy,,31,,,"RT @platypus_shark: Hey, Jeb Bush! You know what prevents abortion? -All the contraception that Planned Parenthood provides! -#GOPDebate",,2015-08-07 08:33:00 -0700,629676621348405248,, -5599,No candidate mentioned,1.0,yes,1.0,Neutral,0.6819,None of the above,1.0,,GothamKnowledge,,0,,,"The Ghost of #Reagan #Past -The Ghost of Reagan #Present -The Ghost of Reagan #Future -#GOPDebate",,2015-08-07 08:32:57 -0700,629676609293942784,,Eastern Time (US & Canada) -5600,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JennProject,,0,,,Catching up this morning on the #GOPDebate got me like http://t.co/sqMqpnhdh5,,2015-08-07 08:32:57 -0700,629676609277198336,New York City,Hawaii -5601,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SonnyPearson,,0,,,"Frank Luntz: #GOPDebate ""Great News for Ted Cruz"" https://t.co/zQJnCZDLyx via @YouTube",,2015-08-07 08:32:56 -0700,629676604998856704,Minnesota,Central Time (US & Canada) -5602,No candidate mentioned,0.4532,yes,0.6732,Negative,0.6732,FOX News or Moderators,0.4532,,BobLonsberry,,2,,,"Biggest losers in the #GOPDebate were @megynkelly and Chris Wallace. Cynical, arrogant, condescending game-show hosts.",,2015-08-07 08:32:55 -0700,629676601702248448,"Mount Morris, New York", -5603,John Kasich,1.0,yes,1.0,Positive,0.6189,None of the above,1.0,,AntonelliAlice,,7,,,"RT @FrankLuntz: John Kasich got a louder applause from the Q arena in Cleveland than LeBron James. - -#GOPDebate",,2015-08-07 08:32:54 -0700,629676596794929152,"Florida, USA", -5604,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Naomi_kibey,,0,,,#GOPDebate @RealBenCarson made some good points on unity and freedom but needs to elaborate more on how he plans to put it in effect.,,2015-08-07 08:32:52 -0700,629676589731741696,philadelphia ,Pacific Time (US & Canada) -5605,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,piridybofez,,10,,,"RT @jr_whitehurst: If one of the candidates would have come out before the #GOPDebate and done the @KingJames pre-game baby powder routine,…",,2015-08-07 08:32:52 -0700,629676588368433152,, -5606,No candidate mentioned,1.0,yes,1.0,Negative,0.6194,None of the above,0.6903,,BACFA,,2,,,"RT @JavaJoeX: @CarlyFiorina won both debates and then tingled on Chris Matthews - -#GOPDebate",,2015-08-07 08:32:51 -0700,629676587290595328,"Obamapocalypso, North Mexico",Eastern Time (US & Canada) -5607,No candidate mentioned,0.4781,yes,0.6914,Neutral,0.3514,None of the above,0.4781,,robdog313,,0,,,I would've watched the #GOPDebate but sadly football is consuming my soul atm,,2015-08-07 08:32:51 -0700,629676586514673664,, -5608,Scott Walker,0.6778,yes,1.0,Negative,0.6556,None of the above,0.6556,,ericdeamer,,0,,,UFCW at protest of Scott Walker at Slymans. #Cleveland #GOPDebate http://t.co/7j0XyBPpMW,,2015-08-07 08:32:51 -0700,629676584073564160,"Lakewood, OH",Eastern Time (US & Canada) -5609,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6512,,libragreen8,,0,,,"#GOPDebate best one I've ever seen. tactful, informative, little humor",,2015-08-07 08:32:50 -0700,629676582270038016,east coast,Eastern Time (US & Canada) -5610,No candidate mentioned,0.451,yes,0.6715,Negative,0.6715,FOX News or Moderators,0.2279,,GonzaBear,,0,,,"Great #GOPDebate but CAN WE TRUST YOU? -On ur website u claim u lost your daughter but you were the stepmom -@CarlyFiorina @FoxNews",,2015-08-07 08:32:50 -0700,629676580793622528,, -5611,Jeb Bush,1.0,yes,1.0,Neutral,0.6506,None of the above,0.6747,,LadyLiberty1885,,0,,,"Bush Attempts To Dodge Common Core In First Debate But Rubio Deftly Hammers Him With Brutal Truth http://t.co/DowgeHdbgl -#GOPdebate",,2015-08-07 08:32:48 -0700,629676572711239680,United States,Eastern Time (US & Canada) -5612,No candidate mentioned,0.4681,yes,0.6842,Negative,0.6842,Racial issues,0.4681,,RBraceySherman,,1,,,"#BlackLivesMatter activists tweeted #KKKorGOP to highlight racistpolitical rhetoric in #GOPDebate -http://t.co/CtizNNaCZG via @rhrealitycheck",,2015-08-07 08:32:48 -0700,629676571360530432,"Washington, DC",Pacific Time (US & Canada) -5613,No candidate mentioned,1.0,yes,1.0,Neutral,0.6264,None of the above,1.0,,deejum,,0,,,"I'm not normally an instigator, but I couldn't help myself in texting a choice conservative family member re: #GOPDebate.",,2015-08-07 08:32:47 -0700,629676570777620480,"New York, NY",Eastern Time (US & Canada) -5614,Donald Trump,1.0,yes,1.0,Negative,0.6966,FOX News or Moderators,1.0,,xReTry,,0,,,@megynkelly I though you did a great job with the questions at the debate. Trump is an ass & you really shine the light on that! #GOPDebate,,2015-08-07 08:32:47 -0700,629676569284489216,New York City,Eastern Time (US & Canada) -5615,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6721,,rightwinglatina,,0,,,“Marco Rubio consistently gave strong and substantive answers” He Wins Main Event: http://t.co/BDqT6TC8W1 #GOPDebate http://t.co/Guk0MjuPH7,,2015-08-07 08:32:47 -0700,629676568462393344,"Charlotte, NC",Atlantic Time (Canada) -5616,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,johncardillo,,9,,,".@SenTedCruz is brilliant, principled, and fearless. The future of the party. The est. Rove, Priebus @GOP is a statist dinosaur. #GOPDebate",,2015-08-07 08:32:46 -0700,629676565505437696,"Florida, USA",Eastern Time (US & Canada) -5617,Donald Trump,0.4705,yes,0.6859,Negative,0.6859,None of the above,0.4705,,B_Rocco_Bama,,0,,,.@realDonaldTrump We don't need an a**hole president. Not ANOTHER one. #GOPDebate,,2015-08-07 08:32:45 -0700,629676559838912512,1500 Pennsylvania Ave.,Eastern Time (US & Canada) -5618,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Couranto,,0,,,How could Trump not take Megyn Kelly serious as a debate moderator? #firemegynkelly #GOPDebate #FOXDebate #RINOClowns http://t.co/XbBNos5uv2,,2015-08-07 08:32:43 -0700,629676550116507648,"NH via Boston, MA",Atlantic Time (Canada) -5619,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.6591,FOX News or Moderators,0.4344,,ctmommy,,2,,,Great. Even more people saw hack @megynkelly at #GOPdebate: Early numbers suggest record audience http://t.co/IIl0XF6T3p @foxNews,,2015-08-07 08:32:42 -0700,629676549025996800,New Jersey,Eastern Time (US & Canada) -5620,Ben Carson,1.0,yes,1.0,Neutral,0.6674,Racial issues,1.0,,poppyslove,,147,,,"RT @LilaGraceRose: .@RealBenCarson talking about how race doesn't define us & shouldn't separate us, our humanity unites us. #GOPDebate",,2015-08-07 08:32:42 -0700,629676547591442432,USA,Pacific Time (US & Canada) -5621,No candidate mentioned,0.6413,yes,1.0,Neutral,0.6848,None of the above,1.0,,carebear8769,,18,,,"RT @fakedansavage: Got my popcorn, ready to rumble. #GOPDebacle #GOPDebate http://t.co/dDCUw1aVqU",,2015-08-07 08:32:41 -0700,629676545049776128,Riding in the impala with D&S,Atlantic Time (Canada) -5622,Donald Trump,0.4364,yes,0.6606,Neutral,0.3309,None of the above,0.4364,,hrblock_21,,78,,,RT @foxnewspolitics: .@realDonaldTrump says @HillaryClinton attended his wedding after donation #GOPDebate http://t.co/AgSZ8YYpT5,,2015-08-07 08:32:41 -0700,629676543187533824,, -5623,No candidate mentioned,1.0,yes,1.0,Neutral,0.6935,Foreign Policy,1.0,,Pyakheat,,19,,,RT @ZaidJilani: Iranian mil budget: $10 billion. US mil budget: $400 billion. Any Democrat or Republican who says they're a threat is so wr…,,2015-08-07 08:32:40 -0700,629676540809183232,FL,Eastern Time (US & Canada) -5624,No candidate mentioned,1.0,yes,1.0,Neutral,0.3505,None of the above,1.0,,Typicalblkchick,,18,,,"RT @newlyfenchrist: President Obama to the GOP. -""sticks n stones may break my bones but I am still the president."" @mygirlshirley #SHMS #GO…",,2015-08-07 08:32:40 -0700,629676537940344832,"Georgia, USA",Eastern Time (US & Canada) -5625,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,edwindearborn,,0,,,"Chris Christie is as relevant as a box of doughnuts at a Jenny Craig meeting. - -#GOPDebate #GOP #RandPaul",,2015-08-07 08:32:37 -0700,629676528503164928,Orange County CA ,Pacific Time (US & Canada) -5626,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,hrblock_21,,90,,,RT @megynkelly: .@brithume: @realDonaldTrump did fine #GOPDebate,,2015-08-07 08:32:37 -0700,629676527538565120,, -5627,No candidate mentioned,0.4964,yes,0.7045,Negative,0.7045,Foreign Policy,0.2562,,CiciFelton,,53,,,RT @bassem_masri: Wow the #GOP are running blatantly running on bigotry war and torture while not addressing problems at home #KKKorGOP #GO…,,2015-08-07 08:32:36 -0700,629676524703195136,Writing Down The Bones,Eastern Time (US & Canada) -5628,No candidate mentioned,1.0,yes,1.0,Neutral,0.7045,None of the above,1.0,,masonpaul,,0,,,"Politics, I do not discuss in public. #GOPDebate",,2015-08-07 08:32:36 -0700,629676523436556288,N 39°8' 0'' / W 84°25' 0'',Eastern Time (US & Canada) -5629,No candidate mentioned,0.4218,yes,0.6495,Negative,0.3402,,0.2277,,idpetition,,0,,,"#ableg #gopdebate On how the #lgbtq community is careing, kind and hospitable and Christian faith is not ""hateful."" http://t.co/MGsU7VMaIO",,2015-08-07 08:32:36 -0700,629676522077466624,"Edmonton, Alberta", -5630,No candidate mentioned,0.4307,yes,0.6562,Positive,0.3438,None of the above,0.4307,,RhymesWithLost,,0,,,Omg!!! Favorite thing. #GOPdebate http://t.co/mGzO0XhAMj,,2015-08-07 08:32:35 -0700,629676516553703424,St. Louis via The Loop,Central Time (US & Canada) -5631,Donald Trump,1.0,yes,1.0,Neutral,0.7186,None of the above,1.0,,RioSmythe,,0,,,@RealJamesWoods I loved it! In your face people trying to get @realDonaldTrump to conform!!! @BretBaier @SpecialReport #GOPDebate,,2015-08-07 08:32:34 -0700,629676513022099456,, -5632,Ted Cruz,0.4662,yes,0.6828,Neutral,0.3505,Foreign Policy,0.4662,,Conserv_Report,,0,,,Obama's Mid-East Policy Supp http://t.co/FiNCBJ3pos #1A☢#StopIran #GopDebate►http://t.co/ZWmstJJH16◄#19T$ #CruzCrew #sot #fox #cnn #tcot,,2015-08-07 08:32:32 -0700,629676503861608448,USA,Eastern Time (US & Canada) -5633,No candidate mentioned,1.0,yes,1.0,Negative,0.6943,None of the above,1.0,,Koons17112,,1,,,RT @SalTrifilio: Can we get @BernieSanders on a debate floor soon?? Need something to wash the taste of #GOPDebate word vomit out of my mou…,,2015-08-07 08:32:31 -0700,629676502007853056,"Harrisburg, PA",Eastern Time (US & Canada) -5634,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,Jobs and Economy,0.2286,,allDigitocracy,,0,,,"@Marisol_Bello @etammykim Maybe give journos a cpl of resources, foundations. #TalkPoverty #GOPDebate",,2015-08-07 08:32:30 -0700,629676499231211520,"Washington, DC", -5635,Scott Walker,0.4062,yes,0.6374,Neutral,0.3187,None of the above,0.4062,,chriscerf,,0,,,"@BorowitzReport: Walker Emerges as Leading Candidate to Run Enterprise Rent-A-Car Branch."" http://t.co/StOs8P4shB #ScottWalker #GOPDebate",,2015-08-07 08:32:29 -0700,629676495158554624,"New York, NY",Eastern Time (US & Canada) -5636,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.6739,,LeslieAbsher,,17,,,"RT @JamilSmith: They are who we thought they were. @brianbeutler recaps the #GOPDebate, a messy display of conservative ego and id. http://…",,2015-08-07 08:32:27 -0700,629676485335384064,,Pacific Time (US & Canada) -5637,Donald Trump,0.4247,yes,0.6517,Neutral,0.6517,None of the above,0.4247,,PatriotDogHouse,,0,,,'The Donald' Trumps #GOPDebate rivals.Will millenials 'friend' a celebrity post current revolutionary? #tcot http://t.co/VeYck9QRiF via @AOL,,2015-08-07 08:32:26 -0700,629676480344100864,West Coast,Pacific Time (US & Canada) -5638,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6854,,SgtTim911,,0,,,A Solid Field http://t.co/UKykKvEmy0 via @NRO #GOPdebate,,2015-08-07 08:32:26 -0700,629676479933235200,U.S.A,Eastern Time (US & Canada) -5639,No candidate mentioned,0.4217,yes,0.6494,Neutral,0.6494,FOX News or Moderators,0.4217,,nutjob,,0,,,.@hardball_chris hopes @FoxNews asks @GOP candidates about evolution #GOPDebate http://t.co/C0ipQZPtRP,,2015-08-07 08:32:26 -0700,629676479262138368,,Central Time (US & Canada) -5640,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Hardline_Stance,,6,,,RT @speakez6: Fox can no longer be trusted. It's Grubering its viewers. @NolteNC @Hardline_Stance #GOPDebate,,2015-08-07 08:32:25 -0700,629676478121279488,atop a liberal's vagus nerve,Eastern Time (US & Canada) -5641,Donald Trump,1.0,yes,1.0,Neutral,0.6458,FOX News or Moderators,0.7083,,TacticalDissent,,0,,,Clearly #GOPDebate format needs to change. Moderators vs Trump & cheerleading for Jeb isn't productive & robs other candidates of time.,,2015-08-07 08:32:24 -0700,629676472370790400,"Conservasnark, USA", -5642,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DiligentLoiter,,0,,,Of course #InternationalBeerDay comes after the #GOPDebate. Donald Trump was gold last night. We watched it at a bar http://t.co/X38ctJaxwN,,2015-08-07 08:32:23 -0700,629676469543899136,"Buffalo, NY", -5643,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PB_Prathamesh_B,,0,,,Here's how much each candidate spoke throughout the #GOPDebate: http://t.co/KZkDyZrQ6d http://t.co/UqwYwSw5DG,,2015-08-07 08:32:23 -0700,629676468008820736,,Pacific Time (US & Canada) -5644,No candidate mentioned,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,debrajsaunders,,3,,,About to chat with @gasiaktvu on #GOPDebate http://t.co/BKLs8C0tzL,,2015-08-07 08:32:21 -0700,629676459850756096,San Francisco Chronicle, -5645,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ArneyJim,,0,,,My two picks are Marco Rubio & Carly Fiorina! #GOPDebate Dream team!,,2015-08-07 08:32:20 -0700,629676455849558016,, -5646,No candidate mentioned,1.0,yes,1.0,Negative,0.6609,None of the above,0.6587,,ketuch_alz,,0,,,"@RepDold, Disapointd #GOPDebate candidates didn't adrs #ENDALZ last night; Alz is 6th leading cause of death in US! Comments?#alzillinois",,2015-08-07 08:32:19 -0700,629676451650887680,, -5647,Donald Trump,1.0,yes,1.0,Positive,0.7079,FOX News or Moderators,0.7079,,sun_archuleta,,8,,,RT @Mike_Surtel: @megynkelly your questions were more like attacks on @realDonaldTrump. Then u get upset when he got tough with u! What a j…,,2015-08-07 08:32:18 -0700,629676447599210496,, -5648,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6556,,claudet28549415,,0,,,"#GOPDebate candidates handled themselves well considering the awkward intro, hostile moderators & questions designed 2 bloody candidates.",,2015-08-07 08:32:18 -0700,629676447108456448,,Central Time (US & Canada) -5649,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,virajturakhia,,3,,,"RT @smitaprakash: ""Knowing what we know now"" is going to be all over the place this Presidential debate for the Republicans. #GOPDebate #wr…",,2015-08-07 08:32:18 -0700,629676446299000832,"Seattle, USA",Mumbai -5650,Donald Trump,0.3974,yes,0.6304,Negative,0.337,,0.233,,SRantos,,0,,,"Just watched the #GOPDebate. Some strong candidates, but no clear winner. Will be interesting to see who wins the #TrumpvsFoxNews feud.",,2015-08-07 08:32:17 -0700,629676441609879552,"Kyiv, Ukraine",Athens -5651,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Nyrgs,,1,,,"Facebook, manipulating voter turnout in 2012, http://t.co/HtWqozLEGB, now a #GOPDebate sponsor?! Creepy #2016Election",,2015-08-07 08:32:14 -0700,629676428846596096,"Canandaigua, New York", -5652,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lmarl63,,2,,,"RT @writingdownpat: Post #GOPDebate -Rubio, Fiorina, Cruz, Carson rising stars -Bush, Trump fading -Walker, Huckabee, Christie holding steady…",,2015-08-07 08:32:13 -0700,629676427793731584,,Eastern Time (US & Canada) -5653,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,tomabrahams,,1,,,"RT @bgittleson: ICYMI: This is the ""crowded field"" embodied in one photo. #GOPDebate https://t.co/r2aKyIRxib",,2015-08-07 08:32:13 -0700,629676426426499072,TX,Central Time (US & Canada) -5654,No candidate mentioned,0.4218,yes,0.6495,Negative,0.3402,LGBT issues,0.4218,,TheBaxterBean,,3,,,"REMINDER: Family is important to Republican 2016 candidates, just not gay families. http://t.co/Cs0UsasSQS #GOPDebate http://t.co/FmafDUbmfb",,2015-08-07 08:32:13 -0700,629676424283164672,lux et veritas,Eastern Time (US & Canada) -5655,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SidneyWeade,,0,,,"#GOPDebate well this ought to be interesting...#drinkinggame anyone?? That Donald Trump is a real winner #asshole -http://t.co/iVGI0Yq2TB",,2015-08-07 08:32:13 -0700,629676424258039808,Hoosier,Eastern Time (US & Canada) -5656,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,Roy_Collins21,,91,,,RT @rj4gui4r: Is anyone keeping track of how many times Lincoln rolls over in his grave tonight? #GOPDebate,,2015-08-07 08:32:11 -0700,629676417509294080,Ontario,Atlantic Time (Canada) -5657,No candidate mentioned,1.0,yes,1.0,Negative,0.6754,Religion,0.6754,,katykk,,0,,,"How is everyone this morning post #GOPDebate? The ""Drink Every Time They Mention Jesus Game"" put me on the floor.",,2015-08-07 08:32:10 -0700,629676415412105216,~ In the Woods of Oregon ~,Pacific Time (US & Canada) -5658,No candidate mentioned,0.4393,yes,0.6628,Neutral,0.6628,None of the above,0.4393,,OUDMG,,0,,,RT WSJ: What were the hardest-hitting questions in the #GOPDebate? JasonBellini takes look: http://t.co/aOWPvpoTVR,,2015-08-07 08:32:10 -0700,629676414929928192,"Athens, Ohio",Eastern Time (US & Canada) -5659,No candidate mentioned,0.6637,yes,1.0,Neutral,0.6935,None of the above,0.6935,,artWestside,,1,,,"RT @Leroi21: Rain, sleet, or shine, bitch better have my money! #merica #GOPDebate https://t.co/XNusyQ28nM",,2015-08-07 08:32:10 -0700,629676413394616320,, -5660,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,wethinkdreams,,0,,,"anyone else watch? these might be our next ""leader"" shouldn't you know them?! #GOPDebate",,2015-08-07 08:32:09 -0700,629676411222159360,in Pandora with the Na'vi,Central Time (US & Canada) -5661,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6818,,outerspacemanII,,1,,,"RT @DarrenRosario: The #GOP are planning to win this election without women, OR minority votes? I know they're old white men, but are they …",,2015-08-07 08:32:07 -0700,629676403135361024,United States of America,Atlantic Time (Canada) -5662,Chris Christie,1.0,yes,1.0,Negative,0.6477,Jobs and Economy,0.6477,,Wood_Math,,60,,,RT @TheBaxterBean: N.J. Credit Rating Was Downgraded Record 9 Times Under Chris Christie's Leadership http://t.co/tcE2dNEUcy #GOPDebate htt…,,2015-08-07 08:32:06 -0700,629676396550303744,"Arlington, TX",Central Time (US & Canada) -5663,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,0.6458,,JaclynHStrauss,,0,,,"I loved it in the #GOPdebate when @JohnKasick said God gave him unconditional love, and that's what he will give his children",,2015-08-07 08:32:06 -0700,629676395782885376,"Halifax, Nova Scotia, Canada",Mid-Atlantic -5664,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,__emilayyy,,0,,,am probably the only one out of my friends that watched the #GOPDebate last night 🙈😂,,2015-08-07 08:32:04 -0700,629676388220542976,, -5665,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KatieJ_Knob,,2,,,RT @jon_m_swift: trump is a turd #gopdebate,,2015-08-07 08:32:04 -0700,629676386689646592,,Eastern Time (US & Canada) -5666,Jeb Bush,0.6561,yes,1.0,Neutral,0.6905,Gun Control,0.6905,,myap1988,,0,,,@Dreamdefenders how about when someone attacks you you can defend yourself. boom #explained #gopdebate,,2015-08-07 08:32:02 -0700,629676379118776320,, -5667,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,blueindy322,,233,,,RT @RealMikeBennett: #DonaldTrump finishing each answer during the #GOPDebate http://t.co/AxCSmlUzFL,,2015-08-07 08:32:02 -0700,629676378904899584,"San Diego, CA. USA", -5668,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,shesgotgame16,,0,,,“@megynkelly: What do you think of the #GOPDebate so far?” You were the best thing about the debate. #Republicandebate #megynforpresident,,2015-08-07 08:32:00 -0700,629676370273157120,,Quito -5669,No candidate mentioned,0.4509,yes,0.6715,Negative,0.3512,None of the above,0.4509,,NARAL,,7,,,RT @mattgubser Didn't watch the #GOPdebate because my TV doesn't get 1954.,,2015-08-07 08:31:59 -0700,629676368402456576,"Washington, DC", -5670,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jashsf,,1,,,RT @ChloeAngyal: Fact checking the #GOPdebate: http://t.co/oKceGl3jR8,,2015-08-07 08:31:59 -0700,629676367861256192,San Francisco,Pacific Time (US & Canada) -5671,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,chiquisholla,,15,,,RT @IsabelFramer: RT @DavidLeopold @IsabelFramer tells @CNN that the #GOPDebate lacks substance. @OHdems #TNTweeters #Latism #UniteBlue htt…,,2015-08-07 08:31:59 -0700,629676367475376128,,Arizona -5672,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.647,,MCCountChill,,0,,,"No clear winners in the #GOPDebate last night. - -The circus continues! - -https://t.co/wSW9MsTNRH",,2015-08-07 08:31:58 -0700,629676365181255680,Massachusetts,Eastern Time (US & Canada) -5673,John Kasich,1.0,yes,1.0,Negative,0.6681,None of the above,1.0,,JoeandBullish,,103,,,RT @fakedansavage: Kasich won. Jeb! underwhelmed. Rubio was meh. Christie tanked. Trump was wounded. The others not worth talking about. #G…,,2015-08-07 08:31:57 -0700,629676359695007744,San Francisco,Pacific Time (US & Canada) -5674,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,Religion,0.2294,,dustin_mgo,,0,,,"Trying to recover from last nights #GOPDebate drinking game. Making the word ""god"" the trigger was NOT a good idea!",,2015-08-07 08:31:57 -0700,629676357069443072,,Central Time (US & Canada) -5675,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,eranschau,,0,,,"If Donald Trump wins the election, then we'll know we're on the Biff-stole-the-almanac timeline. #GOPDebate via @someecards",,2015-08-07 08:31:56 -0700,629676355689394176,"Minneapolis, MN",Central Time (US & Canada) -5676,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,HokieHoos,,0,,,"Yes, repeal Dodd-Frank and reinstate Glass-Steagall.....#GOPDebate",,2015-08-07 08:31:56 -0700,629676355353972736,"Forest, VA",Atlantic Time (Canada) -5677,Donald Trump,1.0,yes,1.0,Negative,0.7063,None of the above,0.7063,,YorksKillerby,,2,,,"RT @thehiredmind: Trumpians: In the FIRST question, Trump said he would gladly get Hillary elected? How are you not getting this? #GOPDebate",,2015-08-07 08:31:56 -0700,629676354590646272,Yorkshire (Halifax) ,London -5678,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wbhickok,,6,,,RT @LadySandersfarm: Bush was lame. No way around it. #GOPDebate,,2015-08-07 08:31:54 -0700,629676346579492864,,Eastern Time (US & Canada) -5679,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,0.6489,,nutjob,,0,,,".@hardball_chris Whines about No Voter ID, Issues Moms 'Care About' in #GOPDebate http://t.co/RpnZ9nzuY0",,2015-08-07 08:31:51 -0700,629676335485612032,,Central Time (US & Canada) -5680,No candidate mentioned,1.0,yes,1.0,Negative,0.6647,LGBT issues,1.0,,Mr_A_N_Other,,0,,,RT@HRC The time for ending the military's ban on transgender service is long overdue. #GOPDebate,,2015-08-07 08:31:51 -0700,629676334747271168,"Pensacola, Fl USA/Earth",Central Time (US & Canada) -5681,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,_thegoodonesgo,,33,,,"RT @curlyheadRED: Omg. Ben Carson is really talking about a ""race war."" #GOPDebate http://t.co/Dhju2h9Pi3",,2015-08-07 08:31:51 -0700,629676334218764288,,Eastern Time (US & Canada) -5682,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,JulsIss,,32,,,RT @MAHAMOSA: So far not one question/mention in #GOPDebate about #climatechange. Shame on #Fox. #earth #environment #green #climate #globa…,,2015-08-07 08:31:49 -0700,629676324336988160,"Ags, Mexico", -5683,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,heyGABErt,,1,,,"RT @zigzagoonsquad: Pulling for trump he is like the ""minions"" of candidates #GOPDebate",,2015-08-07 08:31:49 -0700,629676323527458816,,Alaska -5684,Donald Trump,1.0,yes,1.0,Negative,0.6989,FOX News or Moderators,0.6989,,pansycritter,,0,,,"Fox gives Trump, er Fox, most speaking time during first debate @realDonaldTrump #GOPDebate #2016 http://t.co/mhtD8yPWlb",,2015-08-07 08:31:48 -0700,629676320646107136,I know I'm out there somewhere,Eastern Time (US & Canada) -5685,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,happygilmore581,,0,,,"The #GOPDebate last night was phenomenal, and the ratings prove that. Watching these biased ""news"" sources spin sound bites is ridiculous.",,2015-08-07 08:31:48 -0700,629676320415297536,"Kirksville, Missouri", -5686,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6907,,Louie_Locks,,0,,,"I may have missed it, but I was dissapointed with the lack of conversation about marijuana. #GOPDebate",,2015-08-07 08:31:48 -0700,629676319853428736,Anor Londo,Eastern Time (US & Canada) -5687,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6404,,pastwarranty,,0,,,Ben Carson: A vote for me is a vote for #TORTURE! #GOPDebate,,2015-08-07 08:31:46 -0700,629676311988928512,"New York, NY",Eastern Time (US & Canada) -5688,No candidate mentioned,0.4257,yes,0.6525,Neutral,0.6525,FOX News or Moderators,0.4257,,msommerhauser,,0,,,"""Preliminary ratings ... indicate that upward of 10 million viewers tuned to Fox"" for last night's #GOPDebate https://t.co/QJ0AoHxKOZ",,2015-08-07 08:31:45 -0700,629676310554615808,"Madison, WI",Central Time (US & Canada) -5689,Scott Walker,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,SpudLovr,,0,,,'It’s better than any sporting event': Wisconsin Dems gather to watch Scott #Walker16 in #GOPDebate http://t.co/etaghxfs2L #wiunion #p2 #ctl,,2015-08-07 08:31:45 -0700,629676308163895296,WI,Mountain Time (US & Canada) -5690,John Kasich,1.0,yes,1.0,Negative,0.382,LGBT issues,1.0,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @JohnKasich said issue of #gaymarriage is planted to create discord #divideandconquer,,2015-08-07 08:31:42 -0700,629676298047201280,"Halifax, Nova Scotia, Canada",Mid-Atlantic -5691,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,polly,,6,,,"First #GOPDebate of 2016 race: 16% of U.S. homes with TVs watched -First GOP debate of 2012 race: 5% -http://t.co/spqlTqG2Fw",,2015-08-07 08:31:41 -0700,629676292657520640,New York City,Eastern Time (US & Canada) -5692,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.6404,,NancyOsborne180,,20,,,RT @KellyAnnBraun: Kasich knows NOTHING of working class tired of that f-ing mailman gig #NeverVote4Kasich #GOPDebate #TBATs @OhioBATs http…,,2015-08-07 08:31:39 -0700,629676285707489280,Michigan,Atlantic Time (Canada) -5693,Jeb Bush,0.6923,yes,1.0,Negative,1.0,Foreign Policy,0.6484,,Carlaysherwood,,28,,,RT @DOPEITSTOM: we all knew it but i can't believe he just came out and said it #GOPDebate http://t.co/haANdIKFD5,,2015-08-07 08:31:39 -0700,629676282976972800,MN,Eastern Time (US & Canada) -5694,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,heyGABErt,,1,,,RT @zigzagoonsquad: Jeb Bush lookin like a president from a movie where the president is the villain #GOPDebate,,2015-08-07 08:31:38 -0700,629676279634132992,,Alaska -5695,No candidate mentioned,1.0,yes,1.0,Neutral,0.6235,None of the above,1.0,,colemedvec,,0,,,"20 years from now, I'll watch the #GOPDebate with such nostalgia.",,2015-08-07 08:31:38 -0700,629676277834870784,"Ohio, USA",Central Time (US & Canada) -5696,Ben Carson,1.0,yes,1.0,Neutral,0.3472,None of the above,0.6752,,poppyslove,,122,,,"RT @PamelaGeller: SNAP! “Our strength as a nation comes in our unity. We are the United States of America, not the divided states.” Ben Car…",,2015-08-07 08:31:37 -0700,629676275905376256,USA,Pacific Time (US & Canada) -5697,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheThinGrayLine,,0,,,Ted Cruz just lied about telling the truth. #GOPDebate,,2015-08-07 08:31:37 -0700,629676274345074688,"Edmonton, AB", -5698,No candidate mentioned,1.0,yes,1.0,Positive,0.3472,None of the above,1.0,,wethinkdreams,,0,,,"Best ""reality"" show on earth #GOPDebate",,2015-08-07 08:31:34 -0700,629676264169820160,in Pandora with the Na'vi,Central Time (US & Canada) -5699,John Kasich,0.4852,yes,0.6966,Negative,0.6966,None of the above,0.4852,,Watchdogsniffer,,0,,,What we did not hear was how Gov Kasich (Ohio) supports fracking - including past attempts to frack in public parks. #GOPDebate,,2015-08-07 08:31:34 -0700,629676261036523520,"San Diego, CA USA",Pacific Time (US & Canada) -5700,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,beardedpateriot,,0,,,"#gopdebate @realDonaldTrump trying to make this whole process a reality show one hatred filled tweet at a time, you were and still are awful",,2015-08-07 08:31:33 -0700,629676257148579840,virginia ,Eastern Time (US & Canada) -5701,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,None of the above,0.6632,,eldrickthe1st,,0,,,Watching #GOPDebate for the first time. LMFAO,,2015-08-07 08:31:32 -0700,629676252928933888,FEMA Camp5-Mental Defect Block,Central Time (US & Canada) -5702,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,None of the above,0.6533,,fireflye10,,8,,,"RT @jeromebristow76: From VoteTrueBlue2016 on Facebook! -The Cliff Notes Version of the Debate! -#GOPDebate #VoteBlue2016 #UniteBlue http://t…",,2015-08-07 08:31:31 -0700,629676251645616128,Boston area,Eastern Time (US & Canada) -5703,Donald Trump,1.0,yes,1.0,Negative,0.6429,None of the above,1.0,,bigdemilovato1,,14,,,"RT @edeweysmith: I wonder if Donald Trump will still be leading in the polls tomorrow.... -#GOPDebate #presidentialdebate",,2015-08-07 08:31:31 -0700,629676249560932352,CA,Pacific Time (US & Canada) -5704,No candidate mentioned,1.0,yes,1.0,Negative,0.6722,None of the above,1.0,,Philip_MyCupp,,0,,,#GOPDebate (Vine by @dabulldawg88) https://t.co/yGrnilSeUj,,2015-08-07 08:31:30 -0700,629676246637617152,, -5705,Donald Trump,0.3813,yes,0.6175,Negative,0.6175,,0.2362,,hippinator13,,0,,,"Political correctness is the right-wing mainstream media empire's refusal to call Trump a racist, misogynist & fascist #GOPDebate",,2015-08-07 08:31:29 -0700,629676239888871424,"Joshua, Tx 76058",Central Time (US & Canada) -5706,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6714,,JohnnyMcNulty,,0,,,"You know when you finish a really good book and you wake up the next day wishing the wacky adventures would never end? -...the #GOPDebate",,2015-08-07 08:31:28 -0700,629676236860735488,"Brooklyn, NY",Eastern Time (US & Canada) -5707,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_jamsterdam,,2,,,"RT @gregbeharrell: #GOPDebate -Republican candidates, get your own identities. Complaining in Cleveland is LeBron's thing.",,2015-08-07 08:31:27 -0700,629676234004414464,"Bay Area, CA",Pacific Time (US & Canada) -5708,Mike Huckabee,0.2256,yes,0.6562,Neutral,0.6562,None of the above,0.4307,,myap1988,,0,,,@CharlotteAbotsi maybe because they weren't asked about it? #stayontopic #gopdebate,,2015-08-07 08:31:25 -0700,629676225867284480,, -5709,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,wethinkdreams,,0,,,"it's sooooo hard not to watch #GOPDebate last night. I watched, I need to see/know.",,2015-08-07 08:31:24 -0700,629676222356803584,in Pandora with the Na'vi,Central Time (US & Canada) -5710,No candidate mentioned,0.4292,yes,0.6552,Neutral,0.6552,None of the above,0.4292,,645ciDIVA,,1,,,"RT @cydelafield: Tonight on @andersoncooper: my uncle @DrNickMorgan, communicator & body language analyst extraordinaire versus #GOPDebate",,2015-08-07 08:31:23 -0700,629676215918407680,SomeWhereSmiling , -5711,No candidate mentioned,0.4605,yes,0.6786,Neutral,0.3571,None of the above,0.4605,,IbeNEB,,0,,,The more you know #GOPDebate https://t.co/xvVIaD5bVh,,2015-08-07 08:31:23 -0700,629676215813734400,New England,Eastern Time (US & Canada) -5712,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SMolloyDVM,,17,,,RT @AndrewWMullins: Correction. He now thinks that @FrankLuntz is worse than Rosie O'Donnell... #GOPDebate https://t.co/9oxC7VGK45,,2015-08-07 08:31:22 -0700,629676214110810112, Landof10kLibs✟Matt24✟Jn14:6✟, -5713,Rand Paul,0.3974,yes,0.6304,Neutral,0.337,None of the above,0.3974,,wcnc,,2,,,RT @DianneG: Off to see @RandPaul. Anything in particular you want me to ask him? #GOPDebate #Decision2016,,2015-08-07 08:31:22 -0700,629676213133529088,"Charlotte, NC",Eastern Time (US & Canada) -5714,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,Racial issues,1.0,,howjrodseesit,,0,,,@TheYoungTurks did any anyone @ the #GOPDebate mention the 50th anniversary of the Civil Rights Act was the same day http://t.co/iT5ivdufWA,,2015-08-07 08:31:22 -0700,629676211661352960,, -5715,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,SamLeverenz,,0,,,@megynkelly deserves a big thank you. I'm glad someone asked tough questions--to ALL the candidates. #GOPDebate #GOP2016 #FoxDebate,,2015-08-07 08:31:20 -0700,629676204686225408,Our Nation's Capital,Eastern Time (US & Canada) -5716,Donald Trump,1.0,yes,1.0,Negative,0.6939,None of the above,0.6531,,ItsShoBoy,,0,,,#GOPDebate Turns Spectacle and Leaves @realDonaldTrump on Top http://t.co/CdTY790RbB #TNTweeters #AINF #tlot #tcot #p2 #Latism,,2015-08-07 08:31:19 -0700,629676200282169344,CALIFORNIA,Pacific Time (US & Canada) -5717,Marco Rubio,0.40399999999999997,yes,0.6356,Positive,0.6356,LGBT issues,0.40399999999999997,,TheBaxterBean,,6,,,Marco Rubio Told To His Face He's 'Candidate Of Yesterday' For His Anti-Gay Bigotry http://t.co/a4EiuETTLf #GOPDebate http://t.co/GJgHTfODTo,,2015-08-07 08:31:19 -0700,629676200248639488,lux et veritas,Eastern Time (US & Canada) -5718,Donald Trump,1.0,yes,1.0,Positive,0.6733,None of the above,1.0,,LiberalMkn,,0,,,#GOPDebate Trump trumped all Bush bushed Walker weak Huckabee/Cruz loonies-as-usual Carson insignificant Rand sucks Fiorina hysterical,,2015-08-07 08:31:19 -0700,629676198591729664,, -5719,No candidate mentioned,1.0,yes,1.0,Neutral,0.6627,None of the above,1.0,,outerspacemanII,,1,,,"RT @thirdwestdoak: Now that the #GOPDebate is over, how do I just go back to reality?",,2015-08-07 08:31:19 -0700,629676197794836480,United States of America,Atlantic Time (Canada) -5720,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lucie_parker,,0,,,Disheartening row of ten tall men... Where's Ainslie Hayes when you need her? #GOPDebate #WestWing https://t.co/dhIC3HWTyH,,2015-08-07 08:31:19 -0700,629676197753004032,"London, England", -5721,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,dylanirsm,,0,,,Reguardless of your political stances I hope you took time to see the #GOPDebate I LOVE seeing genuine interest in U.S. politics.,,2015-08-07 08:31:18 -0700,629676197086162944,,Central Time (US & Canada) -5722,Jeb Bush,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,rebekahstutheit,,0,,,Jeb Bush on snapchat after #GOPdebate: there were some mighty fine ppl on that stage. All better than Hillary Clinton or Bernie Sanders.,,2015-08-07 08:31:18 -0700,629676196167442432,f-dub//sag-town,Central Time (US & Canada) -5723,Mike Huckabee,0.4205,yes,0.6484,Negative,0.6484,None of the above,0.4205,,Bunciferous,,2,,,"RT @Buttergenie: ""The purpose of the military is to kill people and break things."" -ACTUAL THING MIKE HUCKABEE JUST SAID #GOPDebate",,2015-08-07 08:31:18 -0700,629676195710431232,earth, -5724,Jeb Bush,0.6889,yes,1.0,Neutral,0.3556,Abortion,1.0,,ElisabethCarey,,13,,,RT @BeachPeanuts: Jeb is so pro-life he made the Stand Your Ground law possible. #GOPDebate,,2015-08-07 08:31:16 -0700,629676185581133824,"Boston, MA",Eastern Time (US & Canada) -5725,No candidate mentioned,0.4171,yes,0.6458,Negative,0.3438,None of the above,0.4171,,JaclynHStrauss,,0,,,I wish the #GOPDebate had mentioned the #Illuminati.,,2015-08-07 08:31:16 -0700,629676185191100416,"Halifax, Nova Scotia, Canada",Mid-Atlantic -5726,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CynthiaHRivas,,0,,,His tweets made more sense than the #GOPDebate https://t.co/2tJa5ORrzS,,2015-08-07 08:31:13 -0700,629676175472893952,"Newark, DE Berkeley, CA",Eastern Time (US & Canada) -5727,Marco Rubio,0.4204,yes,0.6484,Positive,0.6484,,0.228,,RepublicanVzlan,,7,,,RT @sfloridastorm: #GOPDebate was great becuz of great GOP candidates & great @FoxNews questions. @marcorubio WINS! Top of the Class. http:…,,2015-08-07 08:31:12 -0700,629676171509108736,"San Francisco, California",Pacific Time (US & Canada) -5728,Donald Trump,1.0,yes,1.0,Positive,0.3571,None of the above,1.0,,Bowtimeready,,0,,,Who won last nights debate? It damn well better be #America It's time to kick ass and forget #PC and politics as usual! #GOPDebate #Trump,,2015-08-07 08:31:08 -0700,629676153314226176,Vancouver Washington,Pacific Time (US & Canada) -5729,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3374,,StacyPerman,,0,,,When @MegynKelly asks #Trump abt his crude remarks towards ♀ he responds with more petty insults http://t.co/a8APfMcCPe #GOPDebate,,2015-08-07 08:31:07 -0700,629676147731759104,,Eastern Time (US & Canada) -5730,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,johnlundin,,2,,,17 Funniest Tweets on #GOPDebate Failing to Even Mention Climate Change http://t.co/CxOXwPA3j0 #climate,,2015-08-07 08:31:06 -0700,629676145605279744,"Minca, Colombia",Pacific Time (US & Canada) -5731,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,,0.2267,,Napsterrific,,0,,,Jobs numbers contrasts with dystopian view of America in #GOPdebate. Also nostalgic America where roads were paved with gold never existed,,2015-08-07 08:31:05 -0700,629676140647555072,, -5732,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6508,,AmPowerBlog,,0,,,.@DaTechGuyblog Tania Gail Asks Question to Candidates at #GOPDebate! http://t.co/b6yudpqWQP @instapundit @RSMcCain @MaroonedInMarin,,2015-08-07 08:31:04 -0700,629676137531052032,"Orange County, California",Pacific Time (US & Canada) -5733,Donald Trump,1.0,yes,1.0,Positive,0.6643,Women's Issues (not abortion though),0.3449,,amylazscdc,,1,,,.@realDonaldTrump just gave a master class on how to get away with sexism http://t.co/36sdQbY52A via @voxdotcom #GOPDebate,,2015-08-07 08:31:02 -0700,629676130002464768,SC and DC ,Pacific Time (US & Canada) -5734,No candidate mentioned,0.4493,yes,0.6703,Neutral,0.3407,FOX News or Moderators,0.4493,,RADnCHEESE,,3,,,RT @simplyarash: Is Facebook co-hosting the #GOPDebate with Fox News because the only people who still use Facebook watch Fox News?,,2015-08-07 08:31:02 -0700,629676129570304000,somewhere on the internet,Central Time (US & Canada) -5735,Mike Huckabee,1.0,yes,1.0,Positive,1.0,Foreign Policy,1.0,,gdmclemore,,34,,,"RT @kesgardner: Huckabee: Reagan was ""trust but verify."" Obama, trust and vilify anyone who disagrees. Very strong answer about the Iran de…",,2015-08-07 08:31:02 -0700,629676128928600064, US, -5736,No candidate mentioned,0.4481,yes,0.6694,Neutral,0.6694,None of the above,0.4481,,SnarkyRINO,,2,,,"RT @BluegrassBelle_: Guys, thanks for not unfollowing me in masses after last night #GOPDebate",,2015-08-07 08:31:00 -0700,629676120393285632,'MERICA, -5737,Ted Cruz,0.6842,yes,1.0,Negative,1.0,FOX News or Moderators,0.6842,,raniecep,,0,,,"@bryboone @tedcruz @FoxNews is ignoring FB feedback on the #GOPDebate on this morning's live programs! What happened to""fair, balanced?",,2015-08-07 08:30:57 -0700,629676106442936320,Florida,Eastern Time (US & Canada) -5738,Ted Cruz,0.4153,yes,0.6444,Positive,0.6444,None of the above,0.4153,,PatriotTweetz,,0,,,"MT:@ LessGovMoreFun: . ""The American People Want A President Who Will Tell The Truth"" --Sen. Ted Cruz -#GOPdebate -#… http://t.co/n4NtWnOBnL",,2015-08-07 08:30:54 -0700,629676096200527872,,Central Time (US & Canada) -5739,No candidate mentioned,1.0,yes,1.0,Neutral,0.6537,None of the above,1.0,,RileyBartolomeo,,0,,,Sept. 16th is the next #GOPDebate on CNN. We should just have weekly debates like the networks did during the 2012 primaries.,,2015-08-07 08:30:54 -0700,629676095869222912,, -5740,No candidate mentioned,0.4293,yes,0.6552,Neutral,0.3678,None of the above,0.4293,,NapaKatie,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/RTQDX57lL6 via @theSkimm,,2015-08-07 08:30:54 -0700,629676095240040448,"Napa, CA",Pacific Time (US & Canada) -5741,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6404,,stnkrbelle80,,489,,,"RT @JillBidenVeep: If they had their way, women will have to hold monthly funerals for their periods, like when you flush a goldfish. #GOPD…",,2015-08-07 08:30:54 -0700,629676094782705664,, -5742,No candidate mentioned,1.0,yes,1.0,Positive,0.6628,FOX News or Moderators,1.0,,paraguayuruguay,,113,,,"RT @cenkuygur: Love it. Fox News found the one young, black Republican on Facebook! #GOPDebate",,2015-08-07 08:30:54 -0700,629676093985796096,, -5743,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeroToBeotch,,9,,,RT @Shoq: Just ignore all the pundit blither. The biggest winner of last night's #GOPdebate was @BarackObama. Full stop.,,2015-08-07 08:30:54 -0700,629676092924788736,, -5744,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lee_saywhat,,61,,,"RT @Al_Gorelioni: I'm following all conservatives who are sickened by @FoxNews at the #GOPDebate -#tcot",,2015-08-07 08:30:53 -0700,629676091402162176,"Janesville, Wisconsin",Central Time (US & Canada) -5745,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.4444,,coopek,,1,,,"RT @wokkitout: The names you call women is not about being politically correct, it's about showing respect @realDonaldTrump #GOPDebate",,2015-08-07 08:30:52 -0700,629676088243974144,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -5746,No candidate mentioned,1.0,yes,1.0,Negative,0.6914,None of the above,1.0,,kathrynawallace,,0,,,"@JanelleMonae with a summation of my #GOPDebate feelings. - -#reprorights #reprofreedom #misogynyisnothonesty http://t.co/ySFeN4uk89",,2015-08-07 08:30:51 -0700,629676084422909952,"Lexington, KY",Eastern Time (US & Canada) -5747,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CarolHello1,,3,,,#GOPDebate: @FoxNews Failed https://t.co/GCLQY4kaq5,,2015-08-07 08:30:51 -0700,629676082774413312,California❀◄★►❀Conservative,Arizona -5748,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,LGBT issues,0.6364,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel @POTUS Hid His Secret Sex Life From Da America Ppl.Bet He Got Sneaky Deal W/IRAN http://t.co/2IeDJhem7F,,2015-08-07 08:30:51 -0700,629676082258685952,, -5749,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fardinajir,,159,,,RT @politicoroger: Jeb Bush continues to act like a person who has wandered into an election he wants no part of. #GOPDebate,,2015-08-07 08:30:50 -0700,629676077833547776,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -5750,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,Religion,0.4133,,CardGDix,,2,,,RT @erinrook: Spoiler alert: Every #Republican candidate thinks he knows what #God wants. #GOPDebate,,2015-08-07 08:30:49 -0700,629676075677696000,"Vancouver, WA",Pacific Time (US & Canada) -5751,Jeb Bush,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,metzgr,,1,,,".@JebBush has a distinct @LeoMcGarry-ness to him in this pic from @nytimes, so... #Winner #GOPDebate http://t.co/KoLwWwgdP1",,2015-08-07 08:30:49 -0700,629676074906046464,Tampa,Quito -5752,Scott Walker,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6556,,Laura05806712,,0,,,"very disappointed in @ScottWalker's extreme anti-woman, #antiabortion stance as stated last night #unreasonable #GOPDebate #outoflove",,2015-08-07 08:30:49 -0700,629676072360124416,,Eastern Time (US & Canada) -5753,Chris Christie,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,docholly,,0,,,Honestly I can't stand seeing Christie on my feed/news etc but if the worst thing u can say abt him is he's fat? Educate yourself #GOPDebate,,2015-08-07 08:30:48 -0700,629676070271234048,Vegas,Pacific Time (US & Canada) -5754,Marco Rubio,1.0,yes,1.0,Neutral,0.6452,None of the above,1.0,,HeathNOLA,,0,,,"@marcorubio admits on #GOPDebate that Common Core IS a suggestion that govt ""might one day mandate"" #BOOGEYMAN @SenSanders @TheDemocrats",,2015-08-07 08:30:48 -0700,629676068794970112,"Larose, LA",Central Time (US & Canada) -5755,No candidate mentioned,1.0,yes,1.0,Negative,0.6579,None of the above,1.0,,SGA1234,,364,,,"RT @NeinQuarterly: Who's winning the #GOPDebate? According to preliminary reports, anybody who's not watching.",,2015-08-07 08:30:48 -0700,629676067708604416,"Montréal, QC", -5756,Donald Trump,1.0,yes,1.0,Neutral,0.6829,FOX News or Moderators,0.6829,,3LWTV,,0,,,.@FoxNews & @GOP did their best to unravel @realDonaldTrump's candidacy...but Trump woke up like.... #GOPDebate http://t.co/e10ugkskWM,,2015-08-07 08:30:47 -0700,629676066739654656,Atlanta ,Eastern Time (US & Canada) -5757,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MrFrancoValli,,0,,,Got caught up in the #Compton hype yesterday.. Catching up on the the #GOPDebate now,,2015-08-07 08:30:46 -0700,629676060196515840,Los Angeles, -5758,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,trennnnza,,0,,,#gopdebate has me ready for #2016!!! #GOP2016 #goodbyeobama #NeverAgain,,2015-08-07 08:30:46 -0700,629676059810787328,FL,America/New_York -5759,Donald Trump,1.0,yes,1.0,Negative,0.6848,Women's Issues (not abortion though),1.0,,seasicksiren,,2,,,"RT @Erasing_Us: Women do NOT find Trump thinking @Rosie is a fat disgusting dyke pig is ""offensive."" They think shes a fat disgusting dyke …",,2015-08-07 08:30:44 -0700,629676050880946176,,Pacific Time (US & Canada) -5760,Rand Paul,0.4512,yes,0.6717,Negative,0.3434,None of the above,0.4512,,TheBronxBrom,,0,,,@RandPaul didn't defend the 4th amendment too eloquently last night but this article is a good mediator http://t.co/VLt68ymse2 #GOPDebate,,2015-08-07 08:30:43 -0700,629676049740140544,"Saint Paul, MN",Central Time (US & Canada) -5761,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,hrblock_21,,73,,,RT @megynkelly: Who stood out and who struck out at tonight's #GOPDebate? @FrankLuntz and his focus group will be here! #KellyFile,,2015-08-07 08:30:41 -0700,629676039950761984,, -5762,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,Abortion,0.6602,,bospress,,35,,,RT @erinmallorylong: Me during the Planned Parenthood bit of the #GOPDebate http://t.co/qC8z8kkYE6,,2015-08-07 08:30:40 -0700,629676037375426560,"wallkill, ny",Central Time (US & Canada) -5763,No candidate mentioned,1.0,yes,1.0,Negative,0.6854,Women's Issues (not abortion though),1.0,,jnelsonaviance,,113,,,RT @LaurenDeStefano: Did the #GOPDebate members know that women sometimes own televisions?,,2015-08-07 08:30:40 -0700,629676035580166144,"St. Paul, Minnesota", -5764,No candidate mentioned,1.0,yes,1.0,Negative,0.7143,None of the above,1.0,,myrlciakvvx,,0,,,RT kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Dona… http://t.co/jAqjwnndgB http://t.co/Eqfo1J5eZw,,2015-08-07 08:30:39 -0700,629676034040987648,, -5765,No candidate mentioned,0.4539,yes,0.6737,Positive,0.3368,None of the above,0.2269,,mailsherene,,6,,,RT @JewhadiTM: Early Nielsen ratings suggest Thursday's #GOPDebate was most-watched primary debate in history @megynkelly http://t.co/DBzkK…,,2015-08-07 08:30:39 -0700,629676031402749952,, -5766,Donald Trump,1.0,yes,1.0,Neutral,0.6296,None of the above,0.665,,hrblock_21,,670,,,RT @megynkelly: .@realDonaldTrump: We don’t have time for tone. We have to go out and get the job done. #GOPDebate,,2015-08-07 08:30:38 -0700,629676028496101376,, -5767,Rand Paul,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DianneG,,2,,,Off to see @RandPaul. Anything in particular you want me to ask him? #GOPDebate #Decision2016,,2015-08-07 08:30:38 -0700,629676027875360768,Charlotte ,Eastern Time (US & Canada) -5768,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SmittyMyBro,,0,,,"For career politicians who work in Washington, these guys sure talk a lotta shit about career politicians who work in Washington. #GOPDebate",,2015-08-07 08:30:37 -0700,629676025354452992,John Smith AKA Bazooka Joe,Central Time (US & Canada) -5769,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Nomadjl,,2,,,RT @shellbelle1022: Oh my G-O-S-H. She really is fantastic! #CarlyFiorina #GOPDebate #ChrisMatthewsgottold https://t.co/H3DSS4Dxmo,,2015-08-07 08:30:37 -0700,629676024918376448,Vienna West Virginia,Quito -5770,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,0.6774,,politics_polls,,1,,,RT @YossiGestetner: .@brianstelter reports 10 million watched the #GOPDebate. The first 2012 GOP debate had 3.1 million. http://t.co/7MsAZB…,,2015-08-07 08:30:37 -0700,629676024805072896,, -5771,Donald Trump,0.3765,yes,0.6136,Neutral,0.6136,FOX News or Moderators,0.3765,,deannakogel,,0,,,@megynkelly Candy Crowley railroading job on Trump. Used to hold u in high esteem. #GOPDebate #MegynKellyDebateQuestions @realDonaldTrump,,2015-08-07 08:30:37 -0700,629676022523256832,USA,Pacific Time (US & Canada) -5772,Donald Trump,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,dastardleigh,,0,,,Thanks @realDonaldTrump for securing the White House for the Democrats in 2016. A liar AND a bully? No dice. #GOPDebate,,2015-08-07 08:30:37 -0700,629676022225485824,, -5773,Donald Trump,1.0,yes,1.0,Neutral,0.6745,None of the above,1.0,,adam_m_jcbs,,6,,,"RT @hiphughes: Trump had a very similar response to my students when asked to provide citations. ""Well I talked to some people & they said…",,2015-08-07 08:30:36 -0700,629676020279431168,Coram,Eastern Time (US & Canada) -5774,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MiladyMell,,1,,,"RT @HokieHoos: Was this the Megyn Kelly Comedy Show? Will this go on until Nov 2016? Is she considered a journalist? NO,NO, NO !! #GopDeba…",,2015-08-07 08:30:36 -0700,629676018207305728,"The Duke City, New Mexico",Mountain Time (US & Canada) -5775,Donald Trump,1.0,yes,1.0,Neutral,0.3556,None of the above,1.0,,PedroVillar,,0,,,"""Only Rosie O'Donnell..."" - Donald Trump #GOPDebate",,2015-08-07 08:30:36 -0700,629676018052128768,"San Antonio, TX",Central Time (US & Canada) -5776,Donald Trump,1.0,yes,1.0,Positive,1.0,Jobs and Economy,0.7021,,419in703,,1,,,.@realDonaldTrump said it best last night: It's time to #GetMoneyOut #GOPDebate #GOPTBT #KochVsPope http://t.co/xNo4YcFzIV,,2015-08-07 08:30:34 -0700,629676012473860096,NOVA/DC/OH,Eastern Time (US & Canada) -5777,No candidate mentioned,1.0,yes,1.0,Negative,0.6989,None of the above,1.0,,thirdwestdoak,,1,,,"Now that the #GOPDebate is over, how do I just go back to reality?",,2015-08-07 08:30:33 -0700,629676005968363520,Fort Worth,Central Time (US & Canada) -5778,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,coopek,,1,,,"RT @Becky_Yeh: .@realDonaldTrump once again showed lack of tact and respect during #GOPDebate. He's not a politician, but he certainly isn'…",,2015-08-07 08:30:33 -0700,629676005611962368,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -5779,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,missb62,,42,,,"RT @Anomaly100: Jeb! Bush is talking about how ISIS was created. - -Psst! His brother is the culprit. - -#GOPDebate",,2015-08-07 08:30:32 -0700,629676003615375360,Colorado,Mountain Time (US & Canada) -5780,Rand Paul,0.6897,yes,1.0,Negative,1.0,None of the above,1.0,,Laura05806712,,2,,,"someone should've told @RandPaul that he'd be on camera while in his cat fight with @ChrisChristie last night, not a good look #GOPDebate",,2015-08-07 08:30:31 -0700,629675998729080832,,Eastern Time (US & Canada) -5781,No candidate mentioned,1.0,yes,1.0,Neutral,0.6941,None of the above,1.0,,KSMODA,,31,,,RT @meredithclark: Omg RT @mattymonsterz: I AM SCREAMING 💀💀💀💀 #GOPDebate http://t.co/GU6BJC1lg8,,2015-08-07 08:30:31 -0700,629675996388573184,Kansas/Missouri,Central Time (US & Canada) -5782,Chris Christie,1.0,yes,1.0,Positive,0.6619,None of the above,1.0,,J0rdanWilliam5,,1,,,"RT @Rob_guillory: Gotta say when Chris Christie said his first act as President would be to rename Washington DC ""Suplex City, USA"", he won…",,2015-08-07 08:30:30 -0700,629675993956020224,, -5783,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3601,,KingNef77,,9,,,RT @NaYaKnoMi: white supremacy party's 1st debate reinforces the fact that many people in this country really believe some of us are expen…,,2015-08-07 08:30:29 -0700,629675990042611712,, -5784,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,j_ro,,0,,,"I may be getting into my new California lifestyle. Didn't watch the #GOPDebate, didn't really feel like I missed much.",,2015-08-07 08:30:29 -0700,629675989732200448,"Washington, DC",Eastern Time (US & Canada) -5785,Chris Christie,0.4499,yes,0.6707,Positive,0.3537,FOX News or Moderators,0.2372,,NoChristie16,,1,,,"If #ChrisChristie's disapproval ratings are high now, wait till the #Bridgegate trial this fall. #GOPDebate #FoxNews http://t.co/r9CTpLW5UP",,2015-08-07 08:30:29 -0700,629675988767653888,, -5786,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,paraguayuruguay,,117,,,RT @cenkuygur: Trump sounds like a bully. Republican voters will love it. It sounds like strength to them. #GOPDebate,,2015-08-07 08:30:28 -0700,629675985097523200,, -5787,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,willsonwoman,,0,,,"Don't worry about zombies, conservatives have become the walking dead and are eating each other. #GOPDebate #FOXNEWSDEBATE",,2015-08-07 08:30:27 -0700,629675982861942784,CA,Pacific Time (US & Canada) -5788,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,hebeindc,,0,,,"gun deaths in the US are expected to surpass 33,000 this year. Issue the #GOPDebate didn't raise: gun control.",,2015-08-07 08:30:26 -0700,629675975912067072,"Logan Circle, Washington, D.C.",Eastern Time (US & Canada) -5789,Donald Trump,1.0,yes,1.0,Negative,0.6829,FOX News or Moderators,0.6585,,thedavidseth,,1,,,"RT @icebergslim1047: Well, #DonalTrump don't like the truth from the Fox Focus group conducted by #FrankLuntz http://t.co/Zk4ajHqvxC #GOPDe…",,2015-08-07 08:30:25 -0700,629675973760405504,"Bahia Soliman, Tulum, Mexico",Eastern Time (US & Canada) -5790,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Mr_Republican12,,0,,,"I thought @RealBenCarson did very well last night, I have no idea what @benshapiro is talking about, what a fool -#RunBenRun -#GOPDebate",,2015-08-07 08:30:25 -0700,629675973055803392,, -5791,No candidate mentioned,0.4907,yes,0.7005,Positive,0.7005,None of the above,0.4907,,theErikaMoulton,,0,,,I loved watching the #GOPDebate last night.. Need to reset your brain? Check out my newest #YouTube video https://t.co/gosNzvoEtD <-- #July,,2015-08-07 08:30:25 -0700,629675972451794944,"Manhattan, NY",Eastern Time (US & Canada) -5792,Ted Cruz,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,Rpiper07,,0,,,"People will watch the #GOPDebate 's to see #Trump but realize ""holy crap @tedcruz is the effing man""",,2015-08-07 08:30:21 -0700,629675957339688960,, -5793,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.3297,None of the above,0.3923,,flodown,,0,,,No expectation of ever being Prez. Rehearsal reaching for wallets when someone else will pick up the tab #GOPDebate http://t.co/AeAJgM6Aax,,2015-08-07 08:30:20 -0700,629675954055458816,"Austin, TX", -5794,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mdaly001,,0,,,Reading a lot of polls/tweets about who won lastnight's GOP debate. Not one of those winners was logic. #GOPDebate,,2015-08-07 08:30:20 -0700,629675950448357376,, -5795,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,_birthdaycake,,30,,,RT @MacLethal: Fuck the #GOPDebate. Dr. Dre's new album is out!!!! #compton,,2015-08-07 08:30:17 -0700,629675940755415040,,Berlin -5796,Donald Trump,1.0,yes,1.0,Negative,0.6789,FOX News or Moderators,1.0,,Afthought,,0,,,Fox News loves to loathe Trump: It's money in the bank as ratings for the #GOPDebate demonstrate. CNN working overtime to maintain momentum,,2015-08-07 08:30:17 -0700,629675940629475328,,Pacific Time (US & Canada) -5797,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.3469,None of the above,0.4265,,kalbusman,,0,,,and the tsunami of #GOPDebate sound bite memes begin. #YesIKnowYourGuyIsReallySmart,,2015-08-07 08:30:17 -0700,629675939207749632,"tullahoma, tn.",Central Time (US & Canada) -5798,No candidate mentioned,1.0,yes,1.0,Neutral,0.6354,Foreign Policy,0.6961,,MiladyMell,,1,,,RT @blogbooktours: Lindsey Graham has never met a war he's afraid to send your kids to. #gopdebate via @JohnFugelsang #FF,,2015-08-07 08:30:17 -0700,629675938330968064,"The Duke City, New Mexico",Mountain Time (US & Canada) -5799,No candidate mentioned,1.0,yes,1.0,Positive,0.6837,None of the above,0.6837,,SamuelPMorse,,96,,,"RT @virgiltexas: Hands down, Jim Gilmore won this debate with his impressive resume. #GOPDebate http://t.co/WJCpQl2Jor",,2015-08-07 08:30:17 -0700,629675937777459200,"Washington, DC",Eastern Time (US & Canada) -5800,Donald Trump,0.4393,yes,0.6628,Neutral,0.3488,None of the above,0.2312,,DaHomieNick,,0,,,"17 candidates, 2 debates, 1 Donald Trump and plenty to fact-check http://t.co/4n6wgnunHN #tcot #p2 #GOPClownCar #GOPDebate #KidsTableDebate",,2015-08-07 08:30:14 -0700,629675926343671808,From Windy City to Sin City,Pacific Time (US & Canada) -5801,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,deegys32,,0,,,Seriously couldn't look at a single candidate on stage and see them as our president. #GOPDebate,,2015-08-07 08:30:13 -0700,629675922678018048,New York,Central Time (US & Canada) -5802,Scott Walker,1.0,yes,1.0,Negative,0.6721,Racial issues,1.0,,BMLewis2,,13,,,RT @TheBaxterBean: Scott Walker Staff Sent Same Racist Email Ferguson Officials #GOPDebate http://t.co/zvzmUBFBBK http://t.co/HGQTi01htg ht…,,2015-08-07 08:30:13 -0700,629675921717354496,SoCal,Pacific Time (US & Canada) -5803,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,stand4all,,0,,,"Ummmm, where was this discussed at the #GOPDebate ? @SpeakerBoehner",,2015-08-07 08:30:12 -0700,629675917414109184,,Atlantic Time (Canada) -5804,Donald Trump,0.6774,yes,1.0,Neutral,0.3548,None of the above,1.0,,bowman409,,8,,,RT @AC360: #Trump took on opponents in #GOPDebate. This is how he took on celeb opponents in public feuds http://t.co/3fPXjvf7w9 http://t.c…,,2015-08-07 08:30:11 -0700,629675915627397120,, -5805,Marco Rubio,0.4444,yes,0.6667,Positive,0.6667,Abortion,0.4444,,LadyGloriousjax,,26,,,RT @TheBaxterBean: Marco Rubio Vowed To Take Away Women’s Abortion Rights ‘At Home & Around The World’ http://t.co/zA4FgAY10o #GOPDebate ht…,,2015-08-07 08:30:11 -0700,629675915463761920,"Jacksonville, Florida",Eastern Time (US & Canada) -5806,No candidate mentioned,0.4038,yes,0.6354,Neutral,0.6354,None of the above,0.4038,,ChantaBSN,,3,,,Read @docrocktex26 twitter feed for #GOPDebate real talk.,,2015-08-07 08:30:10 -0700,629675912200593408,North Carolina,Eastern Time (US & Canada) -5807,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.3511,None of the above,0.39399999999999996,,thrillseekertx,,0,,,Best thing about the #Dollywood2016 announcement: none of my friends are talking about the #GOPDebate any more.,,2015-08-07 08:30:10 -0700,629675911764283392,on a coaster somewhere,Eastern Time (US & Canada) -5808,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,FOX News or Moderators,0.6629999999999999,,Davidbonijr,,0,,,Why did they have britney spears moderating the #GOPDebate last night?,,2015-08-07 08:30:10 -0700,629675910032064512,"Michigan, USA",Atlantic Time (Canada) -5809,No candidate mentioned,1.0,yes,1.0,Positive,0.6891,FOX News or Moderators,1.0,,jayoung1892,,0,,,Fox news is actually asking the tough questions. I'm surprised! #gopdebate #WatchParty #rosieodonnell… https://t.co/9popya1qRV,"[41.7599487, -72.7024307]",2015-08-07 08:30:10 -0700,629675908551569408,"The Omni Hotel in New Haven, C", -5810,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6932,,heyGABErt,,2,,,"RT @zigzagoonsquad: OH FUCK SOCIAL ISSUES IS NEXT TIME TO PLAY ""IM MORE CHRISTIAN THAN YOU NANA NA BOOBOO"" #GOPDebate",,2015-08-07 08:30:08 -0700,629675903262420992,,Alaska -5811,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.6522,None of the above,0.4253,,UncleRico23,,0,,,I didnt watch the #GOPDebate & i only watched #TheDailyShow for #BruceSpringsteen so i couldnt play social media last night,,2015-08-07 08:30:05 -0700,629675888540581888,,Eastern Time (US & Canada) -5812,No candidate mentioned,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,VHMosley,,0,,,#GOPDebate I watched it because I knew it was going to be the greatest circus act/show on earth. We R the laughing stock of the world,,2015-08-07 08:30:04 -0700,629675886925602816,Las Vegas, -5813,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,uNNEDIted,,0,,,I had to repost this! #GOPDebate http://t.co/4naVXGg1pd,,2015-08-07 08:30:04 -0700,629675884962824192,"Washington, DC",Eastern Time (US & Canada) -5814,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6735,,lindseymfloyd,,0,,,"It's incredible the amount of people that are angry about the #GOPDebate. Fox News was not amazing before, what did you think would change?",,2015-08-07 08:30:03 -0700,629675880860663808,ASU • ΣΚ, -5815,Donald Trump,1.0,yes,1.0,Negative,0.3556,None of the above,1.0,,robinsnewswire,,2,,,RT @ambervanbee: And the presidential debates begin 🇺🇸#GOPDebate #PresidentialDebate #2016 #primaries #secretlylovepolitics #gohomedonald #…,,2015-08-07 08:30:02 -0700,629675876884439040,Flying The Web For News,Pacific Time (US & Canada) -5816,No candidate mentioned,1.0,yes,1.0,Negative,0.6709,Racial issues,0.7021,,_thegoodonesgo,,87,,,RT @Crutch4: That's exactly how they feel about #BlackLivesMatter. Hardly worth discussing. Wow. #GOPDebacle #GOPDebate,,2015-08-07 08:30:02 -0700,629675874778943488,,Eastern Time (US & Canada) -5817,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LizAnneKelley,,0,,,"@megynkelly is believing what a few fans say about her & losing touch w/reality. Sorry, woefully unnewsworty moderation job at #GOPDebate",,2015-08-07 08:30:01 -0700,629675872811909120,Seeking My Place in the World ,Eastern Time (US & Canada) -5818,Marco Rubio,1.0,yes,1.0,Negative,0.6404,Abortion,0.7079,,TheBaxterBean,,6,,,Marco Rubio: Constitutional Right To Choose Was 'Egregiously Flawed Decision' http://t.co/U63WRh7mXN #GOPDebate http://t.co/yEfojmJxdO,,2015-08-07 08:29:59 -0700,629675865476100096,lux et veritas,Eastern Time (US & Canada) -5819,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,heyGABErt,,1,,,RT @zigzagoonsquad: the constitution was written in 1789 back when priests induced miscarriages when women were caught cheating so... #GOPD…,,2015-08-07 08:29:58 -0700,629675861021601792,,Alaska -5820,Ted Cruz,1.0,yes,1.0,Negative,0.6277,FOX News or Moderators,0.7234,,noprezzie2012,,0,,,"It's true. She disrespected Cruz on eve of #GOPDebate @mag062367 @timthejarhead @jamesrosenfnc @theusdesigns -http://t.co/W7XIptcJ3G",,2015-08-07 08:29:55 -0700,629675845796257792,Phoenix - Flagstaff; Arizona ,Arizona -5821,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AndrewKorge,,1,,,Not 1 mention of #ClimateChange or #SeaLevelRise @ #GOPDebate last night. They were too busy saying nasty things about @POTUS & #Hillary2016,,2015-08-07 08:29:52 -0700,629675833678958592,, -5822,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,DemiBadHands,,0,,,"So @FoxNews is breaking up with @realDonaldTrump, still a better love story than #Twilight #GOPClownCar #GOPDebate http://t.co/AtH06nRSe1",,2015-08-07 08:29:52 -0700,629675833569865728,"Georgia, USA",Pacific Time (US & Canada) -5823,No candidate mentioned,0.4067,yes,0.6377,Negative,0.6377,FOX News or Moderators,0.4067,,brackster39,,12,,,"RT @americans4amer: Important questions not asked by Faux News, climate, inequality, why they cut $$$ 4 Vets. Dems won't let that slide #GO…",,2015-08-07 08:29:51 -0700,629675832143937536,, -5824,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MariaMendez_xox,,0,,,"If I had to vote today, it would be @realDonaldTrump! #GOPDebate #leader #dominated I saw a CEO of the panel. #CEO of the #Country.",,2015-08-07 08:29:50 -0700,629675825651126272,♫ Nashville ♫,Eastern Time (US & Canada) -5825,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6739,,Church_On_F1,,1,,,"RT @JimmyLaSalvia: That first debate question about party loyalty could be rephrased, ""Raise your hand if you are a follower. Now, who is a…",,2015-08-07 08:29:47 -0700,629675814070714368,"Unrecognizable, USA",Eastern Time (US & Canada) -5826,No candidate mentioned,1.0,yes,1.0,Positive,0.6966,None of the above,1.0,,aaronbergcomedy,,0,,,That #GOPDebate was straight up #privilegeporn. Loved it!!!,,2015-08-07 08:29:46 -0700,629675809750560768,PARADISE -NYC,Quito -5827,Donald Trump,0.4162,yes,0.6452,Neutral,0.6452,,0.2289,,djmashup2009,,0,,,"Last night after #GOPDebate news commentators were saying trump struggled-now I see headlines like ""trump dominates debate""-What happened?",,2015-08-07 08:29:44 -0700,629675801642946560,Delaware, -5828,No candidate mentioned,0.6279,yes,1.0,Positive,0.3721,None of the above,0.6279,,fardinajir,,4,,,"RT @lowrancc: ""We're borrowing $1M a minute. It's gotta stop somewhere."" #StandWithRand #GOPDebate http://t.co/s7ukcFcEfB",,2015-08-07 08:29:43 -0700,629675797574324224,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -5829,Donald Trump,0.47,yes,0.6856,Neutral,0.3538,FOX News or Moderators,0.2426,,pondlizard,,2,,,"Will @megynkelly Ever Ask @Rosie to Apologize for Her Foul, Abusive, Ugly Attacks on @realDonaldTrump? http://t.co/zyCg0ixWrU #GOPdebate",,2015-08-07 08:29:43 -0700,629675797540941824,God's Country N Central FL ,Eastern Time (US & Canada) -5830,No candidate mentioned,1.0,yes,1.0,Negative,0.7045,None of the above,1.0,,badlydrawndobs,,0,,,"@THRMattBelloni @THR and naturally he praised the debate, right? #GOPDebate",,2015-08-07 08:29:41 -0700,629675787965304832,back of your mind,Greenland -5831,Donald Trump,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,WondHerful,,0,,,@AdamOgdenCEO RT @etnow: 7 most ridiculous things Donald Trump said during #GOPdebate: http://t.co/FpKW9YlzQw,,2015-08-07 08:29:41 -0700,629675787466199040,Coral Springs,Atlantic Time (Canada) -5832,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6754,,heyGABErt,,2,,,"RT @zigzagoonsquad: ""the purpose of the military is to kill people and break things"" first time i've ever agreed with Mike Huckabee #GOPDeb…",,2015-08-07 08:29:40 -0700,629675783837974528,,Alaska -5833,Donald Trump,1.0,yes,1.0,Positive,0.6533,None of the above,1.0,,Emassey678,,1,,,"RT @coach_tricia: @realDonaldTrump I was on the streets talking to people before the debate. Afterwards, the word on the street and inside:…",,2015-08-07 08:29:40 -0700,629675782860877824,"Greenville, SC", -5834,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ssc9470,,0,,,"How much credibility did #FoxNews lose last night? ""Fair and balanced"" when we choose to be. #GOPDebate",,2015-08-07 08:29:37 -0700,629675772496625664,, -5835,Donald Trump,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,afaduln2,,16,,,RT @TheBaxterBean: Funny how Donald Trump never mentions Ted Cruz’s Canadian birth certificate. #GOPDebate http://t.co/6WLp6Q0noM http://t.…,,2015-08-07 08:29:37 -0700,629675771448152064,The world,Eastern Time (US & Canada) -5836,No candidate mentioned,1.0,yes,1.0,Neutral,0.6385,Religion,1.0,,JoeriNL,,6,,,RT @goodasyou: Are they going to host a literal wedding ceremony between God and the state? #GOPDebate,,2015-08-07 08:29:36 -0700,629675769560756224,, -5837,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,None of the above,1.0,,heyGABErt,,1,,,"RT @zigzagoonsquad: ""our military is too small"" -country whose military is larger than the next eleven combined #GOPDebate",,2015-08-07 08:29:36 -0700,629675768709120000,,Alaska -5838,Jeb Bush,0.4594,yes,0.6778,Positive,0.6778,None of the above,0.4594,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @JebBush made a reference to the 5 o'clock debate when discussing he wanted a Repub to win,,2015-08-07 08:29:36 -0700,629675767404883968,"Halifax, Nova Scotia, Canada",Mid-Atlantic -5839,Ben Carson,1.0,yes,1.0,Positive,0.6897,Racial issues,1.0,,ColdSteal19,,202,,,RT @KatiePavlich: Great statement from Carson on race divisions in America #GOPDebate,,2015-08-07 08:29:36 -0700,629675766595256320,"Flagstaff, AZ", -5840,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6966,,_rvchel_,,0,,,#GOPDebate (Vine by @dabulldawg88) https://t.co/CnKZ8YWOow,,2015-08-07 08:29:35 -0700,629675764913455104,Milwaukee,Central Time (US & Canada) -5841,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.23399999999999999,,kajawhitehouse,,1,,,"@MarkMelin I couldn't watch the #GOPDebate for example, which I argue should have been on broadcast anyway as a public service. Ridiculous.",,2015-08-07 08:29:34 -0700,629675759389573120,New York ,Hawaii -5842,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,TheNicoleNewby,,0,,,#ICYMI @mikiebarb @nickconfessore break down how each candidate fared during the #GOPDebate via @nytimes http://t.co/ROW7t2pOxZ,,2015-08-07 08:29:33 -0700,629675757174956032,New York City,Eastern Time (US & Canada) -5843,Donald Trump,1.0,yes,1.0,Negative,0.6606,Women's Issues (not abortion though),0.6606,,LittleLaurieZ,,1,,,"RT @MistiTweets: I Am A Woman & Not Offended By @realDonaldTrump -@megynkelly Needs To NOT Say ALL Women Rather Sensitive Liberal Women! #G…",,2015-08-07 08:29:33 -0700,629675755044253696,Wisconsin,Central Time (US & Canada) -5844,No candidate mentioned,1.0,yes,1.0,Negative,0.7062,Racial issues,0.3574,,echippy,,0,,,"when ""word from God"" got 2x the amount of questions than ""race relations"" we have a skewed sampling #GOPDebate https://t.co/uIiQiDIFZT",,2015-08-07 08:29:33 -0700,629675753970495488,"md/dc, ma, israel...who knows",Eastern Time (US & Canada) -5845,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,0.6848,,COxford,,0,,,@FoxNews was nothing more than extension of the @GOP Estab last night trying to sway opinions & same as other news org. #GOPDebate. #tcot,,2015-08-07 08:29:33 -0700,629675753924202496,"Gastonia,NC ",Eastern Time (US & Canada) -5846,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.644,,heyGABErt,,1,,,"RT @zigzagoonsquad: that ? is physically repulsive to me how dare you ask a question like ""have you received gods blessing"" this debate is …",,2015-08-07 08:29:32 -0700,629675751311192064,,Alaska -5847,Donald Trump,0.4287,yes,0.6548,Negative,0.3333,None of the above,0.4287,,proflockheart,,0,,,#GOPDebate is that Voldemort under Donald Trump's toupee?,,2015-08-07 08:29:32 -0700,629675749679591424,magical me, -5848,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,afaduln2,,13,,,RT @TheBaxterBean: REMINDER: 70% New Jersey Voters Don't Approve of Chris Christie http://t.co/8B9osZKP9l #GOPDebate http://t.co/fZkXVLTcF7,,2015-08-07 08:29:32 -0700,629675749004476416,The world,Eastern Time (US & Canada) -5849,No candidate mentioned,0.4052,yes,0.6366,Negative,0.3527,None of the above,0.4052,,BOI1960,,2,,,RT @Kjhobbs1985: @TheDemocrats not really... like the @ppact videos you're not watching anyway. #GOPDebate,,2015-08-07 08:29:31 -0700,629675746089263104,Sandbar Texas ,Central Time (US & Canada) -5850,Donald Trump,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,rainbowkitten14,,0,,,#GOPDebate was swag. Let's go Trump! Lolololol,,2015-08-07 08:29:31 -0700,629675745795801088,,Eastern Time (US & Canada) -5851,No candidate mentioned,1.0,yes,1.0,Negative,0.6558,None of the above,1.0,,sagesurge,,0,,,"so, the #GOPDebate happened last night and #TheView has NOTHING to say about it #interesting",,2015-08-07 08:29:30 -0700,629675744407502848,,Eastern Time (US & Canada) -5852,No candidate mentioned,0.4689,yes,0.6847,Negative,0.6847,FOX News or Moderators,0.253,,DeafFromAIDS,,4,,,"RT @dorklyenlighten: when u a feminist but vote GOP for the paycheck - -#GOPDebate http://t.co/0hCFteSUiX",,2015-08-07 08:29:30 -0700,629675743811883008,Milton Keynes, -5853,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,katiemalz,,0,,,"Hey, Dick Cheney, maybe you and @realDonaldTrump can go on a quick hunting trip this weekend? #endthemadness #GOPDebate",,2015-08-07 08:29:30 -0700,629675741932834816,,Eastern Time (US & Canada) -5854,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,marc_medrano,,0,,,I only saw highlights from the #GOPDebate last night but from what I saw I have a new found respect for reality TV.,,2015-08-07 08:29:30 -0700,629675740871593984,"Austin, TX",Central Time (US & Canada) -5855,No candidate mentioned,0.413,yes,0.6426,Negative,0.3485,None of the above,0.413,,CatoCEF,,15,,,"RT @NealMcCluskey: It is easy to say ""we need high standards."" But evidence shows they r not the solution http://t.co/xBridsyHeP #Cato2016 …",,2015-08-07 08:29:29 -0700,629675739546296320,"Washington, DC", -5856,Rand Paul,1.0,yes,1.0,Positive,0.6936,None of the above,1.0,,RalphHornsby,,30,,,RT @CalebBonham: @RandPaul's shut down of @ChrisChristie will go down as one of the best lines in debate history #GOPDebate,,2015-08-07 08:29:28 -0700,629675735297433600,"Austin, Texas",Central Time (US & Canada) -5857,No candidate mentioned,1.0,yes,1.0,Neutral,0.6928,None of the above,1.0,,joemacare,,1,,,RT @TiffLizB: NOPE! RT @thehill: Hillary spent the #GOPDebate with Kim and Kanye: http://t.co/zyBkQ6S9r4 http://t.co/hoWMsj2hmM,,2015-08-07 08:29:28 -0700,629675733665746944,Chicago,Central Time (US & Canada) -5858,Donald Trump,1.0,yes,1.0,Neutral,0.3493,None of the above,1.0,,SmirkingChimp,,1,,,"RT @jefftiedrich: If Donald Trump showed up at the next #GOPDebate in full Kiss makeup and costume, I might actually have to switch to the …",,2015-08-07 08:29:27 -0700,629675729421246464,"New York, NY",Eastern Time (US & Canada) -5859,No candidate mentioned,1.0,yes,1.0,Positive,0.6404,None of the above,1.0,,victoriousBEYEG,,1,,,RT @TimSullivanMA: Take a close look. This pic is amazing. Everything about it #GOPDebate http://t.co/LaonlLAlWo,,2015-08-07 08:29:25 -0700,629675723620491264,,Central Time (US & Canada) -5860,No candidate mentioned,1.0,yes,1.0,Neutral,0.6531,None of the above,1.0,,NstntVntage,,0,,,Your face the morning after the #GOPDebate. http://t.co/RkNDh7xBuO,,2015-08-07 08:29:24 -0700,629675716188045312,The edge of time,Eastern Time (US & Canada) -5861,Donald Trump,0.41600000000000004,yes,0.645,Negative,0.645,,0.22899999999999998,,KathiDwyer,,0,,,#GOPDebate they asked @realDonaldTrump about bankruptcies. Maybe he will file in court 4 U.S. & the country can walk away from debt,,2015-08-07 08:29:24 -0700,629675715684904960,new jersey, -5862,Jeb Bush,1.0,yes,1.0,Neutral,0.6765,None of the above,1.0,,ykbluedevil,,1,,,"RT @nazrag: ""Im my own man"" Jeb Bush says as he walks out of the shadows of his father and brother #GOPDebate",,2015-08-07 08:29:23 -0700,629675715240132608,"Kigali, Rwanda",Eastern Time (US & Canada) -5863,Donald Trump,0.4247,yes,0.6517,Neutral,0.3371,None of the above,0.4247,,Linder_22,,242,,,RT @OldRowOfficial: Who do you really want leading the country? #GOPDebate http://t.co/fA9w5lHars,,2015-08-07 08:29:22 -0700,629675709401665536,"Gilbert, Louisiana", -5864,Rand Paul,1.0,yes,1.0,Positive,0.3404,None of the above,1.0,,LadyGloriousjax,,16,,,RT @TheBaxterBean: Rand Paul On Video Admitting He Opposed 1964 Civil Rights Act https://t.co/qzBAzMV7Iz #GOPDebate http://t.co/rPjMIe8buv,,2015-08-07 08:29:21 -0700,629675705316560896,"Jacksonville, Florida",Eastern Time (US & Canada) -5865,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,catlover1943,,2,,,RT @Bonnieinchgo: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/V43yNzTRr7,,2015-08-07 08:29:21 -0700,629675704158932992,,Eastern Time (US & Canada) -5866,No candidate mentioned,0.4932,yes,0.7023,Neutral,0.7023,None of the above,0.4932,,TheActorJEC,,0,,,After watching the #GOPDebate I'm wondering what Americans think is the biggest issue of this #election?,,2015-08-07 08:29:19 -0700,629675697733287936,,Central Time (US & Canada) -5867,No candidate mentioned,1.0,yes,1.0,Negative,0.7147,Gun Control,1.0,,PaulADennett,,9,,,"RT @JohnJohnsonson: ""I defend your right to do this"" - every candidate while a gunman storms the #GOPDebate auditorium and opens fire",,2015-08-07 08:29:17 -0700,629675688413364224,Sydney,Sydney -5868,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6559,,rachelleyrbelle,,1,,,"RT @ELVIRAWORSHIP: LOL “I don't see color"" #GOPDebate",,2015-08-07 08:29:17 -0700,629675687415156736,"Delete, Delete",Eastern Time (US & Canada) -5869,Rand Paul,0.4123,yes,0.6421,Negative,0.6421,None of the above,0.4123,,mckaylaanne41,,14,,,"RT @senatorshoshana: That moment after @RandPaul spoke is key - Christie couldn't disagree, just add and tweak a bit. And that's on Rand's …",,2015-08-07 08:29:16 -0700,629675683556511744,the u s of a,Eastern Time (US & Canada) -5870,Marco Rubio,0.4123,yes,0.6421,Negative,0.6421,Jobs and Economy,0.4123,,writingMaine,,0,,,"To get any job, you need a great resume ... except if the job is #POTUS, according to @marcorubio. #GOPDebate #mepolitics",,2015-08-07 08:29:16 -0700,629675682688143360,"Unity, Maine",Eastern Time (US & Canada) -5871,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,whitlynnstudio,,5,,,RT @hragv: This is not a debate. #GOPDebate,,2015-08-07 08:29:15 -0700,629675680372908032,,Eastern Time (US & Canada) -5872,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Lyssa_doll85,,0,,,What I learned from last nights #GOPDebate is if @realDonaldTrump becomes president I will be the first one to move out of the country!,,2015-08-07 08:29:15 -0700,629675679919964160,"Washington, USA", -5873,No candidate mentioned,0.3333,yes,1.0,Positive,0.6667,FOX News or Moderators,0.6667,,7thenumber7,,0,,,@_Edman_ @tweetydimes this is how the #GOPdebate shook out http://t.co/sgNkJMetQR,,2015-08-07 08:29:14 -0700,629675676363321344,,Central Time (US & Canada) -5874,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,None of the above,0.6591,,LipsonKira,,2,,,RT @KirkaDurk: fun idea: take a shot every time a candidate refers to themselves as old fashioned #GOPDebate,,2015-08-07 08:29:14 -0700,629675673456672768,, -5875,Donald Trump,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,DonnaKassin,,0,,,The Donald J. Trump side show at the #GOPDebate represents accurately the circus the #GOP has become. If they're... http://t.co/FpFtx3nFCU,,2015-08-07 08:29:13 -0700,629675671376273408,,Eastern Time (US & Canada) -5876,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,lexingtonnet,,94,,,RT @Popehat: #GOPDebate Trump: the system is so fucked that I can say literally anything and people will cheer me if I'm combative.,,2015-08-07 08:29:12 -0700,629675668998090752,"Minneapolis, MN",Quito -5877,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6854,,xianb8,,32,,,"RT @HelenGym2015: Though Twitter was fun, #GOPdebate was still party exercise in bashing poor, women, teachers, immigrants, Latinos, trans,…",,2015-08-07 08:29:12 -0700,629675667303612416,"Chicago, IL", -5878,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FroniterLyn,,9,,,"RT @JMontanaPOTL: Well stated, Alec. @SenTedCruz owned the #GOPDebate tonight. He always speaks the truth! Always has; always will. https:…",,2015-08-07 08:29:12 -0700,629675666338766848,, -5879,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AshleyESweeney,,16,,,RT @VacantLuxuries: Mike Huckabee looks like Mr. Tweedy from Chicken Run #GOPDebate # chickenpies http://t.co/PLVdWlmarS,,2015-08-07 08:29:11 -0700,629675664153649152,"Chicago, IL", -5880,Rand Paul,1.0,yes,1.0,Positive,0.6932,Foreign Policy,1.0,,mckaylaanne41,,7,,,"RT @senatorshoshana: This is where @RandPaul's logical consistency rocks it - he's right. Stop funding out enemies, allow @israel to be ind…",,2015-08-07 08:29:10 -0700,629675658994708480,the u s of a,Eastern Time (US & Canada) -5881,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,0.68,,ECHOPDA,,2,,,"RT @davidbadash: Huckabee, wrong again... - -http://t.co/nsd4a6AYzg #GOPDebate #trans #LGBT #gay #noh8 http://t.co/Wt7XKhvoAA",,2015-08-07 08:29:10 -0700,629675658969530368,, -5882,Donald Trump,1.0,yes,1.0,Positive,0.6961,None of the above,1.0,,mamieree,,1,,,"RT @GaltsGirl: Trump's entire #GOPDebate performance: Don't hate the player. The rules are made for me, and I love it.",,2015-08-07 08:29:10 -0700,629675658298327040,, -5883,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rapturebus,,0,,,"lol of all the people huckabee could've mentioned, he went with pimps and prostitutes. frustrated much? he's probably a perv #GOPDebate",,2015-08-07 08:29:10 -0700,629675657639919616,,Zagreb -5884,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JenDornanFish,,20,,,"RT @DianaUrban: Wait wait wait you guys, I just wrote a horror story: ""People out there are actually going to vote for these men. The end.""…",,2015-08-07 08:29:09 -0700,629675655970426880,San Francisco, -5885,Rand Paul,0.6936,yes,1.0,Positive,1.0,None of the above,1.0,,fardinajir,,3,,,RT @Kagatron: Less than half the speaking time of Trump but our boy @RandPaul carried the night spectacularly! #GOPDebate http://t.co/wnBKt…,,2015-08-07 08:29:08 -0700,629675649096024064,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -5886,Rand Paul,1.0,yes,1.0,Positive,0.3412,None of the above,0.6706,,kimjgoodwin,,128,,,"RT @megynkelly: .@RandPaul I want to collect more records from terrorists, but less records from innocent Americans #GOPDebate",,2015-08-07 08:29:07 -0700,629675646126530560,NH,Eastern Time (US & Canada) -5887,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,None of the above,1.0,,_salutenichol,,0,,,Half way through the #GOPDebate 😬😯,,2015-08-07 08:29:06 -0700,629675643706302464,"East, TX", -5888,No candidate mentioned,0.6736,yes,1.0,Neutral,1.0,None of the above,1.0,,findingcam,,0,,,"See who scored points in the GOP debate, according to Google #GOPdebate http://t.co/4sXlE8YSks",,2015-08-07 08:29:06 -0700,629675643358162944,"San Francisco, CA",Alaska -5889,Donald Trump,0.4025,yes,0.6344,Positive,0.3333,,0.2319,,thehill,,14,,,Trump got double the speaking time of Paul: http://t.co/2wndAiiiKc #GOPDebate http://t.co/1nAioxCLn9,,2015-08-07 08:29:06 -0700,629675641378635776,"Washington, DC",Eastern Time (US & Canada) -5890,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,peaceleader,,0,,,"I just remembered this is not actually election year. We've got FOURTEEN more months of this, folks. #GOPDebate #GOPClownCar",,2015-08-07 08:29:05 -0700,629675638559879168,"Salt Lake City, Utah",Central Time (US & Canada) -5891,Donald Trump,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,LouisOrtiz92,,1,,,.@realDonaldTrump Makes His Mark During 1st #GOPDebate. His moments right here: http://t.co/gcXaL2E3iq via @NBCNews,,2015-08-07 08:29:04 -0700,629675633715642368,"New York, NY",Central Time (US & Canada) -5892,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TomVerni,,0,,,Watching #GOPDebate its clear that the #GOP has 2 many clowns in the #GOPClownCar that they need to eject. @FoxNews http://t.co/pW8M0Fhlv4,,2015-08-07 08:29:04 -0700,629675633094852608,"New York City, NY ",Pacific Time (US & Canada) -5893,Mike Huckabee,1.0,yes,1.0,Positive,1.0,LGBT issues,1.0,,poppyslove,,24,,,RT @AlyssaLafage: Anddd Huckabee was correct on transgender military service. Our armed forces should not be a social experiment. #GOPDebate,,2015-08-07 08:29:03 -0700,629675627721785344,USA,Pacific Time (US & Canada) -5894,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,Religion,1.0,,Neli_Nel,,0,,,"The republican debates certainly proved one thing, there will never be a true separation of church & state in the U.S. #GOPDebate",,2015-08-07 08:29:02 -0700,629675624320376832,USA • MIREILLY_MIREILLY / IG,Hawaii -5895,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,rocksandbears,,0,,,I... Did last night happen? #GOPDebate,,2015-08-07 08:29:00 -0700,629675618540519424,"Portland, OR",Eastern Time (US & Canada) -5896,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6596,,tynanarama,,0,,,I wish I could have been in on the #GOPDebate but reading the recap was fun. @ItsRadishTime had the best coverage by far.,,2015-08-07 08:29:00 -0700,629675615436718080,"Madison, WI",Arizona -5897,No candidate mentioned,1.0,yes,1.0,Neutral,0.653,None of the above,1.0,,Baldeavle,,0,,,"Thought I was watching Last Comic Standing, turns out to be #GOPDebate",,2015-08-07 08:28:58 -0700,629675607190716416,, -5898,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,0.6629999999999999,,jess_theway_u_r,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/rvikJdF10v via @theSkimm,,2015-08-07 08:28:56 -0700,629675599007719424,Pitt '17 ,Central Time (US & Canada) -5899,No candidate mentioned,0.3978,yes,0.6307,Neutral,0.3326,Religion,0.3978,,OkieRepublican,,1,,,"After reading many articles, the general consensus is that the best performance came from Rubio, Kasich, and Cruz, in that order. #GOPDebate",,2015-08-07 08:28:55 -0700,629675597606711296,Smalltown U.S.A. (Oklahoma),Central Time (US & Canada) -5900,No candidate mentioned,0.4759,yes,0.6898,Negative,0.3529,FOX News or Moderators,0.2435,,VeldkampBonnie,,0,,,@CarlyFiorina GO CARLY! Matthews is an asshat!! Nice job! #GOPDebate https://t.co/1VmNccleMD,,2015-08-07 08:28:54 -0700,629675590535135232,, -5901,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,whaletwo,,0,,,Dr. @BenCarson2016 is a great presidential candidate and he proved it at the #GOPDebate last night. https://t.co/iZAsJZ9yeX,,2015-08-07 08:28:52 -0700,629675585225277440,,Eastern Time (US & Canada) -5902,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,coptoit,,0,,,“@RollingStone: The 6 most surprising moments from last night's wacky #GOPDebate http://t.co/R01n1DY7fT http://t.co/9Uy3Tq5Otn” sums it up👍🏻,,2015-08-07 08:28:51 -0700,629675578396782592,On the Hunt for Era 3, -5903,Marco Rubio,0.6588,yes,1.0,Negative,0.6941,Abortion,1.0,,ColoredSpaces,,0,,,@davidaxelrod @marcorubio Its outrageous to not support abortion in rape and incest cases #GOPDebate #NotMyPresident,,2015-08-07 08:28:50 -0700,629675576551276544,San Francisco,Pacific Time (US & Canada) -5904,Donald Trump,1.0,yes,1.0,Neutral,0.6478,None of the above,1.0,,Lulu326,,164,,,"RT @paulapoundstone: #GOPDebate Trump just said he gave money to Hilary Clinton, and then he demanded she come to his wedding. I couldn't w…",,2015-08-07 08:28:50 -0700,629675576379461632,"Orlando, Fl",Quito -5905,No candidate mentioned,0.4548,yes,0.6744,Negative,0.6744,None of the above,0.4548,,afaduln2,,19,,,"RT @TheBaxterBean: Funny how while Americans worried about Iraq, Iran & Russia, a Canadian spent $24B shutting down US gov't #GOPDebate htt…",,2015-08-07 08:28:48 -0700,629675564501213184,The world,Eastern Time (US & Canada) -5906,No candidate mentioned,0.4349,yes,0.6595,Neutral,0.6595,None of the above,0.4349,,JakeM_1998,,0,,,What were the hardest-hitting questions in the #GOPDebate? JasonBellini takes look: http://t.co/L0IBlGEZyC,,2015-08-07 08:28:44 -0700,629675550056034304,"United Kingdom, London",London -5907,Donald Trump,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,JaclynHStrauss,,0,,,"Loved it in the #GOPdebate when @realDonaldTrump pointed out that Ronald Reagan evolved, and so has he--I don't think they like me",,2015-08-07 08:28:43 -0700,629675547522637824,"Halifax, Nova Scotia, Canada",Mid-Atlantic -5908,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,deegys32,,0,,,Last nights debate was super disappointing. #GOPDebate,,2015-08-07 08:28:40 -0700,629675532498640896,New York,Central Time (US & Canada) -5909,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,JcFranzer,,0,,,"When it comes down to it, there were just way too many turds in the punch bowl last night. #GOPDebate",,2015-08-07 08:28:40 -0700,629675531722747904,"Gem City, OH", -5910,No candidate mentioned,1.0,yes,1.0,Negative,0.6154,None of the above,1.0,,sincerely_jr,,0,,,"Wait, did I watch a presidential debate last night or a roast on #ComedyCentral ? #GOPDebate",,2015-08-07 08:28:40 -0700,629675531475267584,"Florida, USA", -5911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6697,,ruiner41,,0,,,The real #WarOnWomen is Dems making women feel they must vote for that worthless turd Hillary simply because she has a vagina. #GOPDebate,,2015-08-07 08:28:38 -0700,629675523862458368,, -5912,Donald Trump,0.6813,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RioSmythe,,0,,,"@MattMackowiak @stephenfhayes Megyn is definitely not a bimbo, but she was not up to @FoxNews standards last night #GOPDebate",,2015-08-07 08:28:37 -0700,629675521132118016,, -5913,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7011,,RealAfricanChic,,0,,,"It was a horrible #GOPDebate ,the first question to @realDonaldTrump was unprofessional and designed to put him in bad mood and destroy him",,2015-08-07 08:28:36 -0700,629675516904271872,USA,Eastern Time (US & Canada) -5914,No candidate mentioned,0.405,yes,0.6364,Neutral,0.3295,Abortion,0.405,,ClaireJL1998,,231,,,RT @barbhaynes: Stop saying pro-life. You're pro-fetus. You don't care about the mom. You don't care about the child after it's born. #GOPD…,,2015-08-07 08:28:36 -0700,629675516472201216,,Atlantic Time (Canada) -5915,No candidate mentioned,1.0,yes,1.0,Neutral,0.6499,None of the above,1.0,,gayatrisuren,,0,,,= parts insightful & necessary RT @kath_krueger Must-read analysis from @caitlinrcruz on last night’s #GOPDebate: http://t.co/cigdFFu8sZ,,2015-08-07 08:28:35 -0700,629675512697364480,New York,Atlantic Time (Canada) -5916,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jgthe1,,35,,,"RT @Jami_USA: You can't shape the ""debates"" and then decide the winners too.. Sorry, freedom says we the people, pick the winners. #GOPDeba…",,2015-08-07 08:28:35 -0700,629675510830862336,, -5917,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,severtone,,0,,,"What are your takes from the #GOP debates? ( yes that is debates with an ""s"") #GOPDebate",,2015-08-07 08:28:33 -0700,629675505210552320,Africa. Boston. Columbus,Eastern Time (US & Canada) -5918,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jcdwms,,0,,,"Liberals, CNN agree: Fox did a great job! Then we know it was a #bust! http://t.co/1Dnkp6ghkB via @Shareaholic #GOPDebate",,2015-08-07 08:28:33 -0700,629675502530199552,God bless America!,Central Time (US & Canada) -5919,No candidate mentioned,1.0,yes,1.0,Neutral,0.7128,None of the above,1.0,,jayoung1892,,0,,,Their they all are! #gopdebate @ Connecticut Democratic Party https://t.co/VPnjDRo82P,"[41.7599487, -72.7024307]",2015-08-07 08:28:32 -0700,629675499636293632,"The Omni Hotel in New Haven, C", -5920,John Kasich,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,Naomi_kibey,,0,,,#GOPDebate @JohnKasich didn't really stand out in the debate he left more of a clueless veiw on America.,,2015-08-07 08:28:32 -0700,629675498369630208,philadelphia ,Pacific Time (US & Canada) -5921,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JakeTheGr8Scott,,0,,,If you don't already think @realDonaldTrump is a narcissist look at his twitter feed - Apparently he thinks the #GOPDebate went well for him,,2015-08-07 08:28:31 -0700,629675493122400256,"Dallas, TX",Central Time (US & Canada) -5922,No candidate mentioned,0.6739,yes,1.0,Positive,1.0,None of the above,0.6848,,Kazport,,7,,,RT @buickregal: Carly is fierce & prepared. #GOPDebate,,2015-08-07 08:28:30 -0700,629675492854091776, New York,Eastern Time (US & Canada) -5923,No candidate mentioned,0.4259,yes,0.6526,Negative,0.3368,None of the above,0.4259,,tangomega,,2,,,"RT @slackmistress: There's visual evidence of @DaisyJDog's thoughts on last night's debate, but I'm not posting a pic of dog crap at 8:16am…",,2015-08-07 08:28:30 -0700,629675491276910592,"Jacksonville, FL",Eastern Time (US & Canada) -5924,No candidate mentioned,0.4393,yes,0.6628,Neutral,0.3488,None of the above,0.4393,,Yolibeans,,0,,,"Yay! We made it -Happy Friday Folks! -Enjoy your weekend! -#POTUS #GOPDebate #GOP -#HillaryClinton ROCKS! http://t.co/mzc49JrkQ8",,2015-08-07 08:28:30 -0700,629675490035367936,"Mill Valley, CA",Pacific Time (US & Canada) -5925,No candidate mentioned,0.4348,yes,0.6594,Negative,0.6594,None of the above,0.4348,,HokieHoos,,0,,,This whole debacle is an insult to every American with any common sense or who has any idea of our history......#GOPDebate,,2015-08-07 08:28:29 -0700,629675485354676224,"Forest, VA",Atlantic Time (Canada) -5926,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3299,None of the above,0.4218,,Brendanjboylan,,0,,,Repeal Dodd-Frank? Let me refer you to 1929. #GOPDebate,,2015-08-07 08:28:28 -0700,629675482829729792,"Virginia Beach, Virginia", -5927,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,luckytamm,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/nYliLkeCkr via @theSkimm,,2015-08-07 08:28:27 -0700,629675479688048640,"Albuquerque, New Mexico",Mountain Time (US & Canada) -5928,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6859999999999999,,nebulargirl,,1,,,How can you claim to be a conservative and support Trump? There's nothing conservative about him. #hello #GOPDebate,,2015-08-07 08:28:25 -0700,629675470074699776,United States,Pacific Time (US & Canada) -5929,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,anickcoffman,,0,,,"About the #GOPDebate, Never Forget. http://t.co/3ERPpYLhIB",,2015-08-07 08:28:24 -0700,629675467029749760,Philadelphia via Midwest,Eastern Time (US & Canada) -5930,Chris Christie,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,mcarrington,,55,,,"RT @FrankLuntz: Yes, Republican voters are still mad at Chris Christie for hugging Barack Obama in 2012. #GOPDebate - -http://t.co/ajU3eEIHYF",,2015-08-07 08:28:23 -0700,629675463472885760,"Offices:Houston, DC, Nashville",Eastern Time (US & Canada) -5931,Rand Paul,1.0,yes,1.0,Negative,0.677,None of the above,1.0,,Ravennso,,0,,,"I won't comment much on the GOP, but you know it's a bonafide shitshow when the reasonable options are Rand Paul and Jeb Bush. #GOPDebate",,2015-08-07 08:28:21 -0700,629675451909341184,between yesterday and tomorrow,Pacific Time (US & Canada) -5932,No candidate mentioned,0.4028,yes,0.6347,Neutral,0.321,None of the above,0.4028,,ZanP,,0,,,"""THE ARTICLE"" on #GOPDebate must read! Nails It!💥 https://t.co/xMDbTj39kC",,2015-08-07 08:28:19 -0700,629675445458329600, Constitutional Republic ,Central Time (US & Canada) -5933,Chris Christie,0.6274,yes,1.0,Positive,0.6274,None of the above,1.0,,jerrydoyle,,0,,,Dust up between @RandPaul and @ChrisChristie at the #GOPDebate over #NSA http://t.co/EZMufRVHhQ Christie won when Paul brought up Obama Hug,,2015-08-07 08:28:18 -0700,629675440500834304,Las Vegas,Pacific Time (US & Canada) -5934,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,lybr3,,1,,,"Stupid cons saying #Trump #GOPDebate comments fuel #WarOnWomen rhetoric. Yeah, b/c libs needed a reason 2 use that baseless accusation.",,2015-08-07 08:28:18 -0700,629675440332910592,Reality,Eastern Time (US & Canada) -5935,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LOVEugonma,,0,,,The #GOPDebate is a prime example why young people are turned off by politics and unmotivated to run for office.,,2015-08-07 08:28:18 -0700,629675438747488256,wandering ,Pacific Time (US & Canada) -5936,Marco Rubio,0.6739,yes,1.0,Positive,0.6739,None of the above,1.0,,LDBoydII,,0,,,@marcorubio was the clear winner last night. @JohnKasich was polished as well #GOPDebate https://t.co/d1Amg1fwiW,,2015-08-07 08:28:18 -0700,629675438533558272,"Clarksdale, MS", -5937,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mohiclaire,,0,,,"Am I the only one that feels like I have a hangover but wasn't drunk last night? 😲 -#GOPDebate",,2015-08-07 08:28:17 -0700,629675435492651008,almost at the beach...,Pacific Time (US & Canada) -5938,Mike Huckabee,1.0,yes,1.0,Positive,0.6824,None of the above,1.0,,bethhunttaylor,,4,,,RT @Steve_Girschle: Impressive performance by Governor Huckabee! #gopdebate #imwithhuck #th16 https://t.co/YkoEr9Zg45,,2015-08-07 08:28:16 -0700,629675432619679744,Lexington SC,Eastern Time (US & Canada) -5939,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bfwebster,,139,,,"RT @exjon: ""If Hillary's the candidate, which I doubt..."" Well played, Dr. Carson #GOPDebate",,2015-08-07 08:28:16 -0700,629675432007221248,"Provo, Utah",Mountain Time (US & Canada) -5940,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,parkerc2112,,0,,,"#GOPDebate I'm sorry I have insult some people, if you as a R, were not completely embarrassed by your party.. You don't live in reality.",,2015-08-07 08:28:16 -0700,629675431583571968,The Dude Abides, -5941,Donald Trump,1.0,yes,1.0,Negative,0.6558,None of the above,1.0,,TruthTroll223,,0,,,The real Donald Trump: Skin too thin and too spineless to say what he thinks to someone's face. #GOPDebate https://t.co/zRwmTmIokM,,2015-08-07 08:28:14 -0700,629675424486813696,"Lubbock, Tx / Garland, Tx", -5942,Donald Trump,1.0,yes,1.0,Negative,0.6553,None of the above,1.0,,johnmcquill,,0,,,"Trump to America: ""you suck"" #GOPDebate",,2015-08-07 08:28:13 -0700,629675420045180928,, -5943,Scott Walker,1.0,yes,1.0,Neutral,0.3511,FOX News or Moderators,0.3511,,ThePearlvert,,0,,,"When Scott Walker said ""penetrating our southern base borders."" ... And you're running for president... #GOPDebate",,2015-08-07 08:28:09 -0700,629675403846795264,From a Town,Mountain Time (US & Canada) -5944,John Kasich,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6842,,Mark13Eaton,,0,,,Gov. Kasich repeatedly noted that his father was a male man. Is that kind of swipe at Kaitlyn Jenner? #GOPDebate,,2015-08-07 08:28:08 -0700,629675398742310912,"Virginia, USA",Quito -5945,No candidate mentioned,1.0,yes,1.0,Negative,0.6577,None of the above,0.6847,,sacrebleualexis,,2,,,"RT @JButeyn: So candidates, what do you think about the ""Bad Blood"" music video, Lena Dunham kinda ruined it huh? *all nod vigorously* #GOP…",,2015-08-07 08:28:06 -0700,629675390605369344,"Grand Rapids, MI",Eastern Time (US & Canada) -5946,John Kasich,0.462,yes,0.6797,Positive,0.6797,None of the above,0.462,,enriqueschoch,,0,,,he wont get the nomination but John Kasich spoke a whole lot of sense #GOPDebate,,2015-08-07 08:28:04 -0700,629675381155569664,global,Pretoria -5947,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AspirareASogno,,0,,,Donald trump needs shot. What a despicable human being #GOPDebate,,2015-08-07 08:28:02 -0700,629675371634499584,"Leuven, België",Dublin -5948,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,MartinezDavd,,0,,,Pretty sure @mtaibbi is directly responsible for a massive drop in workplace productivity today #GOPDebate,,2015-08-07 08:28:01 -0700,629675369382047744,, -5949,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,mutantNH,,0,,,"@GrnEyedMandy Walkers comments about letting mother die instead of allowing abortion's scary #gopdebate -These people are nuts #StandwithPP",,2015-08-07 08:28:01 -0700,629675368660795392,New Hampshire, -5950,No candidate mentioned,0.3943,yes,0.6279,Neutral,0.6279,None of the above,0.3943,,thebrinos,,0,,,This may be the only worthwhile thing that came out of last night's #GOPDebate https://t.co/RCHxAxikpm,,2015-08-07 08:28:01 -0700,629675368446840832,"Chicago, IL",Quito -5951,No candidate mentioned,1.0,yes,1.0,Negative,0.6421,None of the above,1.0,,LibrallyGillian,,0,,,Am I crazy or did the #GOPDebate turn into an tent revival at the end?,,2015-08-07 08:28:01 -0700,629675367536701440,Central Pennsylvania,Eastern Time (US & Canada) -5952,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Melindacricket,,0,,,#GOPDebate all those men are insane- climate change!!!!!!!!! https://t.co/6xqHWqf2NU,,2015-08-07 08:27:59 -0700,629675362650226688,"California, USA", -5953,No candidate mentioned,1.0,yes,1.0,Positive,0.3438,None of the above,0.6563,,_thegoodonesgo,,198,,,"RT @tjholmes: Right after a question about #BlackLivesMatter, a commercial for the ""Straight Outta Compton"" movie airs. I can't help but sm…",,2015-08-07 08:27:59 -0700,629675358963392512,,Eastern Time (US & Canada) -5954,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LatinoJournal96,,1,,,RT @RickSanchezTV: Who won the #GOPDebate last night?,,2015-08-07 08:27:58 -0700,629675357503946752,, -5955,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,None of the above,1.0,,Rojowo,,0,,,"With so many candidates, you don't get a #GOPDebate you get the political version of #ChorusLine auditions. #INeedThisJob",,2015-08-07 08:27:56 -0700,629675349463465984,Yonkers, -5956,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LynaHadALilLam,,0,,,All the tweets about the #GOPDebate are hilarious 👌🏻 (aka Trump is the biggest joke of 2015; thanks for all the laughs 😂),,2015-08-07 08:27:56 -0700,629675346778918912,, -5957,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,mlwooten17,,0,,,"So who are all these Republican men sleeping with if women don't qualify as people, too? #GOPDebate",,2015-08-07 08:27:52 -0700,629675331994152960,"Griswold, CT",Atlantic Time (Canada) -5958,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,0.6889,,JamesSandiford2,,3,,,"RT @wayinhere: Why do these arrogant Press-aholes thinks it's THEIR right 2pick the next President? It's NOT! It's OURS! -#GOPDebate https:/…",,2015-08-07 08:27:52 -0700,629675329959780352,Florida, -5959,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6706,,miatheexplorer,,8,,,"RT @boomx6harold: Wait did they just invoke 14th amendment on fetuses, but refuse to for gay, fully developed humans? #okgop #GOPDebate",,2015-08-07 08:27:51 -0700,629675325786558464,, -5960,Donald Trump,0.4806,yes,0.6932,Neutral,0.2403,None of the above,0.2403,,dennisdesmond19,,1,,,"RT @IDG375: 17 candidates, 2 debates, 1 Donald Trump and plenty to fact-check http://t.co/QFedZq4q5z via @PolitiFact #GOPFAIL #GOPDEBATE",,2015-08-07 08:27:50 -0700,629675324737875968,North of Boston Ma.,Eastern Time (US & Canada) -5961,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,Djay_Chester,,65,,,RT @Trap_Jesus: Oooohhhhhh Hillary. RT @HillaryClinton: Watch the #GOPdebate? Bet you feel like donating to a Democrat right now. http://t.…,,2015-08-07 08:27:50 -0700,629675322577977344, ATL,Eastern Time (US & Canada) -5962,Donald Trump,1.0,yes,1.0,Negative,0.6462,Immigration,1.0,,takesome_e,,1,,,"RT @FatCatColleen: ""Maybe if I just keep bringing up immigration they won't notice my hairs not real"" - Donald Trumphs inner monologue #GOP…",,2015-08-07 08:27:50 -0700,629675321848016896,,Atlantic Time (Canada) -5963,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pastwarranty,,0,,,Serious question about the #GOPDebate. Did any candidate...ANY of them... put forth a vision that will resonate with a VOTING MAJORITY? No.,,2015-08-07 08:27:49 -0700,629675319763431424,"New York, NY",Eastern Time (US & Canada) -5964,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,LibertyRingCo,,3,,,"RT @JulietteIsabell: @JohnGGalt That was no debate. That was shot job on Trump, manufactured by the GOP Cartel via FOX news. #GOPDebate",,2015-08-07 08:27:48 -0700,629675316114386944,The Republic of TEXAS!!,Central Time (US & Canada) -5965,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,TheBaxterBean,,9,,,Scott Walker Forces Women To Carry Rapists’ Pregnancies & Let Men Sue Over Abortion #GOPDebate http://t.co/yziVIpQAnx @Badgersbane @amyjofox,,2015-08-07 08:27:48 -0700,629675313270771712,lux et veritas,Eastern Time (US & Canada) -5966,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,andreasson71,,0,,,"The #GOPDebate Well, I'm lost for words...",,2015-08-07 08:27:47 -0700,629675311484039168,North Down,Dublin -5967,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,JeffGohogs,,59,,,RT @SeanMcElwee: it is finished. #GOPDebate http://t.co/alvESdMUBF,,2015-08-07 08:27:46 -0700,629675304680685568,"Rooster Poot,Arkansas", -5968,Scott Walker,0.3923,yes,0.6264,Positive,0.6264,None of the above,0.3923,,heather1rae,,0,,,I've picked my 3 favs @ScottWalker @marcorubio @CarlyFiorina #GOPDebate,,2015-08-07 08:27:46 -0700,629675304596971520,, -5969,Donald Trump,0.6667,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,tmsimmons,,0,,,"#Rubio, #Kasich & #Fiorina Rise, While the #Trump Show Tanks. And Fox surprises everyone w/ substantial #GOPDebate. http://t.co/96WvHcT07E",,2015-08-07 08:27:45 -0700,629675303950925824,Honolulu,Pacific Time (US & Canada) -5970,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Stephen_Herring,,2,,,RT @AllieRenison: This is true. Fox News team hit it out of the park for last night's #GOPDebate - moderators did a first-rate job https://…,,2015-08-07 08:27:43 -0700,629675295776374784,"London, England",London -5971,Donald Trump,0.6813,yes,1.0,Positive,1.0,None of the above,0.6374,,dave_van_horn,,0,,,"Ben, I love ya man. I think it went more like @realDonaldTrump nailed them for thinking he isn't, wasn't. #GOPDebate https://t.co/nuCZHpHlvX",,2015-08-07 08:27:42 -0700,629675290189537280,"iPhone: 41.417072,-81.901932",Eastern Time (US & Canada) -5972,No candidate mentioned,0.4539,yes,0.6737,Neutral,0.6737,FOX News or Moderators,0.4539,,llr517,,9,,,RT @emilycrockett: Wow Megyn's voice seemed to catch when asking about rape/incest exceptions #GOPDebate,,2015-08-07 08:27:42 -0700,629675288322936832,,Arizona -5973,No candidate mentioned,0.4218,yes,0.6495,Negative,0.3505,None of the above,0.4218,,jlanz,,0,,,I've never seen a larger collection of nimrods on one stage. #GOPDebate,,2015-08-07 08:27:42 -0700,629675287895130112,"Nebraska, USA",Central Time (US & Canada) -5974,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Shanna_G,,0,,,@marcorubio came out of the gate like a true leader. I look forward to hearing more about his plans for a better America. #GOPDebate,,2015-08-07 08:27:41 -0700,629675286712446976,"Cullman, AL",Central Time (US & Canada) -5975,No candidate mentioned,0.4185,yes,0.6469,Neutral,0.6469,None of the above,0.4185,,da_kingsteven,,0,,,So how was the #GOPDebate? I completely missed it.,,2015-08-07 08:27:41 -0700,629675285252669440,TEXAS, -5976,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,Immigration,0.6628,,renee_schwartzz,,3,,,RT @eiggamking: I wish these men valued black/female/immigrant/impoverished lives as deeply as they value a clump of cells #GOPDebate,,2015-08-07 08:27:38 -0700,629675273554780160,"Chicago, IL",Eastern Time (US & Canada) -5977,Scott Walker,0.4588,yes,0.6774,Neutral,0.3436,Abortion,0.4588,,Patrice_ORourke,,4,,,RT @UniteBlueWI: #ScottWalker Says In #GOPDebate He Doesn’t Support Abortion If A Woman’s Life Is At Risk http://t.co/sMQ2sx8qLh http://t.c…,,2015-08-07 08:27:38 -0700,629675272489562112,,Eastern Time (US & Canada) -5978,No candidate mentioned,1.0,yes,1.0,Negative,0.7016,None of the above,1.0,,SEBeller,,4,,,RT @YesusWalks: I'm just gonna leave this here: http://t.co/46qIyxF6OY #GOPDebate http://t.co/XYy63q08XR,,2015-08-07 08:27:38 -0700,629675271122223104,"Arlington, VA",Eastern Time (US & Canada) -5979,Rand Paul,0.4853,yes,0.6966,Neutral,0.3596,None of the above,0.4853,,everyjoedotcom,,9,,,Rand Paul given the least airtime in last night’s #GOPDebate. Trump given the most. http://t.co/5ZSfIlaumb http://t.co/CQKKKsK0n8,,2015-08-07 08:27:37 -0700,629675267557097472,USA,Eastern Time (US & Canada) -5980,Donald Trump,0.4784,yes,0.6917,Positive,0.6917,Jobs and Economy,0.4784,,KochVsPope,,0,,,.@realDonaldTrump said it last night: It's time to #GetMoneyOut #GOPDebate #GOPTBT #KochVsPope http://t.co/xItysJFLrJ,,2015-08-07 08:27:37 -0700,629675267498377216,, -5981,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,_jsork,,0,,,"#GOPDebate field: eight Senators & Governors, a billionaire businessman who's been famous for 30 years, and then also some doctor.",,2015-08-07 08:27:36 -0700,629675264243560448,New York, -5982,Donald Trump,0.6628,yes,1.0,Negative,1.0,None of the above,1.0,,BubbleheadII,,1,,,"RT @DrMatthew: #DonaldTrump is a hybrid of Christie's assholery, Rubio's naivete, Cruz's lack of reality, and Scott Walker's derpness. #GO…",,2015-08-07 08:27:34 -0700,629675256106463232,"Twin Falls, Id.",Mountain Time (US & Canada) -5983,No candidate mentioned,1.0,yes,1.0,Negative,0.6501,None of the above,1.0,,garfield_paula,,24,,,"RT @bledwine: #BATsAsk Why R U pushing #Charter schools & Vouchers? -#GOPDebate -@BadassTeachersA http://t.co/L1B6NNg6Gc",,2015-08-07 08:27:32 -0700,629675249542504448,Columbus Ohio, -5984,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,StockLazar,,25,,,"RT @cjwerleman: A hollowed out middle class, stagnant wages, a broken political & justice system, and we're talking about unborn babies? #G…",,2015-08-07 08:27:31 -0700,629675243242659840,"Columbus, Ohio", -5985,Donald Trump,0.6854,yes,1.0,Neutral,0.6629,None of the above,1.0,,LeticiaEstrada,,0,,,Did anyone see this last night #gopdebate #trump https://t.co/aU20dYdoWh,,2015-08-07 08:27:31 -0700,629675242823286784,Los Angeles ,Pacific Time (US & Canada) -5986,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DragonForce_One,,63,,,RT @JohnGGalt: Fox News has no integrity showing their Frank Luntz crap I say we abandon their entire network. #MakeAmericaGreatAgain #GOPD…,,2015-08-07 08:27:30 -0700,629675241149587456,"Abbotsford, B.C.",Pacific Time (US & Canada) -5987,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FastThoughts,,0,,,"Was SO disappointed in the @FoxNews #GOPDebate moderators last night. Come to find out they talked 37% of the time. Some ""moderators"".",,2015-08-07 08:27:29 -0700,629675236867342336,"Nashville, TN",Central Time (US & Canada) -5988,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6628,,nicholaszetta,,0,,,Anybody watch the @realDonaldTrump roast last night? He handled it pretty well. #GOPDebate #VoteTrump,,2015-08-07 08:27:29 -0700,629675235550216192,Texas,Central Time (US & Canada) -5989,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,icebergslim1047,,1,,,"Well, #DonalTrump don't like the truth from the Fox Focus group conducted by #FrankLuntz http://t.co/Zk4ajHqvxC #GOPDebate",,2015-08-07 08:27:28 -0700,629675230642982912,"Chicago, IL",Central Time (US & Canada) -5990,Marco Rubio,0.6813,yes,1.0,Positive,0.6813,None of the above,1.0,,WatsBoggyMean,,0,,,@marcorubio won that debate last night and it's not even close. Well done. #GOPDebate,,2015-08-07 08:27:27 -0700,629675228302606336,, -5991,No candidate mentioned,1.0,yes,1.0,Neutral,0.6463,None of the above,1.0,,andrea_raffle,,192,,,RT @ShepNewsTeam: Fiorina the clear #GOPDebate winner in terms of Google searches so far: https://t.co/EV802sQThY http://t.co/SU6vl5v8rC,,2015-08-07 08:27:26 -0700,629675220542984192,,Eastern Time (US & Canada) -5992,No candidate mentioned,1.0,yes,1.0,Negative,0.6753,None of the above,1.0,,_SayCheesecake,,0,,,#GOPDebate Just a bunch of squabbling on how to force the American people to accept uber conservative values and keep the under dog...under,,2015-08-07 08:27:25 -0700,629675220010463232,Your mom's house,Atlantic Time (Canada) -5993,John Kasich,1.0,yes,1.0,Positive,0.7108,LGBT issues,0.7108,,CSingerling,,0,,,#GOPDebate's hometown candidate @JohnKasich gave a touching answer on gay marriage | http://t.co/QtN8echb29 #Kasich4Us #UniteNotDivide,,2015-08-07 08:27:24 -0700,629675213966413824,"Alexandria, VA",Eastern Time (US & Canada) -5994,No candidate mentioned,1.0,yes,1.0,Positive,0.3516,None of the above,1.0,,pauluser5555,,1,,,"RT @Torchie123: This guy got the real shaft in the #GopDebate tonight. -WHY IS THAT? -# http://t.co/zw8jUPqP11",,2015-08-07 08:27:23 -0700,629675210363400192,,Pacific Time (US & Canada) -5995,Donald Trump,0.3787,yes,0.6154,Neutral,0.3187,None of the above,0.3787,,Julia_Maexo,,4,,,"RT @oliviabcarter: there's one thing about it, Donald Trump is bringing attention to the Republican Party that is needed #GOPDebate",,2015-08-07 08:27:23 -0700,629675210170568704,pawnee,Eastern Time (US & Canada) -5996,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,1.0,,spongmg,,0,,,@Franchise2205 was eating popcorn during the #GOPDebate last night and my tooth broke off,,2015-08-07 08:27:23 -0700,629675209138794496,"Buffalo, NY",Eastern Time (US & Canada) -5997,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,L_IN_Z_M0,,0,,,STOP THE WAR ON WOMEN!!!! #GOPDebate https://t.co/xT57F0HM5y,,2015-08-07 08:27:23 -0700,629675208471879680,FLORIDA,Atlantic Time (Canada) -5998,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,rob_tico81,,1,,,RT @lions725: @marcorubio won the #GOPDebate last night!,,2015-08-07 08:27:22 -0700,629675207519637504,"Dallas, TX", -5999,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,FilipRisteski,,0,,,"Lmao, who did this. #GOPDebate @realDonaldTrump #presidentialdebate https://t.co/fmkGUBK2Bb",,2015-08-07 08:27:21 -0700,629675201781874688,"Columbia, SC",Quito -6000,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thedisavowed,,0,,,Ben Carson was obviously nervous. He should have had Cuba Gooding Jr play him during the #GOPDebate.,,2015-08-07 08:27:21 -0700,629675200859148288,"Houston, TX",Central Time (US & Canada) -6001,No candidate mentioned,0.4493,yes,0.6703,Negative,0.6703,Religion,0.4493,,noellatrix,,0,,,"I received a message from God saying ""don't play that #GOPDebate drinking game if you want to see tomorrow""",,2015-08-07 08:27:19 -0700,629675195175960576,"Washington, DC",Atlantic Time (Canada) -6002,John Kasich,0.6842,yes,1.0,Positive,0.6842,Healthcare (including Medicare),0.6842,,audreyhkim,,0,,,"""Eighty percent of the people in our prisons have addictions or problems."" One of the few #GOPDebate moments that made sense @JohnKasich",,2015-08-07 08:27:19 -0700,629675191749226496,DC,Atlantic Time (Canada) -6003,Donald Trump,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,LMM1952,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 08:27:15 -0700,629675175131398144,,Eastern Time (US & Canada) -6004,Marco Rubio,0.4196,yes,0.6477,Neutral,0.6477,None of the above,0.4196,,408Air,,23,,,RT @Edgar_Allan_Poe: Nothing in the known universe is larger than Marco Rubio's ears. #GOPDebate,,2015-08-07 08:27:13 -0700,629675168571478016,,Pacific Time (US & Canada) -6005,No candidate mentioned,1.0,yes,1.0,Negative,0.6451,None of the above,1.0,,MiladyMell,,1,,,RT @johnnyctweet: Choose your puppet carefully. #GOPDebate,,2015-08-07 08:27:12 -0700,629675164347699200,"The Duke City, New Mexico",Mountain Time (US & Canada) -6006,No candidate mentioned,1.0,yes,1.0,Neutral,0.7079,None of the above,1.0,,SaraASR,,0,,,@Chubbies can you please take a picture from last night's #GOPDebate and photoshop 'mericas all over the candidates?,,2015-08-07 08:27:10 -0700,629675155623649280,"Boston, MA",Quito -6007,No candidate mentioned,1.0,yes,1.0,Negative,0.7048,Racial issues,1.0,,adillard4,,0,,,"Unlike #GOPDebate we'll talk race, activism #BlackLivesMatter #fergusonsyllabus #takeitdown #BTWAM on #UmichChat @ 1 http://t.co/XSrG0cT63g",,2015-08-07 08:27:05 -0700,629675133217583104,"Ann Arbor, Michigan", -6008,Donald Trump,0.6705,yes,1.0,Negative,1.0,None of the above,1.0,,nicbean26,,0,,,Heaven help us if this is our new pres. #GOPDebate #Bernie2016 http://t.co/sV8cmCGaRz,,2015-08-07 08:27:04 -0700,629675130420076544,"Raleigh, NC", -6009,Ted Cruz,1.0,yes,1.0,Neutral,0.6489,Religion,1.0,,philm1994,,0,,,Ted Cruz said he intends to 'instruct the Department of Justice and the IRS to start persecuting religious liberty' at the #GOPDebate,,2015-08-07 08:27:03 -0700,629675125949005824,, -6010,No candidate mentioned,0.4207,yes,0.6486,Negative,0.3407,None of the above,0.4207,,Divashouse,,0,,,@juliaturner @Slate It's about time they admit to something. Truthfully if the didn't then we would call them out on it. #GOPDebate,,2015-08-07 08:27:03 -0700,629675124564828160,www.blogtalkradio.com/diva29,Eastern Time (US & Canada) -6011,Donald Trump,0.6591,yes,1.0,Negative,1.0,None of the above,1.0,,MiladyMell,,1,,,"RT @YorksKillerby: #GOPDebate Also notable how not 1 candidate, not really even Trump, went after Bush.",,2015-08-07 08:27:02 -0700,629675122610147328,"The Duke City, New Mexico",Mountain Time (US & Canada) -6012,Donald Trump,1.0,yes,1.0,Positive,0.3596,FOX News or Moderators,0.6404,,jellie_kensen,,183,,,RT @megynkelly: .@realDonaldTrump on giving to #Clinton: I didn’t know money would be used on private jets going all over the world. #GOPDe…,,2015-08-07 08:27:02 -0700,629675119930019840,UMD Track & Field | ΦΣΣ,Central Time (US & Canada) -6013,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6703,,Redgtosamurai,,1,,,RT @calfit32: And in spite of #FoxNewsTrumpHitJob #GOPDebate go #Trump2016 https://t.co/aJAeUCqlOZ,,2015-08-07 08:27:00 -0700,629675112812285952,"Los Angeles, California",Pacific Time (US & Canada) -6014,Donald Trump,1.0,yes,1.0,Negative,0.6729,None of the above,1.0,,MrPaulotics,,0,,,I think Donald is Hillary's biggest paid friend. #gopdebate @LessGovMoreFun,,2015-08-07 08:26:59 -0700,629675110333419520,"Big Lake, MN",America/Chicago -6015,Donald Trump,0.6917,yes,1.0,Neutral,1.0,None of the above,1.0,,Seanski50,,0,,,Huffington Post on Instagram: “Did anyone else notice this at the #GOPdebate last night? #Trump” http://t.co/S7uTOx2lvF,,2015-08-07 08:26:59 -0700,629675109620535296,"Bruxelles, Belgium.",Brussels -6016,No candidate mentioned,0.4133,yes,0.6429,Neutral,0.6429,None of the above,0.4133,,GordonPress,,0,,,@DWStweets @Kazport Good luck with that. You have 3 old white north easterners. #GOPDebate,,2015-08-07 08:26:58 -0700,629675105094893568,Tampa,Eastern Time (US & Canada) -6017,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LadyFyreAZ,,0,,,"Donald Trump On The Issues http://t.co/kZtZtudxPV -""Every Political Leader on Every Issue"" #GOPDebate #2016",,2015-08-07 08:26:58 -0700,629675104897646592,Arizona,Pacific Time (US & Canada) -6018,No candidate mentioned,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,ofadam,,1,,,These #GOPdebate graphics by @newsillustrator show why The Washington Post is great again: https://t.co/JiLE7vegzJ http://t.co/PtjWXu7ImU,,2015-08-07 08:26:56 -0700,629675096211218432,"Peoria, IL",Central Time (US & Canada) -6019,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,mammastory,,1,,,"RT @TzviaBR: Today is ""International Beer Day,"" conveniently scheduled after ""International Listen to Republicans Talk for Two Hours Day."" -…",,2015-08-07 08:26:52 -0700,629675081065754624,"Bluefield, WV",Eastern Time (US & Canada) -6020,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6482,,JanNShanna,,0,,,@realDonaldTrump cries after the #GOPDebate The preschooler cant stand that a WOMAN brought him down. Hes a disgusting pig. #DropOutAsshole,,2015-08-07 08:26:52 -0700,629675079782244352,Massachusetts,America/New_York -6021,No candidate mentioned,1.0,yes,1.0,Neutral,0.6576,Jobs and Economy,0.6593,,HokieHoos,,0,,,"Did I miss the questions and answers about our infrastructure? The gov't CAN create jobs, and help the economy but R's say no !! #GOPDebate",,2015-08-07 08:26:52 -0700,629675079123734528,"Forest, VA",Atlantic Time (Canada) -6022,Donald Trump,1.0,yes,1.0,Negative,0.6754,FOX News or Moderators,1.0,,johnmcquill,,0,,,How do Fox conservatives who complain about media bias reconcile what Fox did to Trump last night? #GOPDebate,,2015-08-07 08:26:50 -0700,629675070135386112,, -6023,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,Foreign Policy,1.0,,ColinPClarke,,6,,,Combating #ISIS big topic in #GOPDebate. Our analysis based on all insurgencies since WWII http://t.co/kpq07uPyrS http://t.co/KgKYIJRww9,,2015-08-07 08:26:48 -0700,629675063831363584,"Pittsburgh, PA", -6024,No candidate mentioned,1.0,yes,1.0,Positive,0.7124,FOX News or Moderators,0.6454,,IrishChrissyND,,1,,,"RT @ElizabethND04: They might be my favorite two, @KennedyNation ! #GOPDebate #FOXNEWSDEBATE #FoxDebate #FoxNews #FNC @FoxNews https://t.c…",,2015-08-07 08:26:48 -0700,629675062052794368,,Eastern Time (US & Canada) -6025,Ted Cruz,0.4113,yes,0.6413,Positive,0.6413,Foreign Policy,0.4113,,smithroyalties,,0,,,I think this was one of the best comments made during the debate. @foxnews #FoxNewsDebate #GOPDebate http://t.co/8xGtwK7ZUi,,2015-08-07 08:26:47 -0700,629675059653705728,, -6026,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OnBakerStreet,,0,,,"If Donald Trump can be elected, then so can the entire cast of Jersey Shore. #GOPDebate",,2015-08-07 08:26:47 -0700,629675059276152832,In a parallel universe,Arizona -6027,,0.2274,yes,0.3497,Negative,0.3497,,0.2274,,teaganav,,0,,,That about sums it up haha: 2016 bender starts now #SkimmLife #GOPDebate http://t.co/C4D62692Iq via @theSkimm,,2015-08-07 08:26:43 -0700,629675043144888320,"Colorado, USA",Mountain Time (US & Canada) -6028,John Kasich,0.6484,yes,1.0,Positive,0.3516,LGBT issues,1.0,,tiefenthaeler,,0,,,"@JohnKasich be like: ""If you turn out to be gay I'll still love you even if your daddy @tedcruz doesn't."" #GOPDebate https://t.co/tTBHqIKPM8",,2015-08-07 08:26:42 -0700,629675039261097984,New York - Madrid - Berlin,Eastern Time (US & Canada) -6029,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hoonurse,,2,,,"Hey America, after the #GOPDebate, this about sums it up... http://t.co/4M0MskR83h",,2015-08-07 08:26:42 -0700,629675038514348032,, -6030,No candidate mentioned,1.0,yes,1.0,Neutral,0.3517,Foreign Policy,0.6921,,MolonLabia67,,0,,,RT MolonLabia67: RT icareviews: No more wars for Israel. #JewsDid911 #GOPDebate #ZOG #cuckservative #Ziocuck,,2015-08-07 08:26:41 -0700,629675033963679744,AfMErica, -6031,No candidate mentioned,1.0,yes,1.0,Neutral,0.6526,None of the above,1.0,,IRGrubsy,,0,,,Funniest thing you'll read today. #GOPDebate https://t.co/oU6bza7or4,,2015-08-07 08:26:39 -0700,629675026292170752,"Washington, DC",Eastern Time (US & Canada) -6032,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,MoaninMary,,1,,,RT @kzshabazz: ...But I don't take either party seriously. GOP and Dems are on the same racist team #GOPDebate,,2015-08-07 08:26:39 -0700,629675025638014976, North Carolina,Atlantic Time (Canada) -6033,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,rkblogs,,0,,,"I wonder why ""the Facebook"" sponsored the debate when they couldn't even stream live video. So disappointing. #GOPDebate",,2015-08-07 08:26:39 -0700,629675024794939392,,Eastern Time (US & Canada) -6034,No candidate mentioned,0.4401,yes,0.6634,Negative,0.6634,FOX News or Moderators,0.2233,,SweetCarrs,,7,,,RT @testisfidelis: #POTUS creates Bureau of Vital Fetal Organs RT http://t.co/CHz5PJ6rr8 #FoxNewsDebate #GOPDebate #prolife #FoxNews http:…,,2015-08-07 08:26:37 -0700,629675016804769792,"Connecticut, USA",Eastern Time (US & Canada) -6035,Rand Paul,0.6453,yes,1.0,Positive,1.0,None of the above,1.0,,braedenmayer,,1,,,"As much as I love @RandPaul and will always #StandWithRand, Governor @JohnKasich did a bang up job in the #GOPDebate. That's my two cents.",,2015-08-07 08:26:37 -0700,629675016754458624,"Ciudad de David, Panamá",Central Time (US & Canada) -6036,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Julia_Maexo,,12,,,"RT @oliviabcarter: ""Destroying Isis in 90 Days"" sounds like a movie I'd pay to see #GOPDebate",,2015-08-07 08:26:35 -0700,629675009506680832,pawnee,Eastern Time (US & Canada) -6037,Donald Trump,1.0,yes,1.0,Negative,0.6596,FOX News or Moderators,1.0,,Lisa_Welch5,,1,,,RT @autie_liz21: Let Trump speak! You know @FoxNews is leaving him out for a reason. They don't want him to speak/afraid what he'll say. #…,,2015-08-07 08:26:35 -0700,629675007648624640,, -6038,No candidate mentioned,0.4561,yes,0.6754,Negative,0.3396,None of the above,0.4561,,CarolBernie,,3,,,RT @MonsterandBoy: I am in an uproar for not being invited to tonight's debate! I demand a reason! #GOPDebate @MightyPress @PCzajak,,2015-08-07 08:26:32 -0700,629674996130906112,,Mountain Time (US & Canada) -6039,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,the_geekwad,,547,,,"RT @pattonoswalt: ""I won a radio contest to be here!' -- John Kasich #GOPDebate",,2015-08-07 08:26:32 -0700,629674995069747200,Cult Survivor,Pacific Time (US & Canada) -6040,Ben Carson,1.0,yes,1.0,Negative,0.6882,Foreign Policy,0.6882,,ArtHealing44,,0,,,"That's great, Dr. Carson. Now how about separating Israel from the West Bank? washingtonpost #GOPDebate #Palestine http://t.co/jGEbIHaenN",,2015-08-07 08:26:31 -0700,629674993660624896,USA,London -6041,No candidate mentioned,0.4885,yes,0.6989,Neutral,0.3548,None of the above,0.4885,,ccamia,,0,,,Fact check on #GOPDebate from @ekiely and his team http://t.co/puI53epdsg via @usatoday,,2015-08-07 08:26:31 -0700,629674993538875392,"Washington, DC",Eastern Time (US & Canada) -6042,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SalTrifilio,,1,,,Can we get @BernieSanders on a debate floor soon?? Need something to wash the taste of #GOPDebate word vomit out of my mouth from last night,,2015-08-07 08:26:31 -0700,629674991269883904,"Bridgeport, CT",Eastern Time (US & Canada) -6043,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bethhunttaylor,,6,,,RT @Steve_Girschle: Wow Governor Huckabee was fantastic! #gopdebate #imwithhuck #th16 #fairtax,,2015-08-07 08:26:30 -0700,629674987306229760,Lexington SC,Eastern Time (US & Canada) -6044,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3516,FOX News or Moderators,0.4642,,z31r4m,,2,,,RT @NASCARNAC: Funny to see so many calling to avoid watching @FOXNews I've been saying this for a DECADE. #GOPDebate,,2015-08-07 08:26:29 -0700,629674985057988608,カリ州ド田舎の秘密基地,Arizona -6045,No candidate mentioned,0.4293,yes,0.6552,Negative,0.3448,None of the above,0.4293,,CarolBernie,,3,,,RT @MonsterandBoy: Just because I'm not 35 and this is past my bed time doesn't mean I shouldn't be allowed to debate! #GOPDebate http://t.…,,2015-08-07 08:26:27 -0700,629674974853214208,,Mountain Time (US & Canada) -6046,No candidate mentioned,1.0,yes,1.0,Negative,0.3407,FOX News or Moderators,1.0,,wbhickok,,31,,,"RT @gamma_ray239: Very disappointed in @FoxNews, They treated the #GOPDebate no different than @CNN would have; They were dictating vs repo…",,2015-08-07 08:26:27 -0700,629674973783789568,,Eastern Time (US & Canada) -6047,No candidate mentioned,1.0,yes,1.0,Negative,0.6578,None of the above,0.6598,,ReThinkDemocrcy,,5,,,"RT @Jeff_Raines: We need to #fightbigmoney to bring representation of everyday Americans, not billionaires, back to govt #GOPdebate http://…",,2015-08-07 08:26:26 -0700,629674972701683712,DC/CA,Arizona -6048,No candidate mentioned,0.4342,yes,0.6589,Negative,0.6589,None of the above,0.4342,,UnderdoneComics,,0,,,Here is a more meaningful (but not necessarily sillier) discussion than last night's #GOPDebate... http://t.co/dqbkVEYzCo,,2015-08-07 08:26:24 -0700,629674962987667456,Seattle, -6049,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RickSanchezTV,,1,,,Who won the #GOPDebate last night?,,2015-08-07 08:26:24 -0700,629674962908004352,RickSanchezTV.com,Eastern Time (US & Canada) -6050,No candidate mentioned,0.4594,yes,0.6778,Negative,0.3444,FOX News or Moderators,0.2335,,TheOracle13,,0,,,"#GOPDebate asks candidates whether or not God has told them what to do as President. -#Imbeciles",,2015-08-07 08:26:24 -0700,629674960617803776,,Atlantic Time (Canada) -6051,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6813,,janeface15,,4,,,"RT @GilWhitedale: So the #GOP basically wants to protect all life by bombing the shit out of the globe. - -#GOPDebate",,2015-08-07 08:26:23 -0700,629674960164818944,, -6052,Donald Trump,1.0,yes,1.0,Negative,0.6915,Women's Issues (not abortion though),0.6915,,wokkitout,,1,,,"The names you call women is not about being politically correct, it's about showing respect @realDonaldTrump #GOPDebate",,2015-08-07 08:26:23 -0700,629674959300734976,"Denver, CO",Mountain Time (US & Canada) -6053,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MiladyMell,,1,,,RT @jodiwilldare: The biggest travesty of last night’s #GOPDebate is that I now have Joan Osbourne’s “One of Us” stuck in my head. #Strange…,,2015-08-07 08:26:23 -0700,629674958319255552,"The Duke City, New Mexico",Mountain Time (US & Canada) -6054,Jeb Bush,0.3959,yes,0.6292,Negative,0.3258,,0.2333,,mags_1022,,157,,,"RT @TheDailyEdge: Jeb Bush: ""We can't succeed by dumbing down everything. Although, climate science we can totally ignore."" #GOPDebate http…",,2015-08-07 08:26:22 -0700,629674953529524224,New Jersey,Eastern Time (US & Canada) -6055,No candidate mentioned,0.504,yes,0.7099,Negative,0.3653,None of the above,0.504,,CarolBernie,,3,,,RT @MonsterandBoy: I think the candidates are afraid of debating education with a Monster! #GOPDebate Monster Needs a Your Vote http://t.co…,,2015-08-07 08:26:22 -0700,629674952602456064,,Mountain Time (US & Canada) -6056,No candidate mentioned,1.0,yes,1.0,Neutral,0.6523,None of the above,0.6523,,bhanugupta_9,,21,,,"RT @wondersnwanders: In light of the #GOPDebate check out my poem on being a majority -http://t.co/iSsjFq9YSN",,2015-08-07 08:26:21 -0700,629674948857077760,, -6057,No candidate mentioned,1.0,yes,1.0,Neutral,0.6647,None of the above,1.0,,jennifergiambi,,0,,,Just a room full of #Texas liberals playing the #GOPDebate drinking game. #Hillary2016 #Biden2016 http://t.co/61a8IWv3bq,,2015-08-07 08:26:18 -0700,629674938975174656,Houston,Central Time (US & Canada) -6058,Donald Trump,1.0,yes,1.0,Negative,0.6691,FOX News or Moderators,0.6751,,VeldotBdot,,0,,,@kimguilfoyle It wasn't a debate.It was an effort to bring @realDonaldTrump down. I see why he would not pledge #GOPDebate shame on @FoxNews,,2015-08-07 08:26:18 -0700,629674937754755072,,Pacific Time (US & Canada) -6059,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6556,,jrcannonq1,,2,,,RT @CarolHello1: #GOPDebate Shocking Extreme Bias ... https://t.co/Oh7WNjM0WC,,2015-08-07 08:26:18 -0700,629674937645670400,, -6060,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3402,None of the above,0.4218,,stand4all,,0,,,"Hee hee hee. Did you watch your party's debate? Talk about word games. #GOPDebate Good times, good times. @SpeakerBoehner",,2015-08-07 08:26:17 -0700,629674931333267456,,Atlantic Time (Canada) -6061,No candidate mentioned,1.0,yes,1.0,Positive,0.3505,FOX News or Moderators,1.0,,AnushaysPoint,,0,,,Clear winner from last nights #GOPDebate? #MegynKelly #MegynKellyDebateQuestions https://t.co/N7H3T7hXSz,,2015-08-07 08:26:14 -0700,629674920830570496,"Washington, DC",Central Time (US & Canada) -6062,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,aleklev,,0,,,"With no applause from the empty audience, #KidsTable debate sounds like a @BillCosby concert at National Organization 4 Women. #GOPDebate",,2015-08-07 08:26:13 -0700,629674916418162688,Los Angeles, -6063,Ben Carson,0.4085,yes,0.6392,Negative,0.6392,FOX News or Moderators,0.4085,,alenesopinions2,,14,,,"RT @CzarofFreedom: .Not a fan of Ben Carson but @FoxNews went right after him & Trump at the beginning of the so-called #GOPDebate. -#epicf…",,2015-08-07 08:26:09 -0700,629674898198237184,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -6064,Donald Trump,0.6452,yes,1.0,Positive,0.6452,FOX News or Moderators,0.6667,,mlizmcd_mary,,0,,,@foxandfriends @realDonaldTrump would have been nice if u would have let the 92yr. speak instead of interrupting her! #GOPDebate,,2015-08-07 08:26:08 -0700,629674896335876096,, -6065,Scott Walker,1.0,yes,1.0,Negative,0.6692,None of the above,1.0,,SableViews,,3,,,"RT @SPZanti: Scott Walker cut his answers short last night, finishing before the allotted time. - -Marquette U: ""We've seen this before."" - -#…",,2015-08-07 08:26:08 -0700,629674894914154496,"rural Wisconsin, USA",Central Time (US & Canada) -6066,No candidate mentioned,1.0,yes,1.0,Negative,0.7025,None of the above,0.6147,,Nadia_Garnett,,0,,,@elonjames I wonder how CNN will address the issue at the next #GOPdebate.,,2015-08-07 08:26:06 -0700,629674888828203008,"Washington, DC ",Central Time (US & Canada) -6067,Donald Trump,1.0,yes,1.0,Positive,0.6472,Jobs and Economy,1.0,,deerichards,,0,,,#GOPdebate @realDonaldTrump said country needs him to straighten out the financial mess. Support #FairTax & I will vote for you. @FairTax,,2015-08-07 08:26:04 -0700,629674880586395648,"Mobile, AL",Central Time (US & Canada) -6068,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Religion,1.0,,Franklin_Graham,,127,,,"1st #GOPDebate--Encouraging to see several candidates express their faith in God and His Son, Jesus Christ. http://t.co/6ZjWBXBPse",,2015-08-07 08:26:00 -0700,629674863276371968,,Eastern Time (US & Canada) -6069,Ben Carson,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,mooncycling,,0,,,#GOPDebate Ben Carson not the first to use half-brain removal during brain surgery-- evidence on Capital Hill someone beat him to it--HA!,,2015-08-07 08:26:00 -0700,629674860814319616,the left coast,Pacific Time (US & Canada) -6070,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pricklylogic,,0,,,Fox keeps congratulating itself on a great job. Media using its power to slant as usual. No real media. No REAL Education. #GOPDebate,,2015-08-07 08:25:58 -0700,629674852098519040,,Pacific Time (US & Canada) -6071,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,chrisshort75,,0,,,When's the next #GOPDebate ?? Some these guys should just give up now,,2015-08-07 08:25:56 -0700,629674846021136384,, -6072,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6882,,197goatlocker,,119,,,"RT @edstetzer: So, who saw a conversation on tithing coming at the #GOPDebate?!?!",,2015-08-07 08:25:56 -0700,629674845991624704,, -6073,Donald Trump,1.0,yes,1.0,Negative,0.6279,None of the above,1.0,,ForbesBound,,0,,,Where is Donald trump in polling after last nights debacle ? #GOPDebate #GopPoll,,2015-08-07 08:25:56 -0700,629674843374526464,,Quito -6074,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6775,,Foonok,,0,,,"The ""Washington Cartel""? Ted Cruz really loves to exaggerate to the point of it being blatantly untrue. #GOPDebate",,2015-08-07 08:25:55 -0700,629674840950222848,Oakland Raiders,Eastern Time (US & Canada) -6075,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Foreign Policy,0.6458,,davidpaull,,1,,,"Dial lines aggregating close to 100 is rare, but happened during comments on Iran negotiations in #GOPDebate #mrx http://t.co/atxPuB4xea",,2015-08-07 08:25:55 -0700,629674840664858624,"Portland, Oregon, USA",Pacific Time (US & Canada) -6076,No candidate mentioned,0.414,yes,0.6434,Neutral,0.6434,None of the above,0.414,,mitchellreports,,2,,,Back in DC for #AMR on @msnbc today & post #GOPdebate talk w/ @TheFix @capehartj @kellyo @katyturnbc at noon ET,,2015-08-07 08:25:54 -0700,629674838043529216,"Washington, DC",Central Time (US & Canada) -6077,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Nomadjl,,0,,,My family doesn't like John Kasich and they didn't think he did very good in the #GOPDebate,,2015-08-07 08:25:54 -0700,629674835346636800,Vienna West Virginia,Quito -6078,Donald Trump,1.0,yes,1.0,Neutral,0.6489,Religion,1.0,,rmine24,,0,,,They should have asked trump if god has said anything to him #GOPDebate,,2015-08-07 08:25:54 -0700,629674834973167616,, -6079,,0.2266,yes,0.6531,Negative,0.3367,None of the above,0.4265,,Melindacricket,,0,,,Cancelled #comcast too expensive #xfinity internet too slow so could not watch #GOPDebate LOVE this https://t.co/KYq3spOe9t,,2015-08-07 08:25:54 -0700,629674834725769216,"California, USA", -6080,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tinapayson,,0,,,It was bullshit. I needed hip high waders to get through the first #GOPDebate! https://t.co/w1qvOWU2CB,,2015-08-07 08:25:49 -0700,629674816543588352,,Eastern Time (US & Canada) -6081,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bethhunttaylor,,4,,,RT @RhondaWatkGwyn: Yes he does! He is confident and well composed. #imwithhuck #GOPDebate #th2016 https://t.co/HhRUhE6lte,,2015-08-07 08:25:48 -0700,629674810688307200,Lexington SC,Eastern Time (US & Canada) -6082,No candidate mentioned,0.4253,yes,0.6522,Negative,0.6522,Immigration,0.4253,,EusebiaAq,,0,,,@bbc_chirinos Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:25:48 -0700,629674810017058816,America,Eastern Time (US & Canada) -6083,John Kasich,0.4062,yes,0.6374,Neutral,0.3297,,0.2311,,IDG375,,0,,,At #GOPDebate Kasich Says His Faith Teaches Him To Accept Gay Son Or Daughter – Crowd Cheers http://t.co/vgFP98ZJqs ##lgbt,,2015-08-07 08:25:47 -0700,629674808377253888,NORTHEAST US LIBERAL,Quito -6084,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Jenn4Bernie2016,,1,,,RT @SS_Howell: THIS #FeelTheBern #Bernie2016 #DebateWithBernie #GOPDebate As a veteran I believe military budget should be slashed https://…,,2015-08-07 08:25:46 -0700,629674804417822720,NJ/NY, -6085,No candidate mentioned,1.0,yes,1.0,Neutral,0.6333,None of the above,0.6333,,bostonjonas,,1,,,"You might have thought #Obamacare would be a #GOPDebate pinata. Think again, says @HarvardChanSPH John McDonough. http://t.co/p91druXic4",,2015-08-07 08:25:46 -0700,629674803507634176,,Eastern Time (US & Canada) -6086,Ben Carson,0.4247,yes,0.6517,Positive,0.6517,Racial issues,0.2343,,IrishChrissyND,,1,,,RT @ElizabethND04: Wow. Awesome Dr. Carson race answer! @RealBenCarson #GOPDebate #FOXNEWSDEBATE #FoxNews #FoxDebate @FoxNews #FNC https:/…,,2015-08-07 08:25:44 -0700,629674796394115072,,Eastern Time (US & Canada) -6087,Jeb Bush,0.6046,yes,1.0,Neutral,0.6046,None of the above,1.0,,JaclynHStrauss,,0,,,"The #AmericanRevolution fought against George III. I don't think we need Bush III, although I have nothing against Jeb #GOPDebate",,2015-08-07 08:25:44 -0700,629674794523430912,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6088,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,kdcelock,,1,,,RT @JohnCelock: Twitter is easily crowning Fiorina the winner of the second tier debate #GOPDebate,,2015-08-07 08:25:43 -0700,629674790819889152,, -6089,Scott Walker,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,AndersSChristen,,8,,,RT @PhilHands: Why did @ScottWalker change his mind on immigration. #livetoon #GOPDebate http://t.co/RNMCNEKqmN,,2015-08-07 08:25:40 -0700,629674777507180544,Post doc @ UW-Madison, -6090,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6497,,MrPaulotics,,0,,,Donald you are the clown... Single payer is a failure! You are a crony capitalist. #GOPDebate @realDonaldTrump @WilkowMajority @FrankLuntz,,2015-08-07 08:25:36 -0700,629674761598013440,"Big Lake, MN",America/Chicago -6091,No candidate mentioned,0.3964,yes,0.6296,Negative,0.6296,,0.2332,,Conservatively9,,95,,,"RT @mikandynothem: ""Poor people have been voting Democrat for 50 years and they're still poor."" Barkley -#GOPDebate #tcot #pjnet #FoxNews ht…",,2015-08-07 08:25:34 -0700,629674753289162752,Missouri,Eastern Time (US & Canada) -6092,No candidate mentioned,0.4274,yes,0.6538,Negative,0.6538,None of the above,0.4274,,faseidl,,0,,,The same species that created the #GOPDebate also did this. #somethingToThinkAbout http://t.co/mRB9N4QRvo,,2015-08-07 08:25:33 -0700,629674750080626688,"Ann Arbor, Michigan",Eastern Time (US & Canada) -6093,No candidate mentioned,0.6413,yes,1.0,Neutral,0.6739,FOX News or Moderators,0.6848,,IT_wasten,,0,,,WSJ: What were the hardest-hitting questions in the #GOPDebate? JasonBellini takes look: http://t.co/8ydTKKYR9C,,2015-08-07 08:25:33 -0700,629674749061431296, Vermont Burlington Quay St.,Bucharest -6094,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,rjgrund,,0,,,#GOPDebate proves again media becomes focus instead moderator. Better off with computer moderators who don't insert themselves into focus.,,2015-08-07 08:25:33 -0700,629674749048832000,,Eastern Time (US & Canada) -6095,No candidate mentioned,1.0,yes,1.0,Negative,0.7222,Religion,0.7222,,ScoopcooperSeth,,8,,,RT @mjtbaum: GOD is making an appearance at the #GOPDebate? This should be good...,,2015-08-07 08:25:32 -0700,629674743843696640,, -6096,No candidate mentioned,0.4509,yes,0.6715,Neutral,0.3429,None of the above,0.4509,,jhgoetz,,2,,,RT @LidoDeli: Have a little too much fun #lastnight watching #GOPDebate? Come nurse your post-night woes with some nice Pastrami or a #knis…,,2015-08-07 08:25:32 -0700,629674743181012992,"Washington, DC",Central Time (US & Canada) -6097,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6875,,ginou1010,,5,,,"RT @bgluckman: ""I went to a gay wedding,"" is the new ""I have a Black friend."" #GOPDebate",,2015-08-07 08:25:31 -0700,629674740215586816,"Somewhere, NJ", -6098,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6785,,Jenn4Bernie2016,,1,,,RT @SS_Howell: #GOPDebate #DebateWithBernie #BlackLivesMatter GOP is hopelessly out of touch with what's going on in America https://t.co/Y…,,2015-08-07 08:25:31 -0700,629674739804540928,NJ/NY, -6099,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,0.6413,,SallySellers54,,7,,,RT @shnnigans: @GRForSanders I don't have a spare $170 but I'll donate $1 for every GOP candidate I don't trust with the presidency. #GOPDe…,,2015-08-07 08:25:30 -0700,629674734624477184,, -6100,Ted Cruz,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,JayRCallahan,,0,,,Not surprised that #GOPDebate candidates criticized Prez Obama abt foreign policy-but shocked T Cruz chose 2 kick Gen Martin Dempsey around!,,2015-08-07 08:25:28 -0700,629674729050349568,"Washington, DC ",Atlantic Time (Canada) -6101,No candidate mentioned,0.5102,yes,0.7143,Negative,0.3626,None of the above,0.5102,,JodiGiddings,,1,,,RT @TheVGBlog: #GOPDebate: Round Two Recap: We knew there was going to be fireworks. And we got them with no big surprises ... http://t.c…,,2015-08-07 08:25:26 -0700,629674719814365184,, -6102,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,IrishChrissyND,,1,,,"RT @ElizabethND04: Regardless of who we all vote for, let's be honest: Dr. Carson has had the most meaningful life of these people. God ble…",,2015-08-07 08:25:25 -0700,629674714433224704,,Eastern Time (US & Canada) -6103,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,0.6744,,littlewolf721,,0,,,"#GOPDebate they shouldn't have to pledge, they should all be on the ballot",,2015-08-07 08:25:22 -0700,629674702664015872,"El Paso, Tejas ",Pacific Time (US & Canada) -6104,Ted Cruz,0.6559,yes,1.0,Positive,0.6559,None of the above,0.7097,,lonniestewart2,,12,,,RT @jonmcclellan: Miss the #GOPDebate tonight? Be sure to watch @TedCruz strong closing statement. https://t.co/kQlgCBaV7p #CruzCrew,,2015-08-07 08:25:22 -0700,629674701615304704,, -6105,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,johnnyctweet,,1,,,Choose your puppet carefully. #GOPDebate,,2015-08-07 08:25:21 -0700,629674698675060736,,Mountain Time (US & Canada) -6106,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Rob_guillory,,1,,,"Gotta say when Chris Christie said his first act as President would be to rename Washington DC ""Suplex City, USA"", he won my vote.#GOPDebate",,2015-08-07 08:25:20 -0700,629674692392022016,"Lafayette, LA",Central Time (US & Canada) -6107,No candidate mentioned,0.4171,yes,0.6458,Positive,0.6458,FOX News or Moderators,0.4171,,AdrianNov89,,0,,,@megynkelly I thought you did a great job last night. You asked hard questions and kept the candidates on their toes. #GOPDebate #MegynKelly,,2015-08-07 08:25:19 -0700,629674688793452544,WI,Central Time (US & Canada) -6108,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,0.6413,,dray10486,,21,,,"RT @DMBcommandments: Disappointed that @FoxNews moderators did not ask the most important question: ""What is your favorite Dave Matthews Ba…",,2015-08-07 08:25:17 -0700,629674681730248704,, -6109,,0.2294,yes,0.3563,Neutral,0.3563,,0.2294,,XRBOT,,0,,,RT @FoxNews:.@marcorubio at the #GOPDebate: http://t.co/wZgYI37ffl,,2015-08-07 08:25:16 -0700,629674676193591296,Mars,London -6110,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6667,,LidoDeli,,2,,,Have a little too much fun #lastnight watching #GOPDebate? Come nurse your post-night woes with some nice Pastrami or a #knish. #kosher,,2015-08-07 08:25:15 -0700,629674674511839232,641 E Park Avenue,Atlantic Time (Canada) -6111,Donald Trump,1.0,yes,1.0,Positive,0.3454,FOX News or Moderators,0.6885,,MishaisShort,,0,,,"best part of #GOPDebate -@realDonaldTrump telling @megynkelly ""we aint cool for real & i dont have to be nice to yo ass""",,2015-08-07 08:25:13 -0700,629674665896771584,,Central Time (US & Canada) -6112,No candidate mentioned,0.4307,yes,0.6562,Negative,0.6562,Foreign Policy,0.4307,,KristineEvans,,0,,,New drinking game: Drink an entire bottle of liquor when you sense oncoming war and military fetishisation. & another. & another #GOPDebate,,2015-08-07 08:25:12 -0700,629674658770497536,, -6113,No candidate mentioned,0.405,yes,0.6364,Negative,0.3295,None of the above,0.405,,bryanwillmyers,,0,,,Notes on the Republican Debate (gibberish) http://t.co/j7zipvpTxK #GOPDebate #politics #presidentialdebate,,2015-08-07 08:25:10 -0700,629674653947047936,Philly,Eastern Time (US & Canada) -6114,John Kasich,0.47600000000000003,yes,0.6899,Positive,0.6899,None of the above,0.47600000000000003,,NittyGritty16,,340,,,RT @JohnKasich: Giving a free #Kasich4Us hat away - random from the first 250 RTs! GO! #GOPDebate http://t.co/MgwMsSLRDP,,2015-08-07 08:25:10 -0700,629674650700648448,, -6115,Ben Carson,0.6634,yes,1.0,Negative,0.6733,None of the above,0.6634,,the_geekwad,,186,,,"RT @pattonoswalt: ""They call me Vito BORE-leone."" -- Dr. Ben Carson #GOPDebate",,2015-08-07 08:25:09 -0700,629674649819836416,Cult Survivor,Pacific Time (US & Canada) -6116,No candidate mentioned,0.2336,yes,0.6777,Positive,0.6777,None of the above,0.4593,,SilvAdams,,0,,,RT About to take the stage for #GOPDebate - handing my account over to @TeamMarco staff. Follow along at http://t.co/1bk9bCIj7f,,2015-08-07 08:25:07 -0700,629674637392281600,"St. Joseph, MO", -6117,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6939,,LibertyMomNY,,0,,,"Chris Christie: ""Bill of Rights?"" ""Constitution?"" ""Never heard of 'em."" #GOPDebate",,2015-08-07 08:25:06 -0700,629674635869704192,Greater NYC Area , -6118,Donald Trump,1.0,yes,1.0,Negative,0.6675,LGBT issues,0.3445,,nhbaptiste,,0,,,.@tnr went to a #GOPDebate watch party in DC and found a unicorn: a 24-year-old black gay Republican: http://t.co/9Srohf9yte,,2015-08-07 08:25:06 -0700,629674635341262848,"Washington, DC",Eastern Time (US & Canada) -6119,Donald Trump,1.0,yes,1.0,Negative,0.6881,None of the above,1.0,,WhatTimSaid,,0,,,One last debate question: is Trump trying to lead the GOP over a cliff or isn't he that smart?#GOPDebate,,2015-08-07 08:25:06 -0700,629674634171035648,"Fayetteville, NC",Eastern Time (US & Canada) -6120,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,bgittleson,,1,,,"ICYMI: This is the ""crowded field"" embodied in one photo. #GOPDebate https://t.co/r2aKyIRxib",,2015-08-07 08:25:05 -0700,629674629968216064,"New York, NY",Eastern Time (US & Canada) -6121,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kaylasmith4791,,1,,,Really enjoyed everything @marcorubio had to say last night. #Rubio2016 #GOPDebate #AmericaOnPoint,,2015-08-07 08:25:04 -0700,629674627464343552,Brown Deer,Central Time (US & Canada) -6122,No candidate mentioned,0.4226,yes,0.65,Neutral,0.65,None of the above,0.4226,,MyanRathews,,0,,,#GOPDebate (Vine by @dabulldawg88) https://t.co/Wc8oUOQ2Vz,,2015-08-07 08:25:02 -0700,629674618782093312,,Eastern Time (US & Canada) -6123,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,Glitchy_Ashburn,,29,,,RT @tomservo10: Has anyone mentioned our vets? Nope? #GOPDebate http://t.co/DJIT72GHX4,,2015-08-07 08:25:00 -0700,629674610523566080,,Atlantic Time (Canada) -6124,No candidate mentioned,0.4011,yes,0.6333,Negative,0.3333,,0.2322,,myfamiliaa,,6,,,"RT @GarzaVillanueva: interesting 2 see who isn’t worried about alienating #Latino voters, & who is..” http://t.co/Nhfg2yIC6c #uslatino #GO…",,2015-08-07 08:24:59 -0700,629674607507693568,, -6125,No candidate mentioned,1.0,yes,1.0,Neutral,0.6706,None of the above,1.0,,Nic_O_tine,,1,,,RT @jesie_ann: Anyone unhappy about last night's debate. This should cheer you up. #GOPDebate http://t.co/b9muPzutDm,,2015-08-07 08:24:59 -0700,629674605595090944,"Oklahoma, USA",Central Time (US & Canada) -6126,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,samcbranson,,13,,,RT @brittanyshulman: What if we built a wall that kept the GOP out of the U.S.? That's a wall I would support. #GOPDebate,,2015-08-07 08:24:58 -0700,629674600561950720,ATX,Central Time (US & Canada) -6127,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,decce246,,2,,,RT @desspinaa: Funny how all male candidates seem to think their opinion on female healthcare is actually fucking relevant #GOPDebate,,2015-08-07 08:24:58 -0700,629674599786127360,,Eastern Time (US & Canada) -6128,No candidate mentioned,0.5133,yes,0.7165,Negative,0.7165,None of the above,0.5133,,mahoneypony,,0,,,"I blame the #GOP for how I feel this morning. I am Pony, & I approve of this hungover message. #GOPdebate #drinkinggame",,2015-08-07 08:24:56 -0700,629674593205104640,SanDiegoIsForLovers,Pacific Time (US & Canada) -6129,Donald Trump,0.6333,yes,1.0,Negative,0.6778,None of the above,1.0,,Hill_J_D,,0,,,@TheEconomist not pulling any punches today then! #GOPDebate http://t.co/Ad1RihJsbz,,2015-08-07 08:24:56 -0700,629674592420937728,London,London -6130,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,asshole,,0,,,"Voting for @realDonaldTrump, without question. #GOPDebate",,2015-08-07 08:24:54 -0700,629674583063314432,,Arizona -6131,No candidate mentioned,0.3997,yes,0.6322,Negative,0.6322,,0.2325,,blogbooktours,,1,,,Lindsey Graham has never met a war he's afraid to send your kids to. #gopdebate via @JohnFugelsang #FF,,2015-08-07 08:24:52 -0700,629674577107357696,Blog http://bit.ly/brpnews,Tehran -6132,Donald Trump,0.4539,yes,0.6737,Neutral,0.3579,None of the above,0.4539,,TineMarieAnders,,0,,,Orange is the new... President? :-) #DonaldTrump #GOPDebate #dkpol http://t.co/GK9XKtw1DB,,2015-08-07 08:24:50 -0700,629674568685330432,Kgs. Lyngby, -6133,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HokieHoos,,1,,,"Was this the Megyn Kelly Comedy Show? Will this go on until Nov 2016? Is she considered a journalist? NO,NO, NO !! #GopDebate @FoxNews",,2015-08-07 08:24:50 -0700,629674567280291840,"Forest, VA",Atlantic Time (Canada) -6134,Scott Walker,1.0,yes,1.0,Positive,0.6733,None of the above,1.0,,tracynutt,,3,,,RT @groundgamehq: Nearly 50 Walker House Parties in SC tonight. We got your back @ScottWalker #GOPDebate #Walker16 http://t.co/yUpJdhwXjh,,2015-08-07 08:24:49 -0700,629674563710881792,,Eastern Time (US & Canada) -6135,No candidate mentioned,0.4207,yes,0.6486,Negative,0.3591,None of the above,0.4207,,PowersToPeeps,,1,,,"Could the ""pundits"" be wrong? They usually are! http://t.co/NB3btm8FFd #GOPDebate #DeBaitandSwith #iTalkUS #WakeUpAmerica",,2015-08-07 08:24:49 -0700,629674563048210432,"Augusta, GA",Eastern Time (US & Canada) -6136,No candidate mentioned,0.3819,yes,0.618,Positive,0.3146,None of the above,0.3819,,JolieRancher,,0,,,@AlyonaMink is unpacking the #GOPDebate with a really great panel right now on @HuffPostLive. I'm so enthralled...,,2015-08-07 08:24:47 -0700,629674556987469824,"Goontown, VA-DC-NY",Quito -6137,Mike Huckabee,1.0,yes,1.0,Neutral,0.6895,Religion,0.6795,,bethhunttaylor,,11,,,"RT @BethanyGreen05: ""We can be One Nation Under God"" - Mike Huckabee @GovMikeHuckabee #imwithhuck #GOPDebate",,2015-08-07 08:24:45 -0700,629674545130151936,Lexington SC,Eastern Time (US & Canada) -6138,Donald Trump,1.0,yes,1.0,Negative,0.6413,None of the above,1.0,,BurtzloffJosie,,1,,,Preview of Donald Trump tonight at the #GOPDebate (Vine by @CaseyBake16) https://t.co/qIIm2gOiBI,,2015-08-07 08:24:42 -0700,629674536296939520,, -6139,No candidate mentioned,1.0,yes,1.0,Positive,0.6326,None of the above,1.0,,drginareghetti,,4,,,"RT @videosurg: It's nice that 2 MDs, 2 surgeons are in #GOPDebate hopefully a trend @AAPSonline can encourage",,2015-08-07 08:24:41 -0700,629674530932420608,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -6140,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,TimSullivanMA,,1,,,Take a close look. This pic is amazing. Everything about it #GOPDebate http://t.co/LaonlLAlWo,,2015-08-07 08:24:41 -0700,629674528516476928,"Boston, MA ", -6141,No candidate mentioned,1.0,yes,1.0,Positive,0.33399999999999996,FOX News or Moderators,0.6659999999999999,,Studio1byDesign,,0,,,@carlyfiorina #GOPdebate She's on fire! Runs Circles Around Chris Matthews Over Hillary's Record https://t.co/DFMIxp48nj,,2015-08-07 08:24:40 -0700,629674527723667456,"Murrieta, California",Pacific Time (US & Canada) -6142,No candidate mentioned,0.4351,yes,0.6596,Negative,0.6596,None of the above,0.4351,,Wordplay4Days,,0,,,"@facebook @instagram do you know how ironic it is that you are censoring @Dreamdefenders for speaking out? -#KKKorGOP #GOPDebate",,2015-08-07 08:24:34 -0700,629674502704775168,2 blocks frm heaven,Central Time (US & Canada) -6143,Rand Paul,1.0,yes,1.0,Negative,0.6235,None of the above,0.6824,,FTLslacker,,0,,,Did I MISS @megynkelly's questions about #bridgegate or Rand Paul's father's legal problems? Or Walkers lack of a college degree? #GOPDebate,,2015-08-07 08:24:34 -0700,629674499194097664,"Fort Lauderdale, FL",Eastern Time (US & Canada) -6144,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.6559,None of the above,0.4302,,realJohnTwomey,,5,,,"RT @zaibatsu: See who scored points in the #GOPdebate, according to #Google: http://t.co/x9hBOxodDf #Dataviz http://t.co/nb9khF3DbM",,2015-08-07 08:24:31 -0700,629674490205708288,The world,Eastern Time (US & Canada) -6145,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,latikia,,1,,,"RT @OMAHAGEMGIRL: So many pouty, screechy faces at once #GOPDebate http://t.co/o5AJvLqJN7",,2015-08-07 08:24:31 -0700,629674488330719232,22 km SSW of nowhere special,Pacific Time (US & Canada) -6146,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,None of the above,0.6235,,kyaecker,,0,,,"http://t.co/w7BWjqmlSX That photo says it all. OVERCONFIDENT, SHIT DONT STINK #GOPDEBATE",,2015-08-07 08:24:29 -0700,629674481707933696,California Sierra Nevada,Pacific Time (US & Canada) -6147,Donald Trump,0.4736,yes,0.6882,Positive,0.3441,Foreign Policy,0.4736,,Kyle_Tulley,,0,,,"""We don't win anymore. We lose to China. We lose to Mexico. We lose to everybody."" -Trump - -Preach it, sir, preach it! #GOPDebate",,2015-08-07 08:24:29 -0700,629674479816323072,,Eastern Time (US & Canada) -6148,Donald Trump,1.0,yes,1.0,Neutral,0.6978,None of the above,0.6604,,WiteSpider,,3,,,RT @marksluckie: Donald Trump late-night angry-tweets Megyn Kelly: http://t.co/oQaO3th0IM #GOPDebate http://t.co/pIRCINLByl,,2015-08-07 08:24:28 -0700,629674477991755776,"Phoenix, AZ",Pacific Time (US & Canada) -6149,No candidate mentioned,0.6539,yes,1.0,Negative,1.0,Immigration,0.3481,,Shirleystopirs,,13,,,"RT @CzarofFreedom: .Hey @FoxNews that wasn't a debate last night it was a biased Hit Job on anyone that doesn't want open borders. -#GOPDeba…",,2015-08-07 08:24:25 -0700,629674461332119552,,Atlantic Time (Canada) -6150,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aalali44,,1,,,"RT @rolling_2: the hillary campaign was trolling during #GOPDebate -LOL http://t.co/oreEEE5HFQ",,2015-08-07 08:24:24 -0700,629674459763490816,DC Metro Area,Eastern Time (US & Canada) -6151,No candidate mentioned,1.0,yes,1.0,Neutral,0.6828,None of the above,0.6828,,littlewolf721,,0,,,"#GOPDebate they should all be on the ballet along with all candidates, let the people decide",,2015-08-07 08:24:24 -0700,629674458299678720,"El Paso, Tejas ",Pacific Time (US & Canada) -6152,No candidate mentioned,1.0,yes,1.0,Neutral,0.6696,None of the above,1.0,,MissCherryPi,,1,,,RT @millbot: How did I miss this #GOPdebate #Santorum http://t.co/QwnSK4sCTM,,2015-08-07 08:24:23 -0700,629674455418146816,New York,Eastern Time (US & Canada) -6153,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6702,,TIMMITZ,,0,,,"So who hosts next #GOPDebate , will it be all softball questions about Jeebus n Walls and shit that doesn't matter ? Or real Questions ?",,2015-08-07 08:24:22 -0700,629674451450376192,everywhere,Eastern Time (US & Canada) -6154,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,vyolet,,10,,,RT @jmsummers: My first post-debate analysis for @mashable: how @FoxNews stole the show at tonight's debate: http://t.co/thIJliy3tL #GOPDeb…,,2015-08-07 08:24:20 -0700,629674441157529600,,Eastern Time (US & Canada) -6155,No candidate mentioned,1.0,yes,1.0,Negative,0.3667,None of the above,1.0,,GiuseppeIV,,1,,,RT @OniLordAsmodeus: @GiuseppeIV ...and to his campaign announcements. #GOPDebate,,2015-08-07 08:24:18 -0700,629674433926569984,"Minnesota, The Kingdom",Central Time (US & Canada) -6156,No candidate mentioned,0.4533,yes,0.6733,Neutral,0.3465,None of the above,0.4533,,Cbusdiva,,21,,,RT @mddems: Print out your Bingo Cards! @GOP #GOPDebate #OMGOP http://t.co/UZ450ZnFNk,,2015-08-07 08:24:17 -0700,629674427790282752,, -6157,No candidate mentioned,1.0,yes,1.0,Neutral,0.6307,None of the above,0.6307,,Sydney843,,0,,,"Frank Bruni calls last night's #GOPDebate an ""Inquisition."" https://t.co/VlkzpkI8Cm",,2015-08-07 08:24:16 -0700,629674426313908224,Wandering Hoosier CA - UT - IN, -6158,No candidate mentioned,1.0,yes,1.0,Neutral,0.6842,None of the above,1.0,,just_williamson,,26,,,"RT @TheMaseMan: Another debate passes and again, no solutions are offered up to our nation's greatest problem: Ohio drivers. #GOPDebate",,2015-08-07 08:24:13 -0700,629674413722607616,"Nashville, TN",Central Time (US & Canada) -6159,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_LukeJohns,,0,,,"Don't think enough is being made of the fact Scott Walker was recalled in Wisconsin w/ over 900,000 sig's against his incumbency #GOPDebate",,2015-08-07 08:24:13 -0700,629674412699222016,"Kent, UK",Casablanca -6160,Chris Christie,1.0,yes,1.0,Neutral,0.6495,None of the above,0.3505,,James_Kasal,,0,,,Chris Christie says that the country should get a 2nd job at Dairy Queen and use that money to pay off some of the national debt. #GOPDebate,,2015-08-07 08:24:12 -0700,629674409243090944,"Minnesota, USA",Central Time (US & Canada) -6161,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nonprofitgov,,0,,,1st question #GOPDebate should be proof @realDonaldTrump is out for himself. He will be the spoiler guaranteeing 4-8 years of Hillary hell.,,2015-08-07 08:24:10 -0700,629674401424748544,"Hunkered Down, Idiocracy US",Pacific Time (US & Canada) -6162,No candidate mentioned,1.0,yes,1.0,Negative,0.6652,FOX News or Moderators,0.6809999999999999,,woodyanna,,1,,,RT @JanelleRettig: I just heard from God and she said she doesn't care about American politics or @FoxNews #GOPDebate,,2015-08-07 08:24:09 -0700,629674394743255040,"Pittsburg, Kansas",Central Time (US & Canada) -6163,Ben Carson,0.4767,yes,0.6905,Positive,0.6905,Racial issues,0.4767,,jasheldon,,0,,,"“@FoxNews: .@RealBenCarson on race relations in this country at the #GOPDebate: -https://t.co/YjmFdyE6x4” Wise words from @RealBenCarson",,2015-08-07 08:24:08 -0700,629674391081746432,"Bowling Green, Kentucky",Central Time (US & Canada) -6164,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,0.6703,,_monzon322,,0,,,I was really impressed by @MegynKelly last night. She wasn't backing down from that egomaniac @realDonaldTrump! #GOPDebate @FoxNews,,2015-08-07 08:24:08 -0700,629674390075109376,"Chicago, IL",Central Time (US & Canada) -6165,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,johnrenaud,,0,,,What kind of fuckery was that #GOPDebate last night? Are we serious? It's #2015... There are still that stupid of people?,,2015-08-07 08:24:06 -0700,629674385553555456,Los Angeles,Quito -6166,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dennisdesmond19,,1,,,"RT @laprofe63: They were all #LOSERS in my book. But I'm a progressive, pushing country in ""wrong"" direction. #GOPDebate https://t.co/4aPV…",,2015-08-07 08:24:06 -0700,629674382470725632,North of Boston Ma.,Eastern Time (US & Canada) -6167,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,g8r84,,1,,,RT @The_Robzilla: #GOPDebate race-baiting and gender-baiting isn't the problem. Racial and gender inequality is. White problems aren't the …,,2015-08-07 08:24:05 -0700,629674377982906368,,Eastern Time (US & Canada) -6168,No candidate mentioned,1.0,yes,1.0,Positive,0.7097,FOX News or Moderators,1.0,,jan_pierce,,2,,,RT @JosephMRyan1: #GOPDebate Proved Beautiful Women Certainly Should Be Debate Moderators Great Job Martha You & Carly Belong In Top 10 htt…,,2015-08-07 08:24:04 -0700,629674373650055168,"The Woodlands, TX", -6169,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,1.0,,ChikuMallick,,2,,,RT @AdelleNaz: The mainstream media would never be as critical of Democrats & Socialists running for president as FOX was during last night…,,2015-08-07 08:24:04 -0700,629674373482287104,"Bhubaneswar,Odisha ,India ",New Delhi -6170,No candidate mentioned,1.0,yes,1.0,Negative,0.6524,FOX News or Moderators,0.6524,,JimOSullivan4,,0,,,#GOPDebate Everyone on the stage was specifically asked very direct questions about their track records/statements…were they also ambushed?,,2015-08-07 08:24:01 -0700,629674361583091712,Connecticut,Atlantic Time (Canada) -6171,No candidate mentioned,0.4102,yes,0.6404,Negative,0.3371,,0.2303,,FunFish3,,0,,,Chase A Norton wants to know if you have received a word from God to vote for @NYCityCountry in the #NASHNext challenge!! #GOPDebate,,2015-08-07 08:23:58 -0700,629674350577369088,, -6172,Donald Trump,0.6846,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LNEnriquez,,0,,,Kniw whats even more disturbing than @FoxNews agenda against #Trump @ #GOPDebate? That a mysoginistic narcissist is polling as a frontrunner,,2015-08-07 08:23:58 -0700,629674350493368320,Texas,Central Time (US & Canada) -6173,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,0.6773,,CharneePerez,,7,,,RT @bgittleson: Facebook says its top social moment of the #GOPDebate was the Chris Christie-Rand Paul interaction on the NSA,,2015-08-07 08:23:58 -0700,629674348773810176,,Quito -6174,Donald Trump,1.0,yes,1.0,Negative,0.6455,FOX News or Moderators,1.0,,bishopgames,,8,,,"RT @larryelder: Trump was ""railroaded"" by FOX? No one said, ""Yo, Trump, they may ask you about third-party intentions, what you going to sa…",,2015-08-07 08:23:57 -0700,629674346445991936,USA, -6175,Donald Trump,1.0,yes,1.0,Negative,0.6477,None of the above,0.6591,,KrisMc26,,1,,,I can't wait for the #SNL impersonation of Donald Trump #GOPDebate #BringBackDarrellHammond,,2015-08-07 08:23:57 -0700,629674345661640704,NYNY,Eastern Time (US & Canada) -6176,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,afaduln2,,74,,,"RT @TeaPainUSA: Fox News is treatin' Donald Trump less like ""The Apprentice"" and more like ""Dateline Predator."" #GOPDebate",,2015-08-07 08:23:57 -0700,629674345426755584,The world,Eastern Time (US & Canada) -6177,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6852,,Shirleystopirs,,18,,,RT @LadySandersfarm: @FoxNews has officially turned me off forever. When MM praises @megynkelly it's past time to jump ship. #GOPDebate h…,,2015-08-07 08:23:56 -0700,629674341337296896,,Atlantic Time (Canada) -6178,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,FOX News or Moderators,0.6923,,smoothblinknoon,,2,,,"RT @CarolHello1: #GOPDebate Losers - -Conservatives Hand Success -2 -@GOP Establishment / @FoxNews Rinos -And ... -They Bite The Hand!! https://t…",,2015-08-07 08:23:56 -0700,629674340666183680,"New York, USA", -6179,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,kimjgoodwin,,0,,,@megynkelly I don't understand why you gave Trump over twice as much time as others. Rand Paul got 5 minutes.This is not right. #GOPDebate,,2015-08-07 08:23:55 -0700,629674335779860480,NH,Eastern Time (US & Canada) -6180,Donald Trump,1.0,yes,1.0,Negative,0.6413,Women's Issues (not abortion though),0.6629999999999999,,g8r84,,1,,,"RT @DiversityEric: A master class on how to get away with sexism, courtesy of @realDonaldTrump - http://t.co/ot8eTXtUjc via @voxdotcom #GOP…",,2015-08-07 08:23:54 -0700,629674334865498112,,Eastern Time (US & Canada) -6181,No candidate mentioned,1.0,yes,1.0,Neutral,0.3412,None of the above,1.0,,marnipanas,,0,,,"@KenChapman46 Must admit much better and more relevant content then having to answer ""what does God tell you to do"" as in #GOPdebate",,2015-08-07 08:23:53 -0700,629674329089773568,Edmonton,Mountain Time (US & Canada) -6182,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Kyle_Tulley,,0,,,"""The problem this country has is being politically correct"" -Trump - -Amen sir, amen. #GOPDebate",,2015-08-07 08:23:52 -0700,629674326648696832,,Eastern Time (US & Canada) -6183,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,sexyfairy_,,27,,,"RT @KaivanShroff: Wow. Beyond delusional...like I think literally zero people, even the most conservative, would agree #GOPDebate https://…",,2015-08-07 08:23:52 -0700,629674324253913088,Seoul South Korea, -6184,No candidate mentioned,1.0,yes,1.0,Negative,0.6874,FOX News or Moderators,0.6874,,smoothblink_pcs,,18,,,RT @JonFeere: The most important question won't be asked in this #GOPDebate. Attn: @megynkelly @BretBaier @FoxNews #immigration http://t.co…,,2015-08-07 08:23:51 -0700,629674322324516864,United States,Pacific Time (US & Canada) -6185,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6653,,healthymd,,0,,,"#Trump is to the GOP what Sanjaya was to AmericanIdol. We all know he's the worst contestant, but keep him in for entertainment. #GOPDebate",,2015-08-07 08:23:50 -0700,629674317895331840,NY,Central Time (US & Canada) -6186,Donald Trump,1.0,yes,1.0,Negative,0.6463,None of the above,1.0,,Mstyle183,,0,,,Donald Trump Butt plug Available at http://t.co/MKeScV5BXE #gopdebate #donaldtrump #trump https://t.co/K0HqnCdjdx,,2015-08-07 08:23:49 -0700,629674312367251456,,Quito -6187,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IamNickyP,,0,,,Why come after I drink a colada I feel like I can run for president too? #GOPDebate,,2015-08-07 08:23:45 -0700,629674297200500736,miami, -6188,No candidate mentioned,0.4437,yes,0.6661,Neutral,0.3435,None of the above,0.4437,,SabretoothLion,,11,,,RT @e_sibe: #GOPDebate. My impression http://t.co/qxCuDnS1aq,,2015-08-07 08:23:44 -0700,629674292951691264,"Surabaya, East Java, Indonesia",Jakarta -6189,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,elizlev,,1,,,"RT @PK_Pulse: Q: what does @wmata and the #GOPDebate have in common? -A: They're both a shit show.",,2015-08-07 08:23:44 -0700,629674292284923904,,Eastern Time (US & Canada) -6190,No candidate mentioned,1.0,yes,1.0,Negative,0.6613,None of the above,0.6613,,JaiJaiBei,,0,,,"When #CarlyFiorina is your leading candidate out of #GOPDebate #I, I say ""good luck to you, men"". #Hillary2016 #GirlsRule",,2015-08-07 08:23:44 -0700,629674290045173760,"Washington, DC",Eastern Time (US & Canada) -6191,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,,0.2296,,AWorldOutOfMind,,3,,,"RT @guyfromguelph: What an uptight, humourless, mean spirited pickle up your arse bunch of fools without any redeeming qualities. #GOPDeba…",,2015-08-07 08:23:42 -0700,629674284525486080,USA,Eastern Time (US & Canada) -6192,Donald Trump,0.4113,yes,0.6413,Negative,0.6413,None of the above,0.4113,,ceebygeeby,,0,,,That awkward moment when you realize Trump is nothing but a coiffure that spits sound bites http://t.co/iErs8m2Sar #tcot #GOPDebate,,2015-08-07 08:23:42 -0700,629674284504383488,,Central Time (US & Canada) -6193,Donald Trump,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,afaduln2,,107,,,RT @SarahWoodwriter: Trump knows the the nation needs someone like him who knows how to file for bankruptcy. #GOPDebate,,2015-08-07 08:23:42 -0700,629674282038239232,The world,Eastern Time (US & Canada) -6194,Ted Cruz,0.7045,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ridngirl,,7,,,RT @ShannonSanford9: @cindiperez48 @tedcruz: It's bad when you're attacked by a moderator before you can even respond to the question. #GOP…,,2015-08-07 08:23:42 -0700,629674281115480064,, -6195,Donald Trump,0.4209,yes,0.6488,Negative,0.6488,None of the above,0.4209,,NaturesRiver,,16,,,RT @KyleKulinski: What's shocking is that Donald Trump looked relatively normal on stage. Virtually every candidate is as ridiculous as him…,,2015-08-07 08:23:41 -0700,629674280796553216,, -6196,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6586,,nowgr,,304,,,"RT @JamilahLemieux: ""The purpose of the military is kill people and break things,"" a thing Huckabee actually just said #GOPDebate",,2015-08-07 08:23:41 -0700,629674280721207296,Grand Rapids Michigan,Eastern Time (US & Canada) -6197,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,None of the above,1.0,,SkylaHall,,52,,,RT @sarahkendzior: #GOPDebate does not disappoint. Because I had no expectations.,,2015-08-07 08:23:41 -0700,629674278041030656,"New Hampshire, USA",Eastern Time (US & Canada) -6198,Rand Paul,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,0.6163,,seifert5,,1,,,RT @jeremy_milford: #RandPaul Got the Least Talk Time of Any Debate Candidate #GOPDebate http://t.co/RAm2SItAa1,,2015-08-07 08:23:39 -0700,629674272345182208,"South Carolina, USA",Eastern Time (US & Canada) -6199,Mike Huckabee,0.4395,yes,0.6629,Positive,0.6629,None of the above,0.4395,,bethhunttaylor,,5,,,RT @RhondaWatkGwyn: Amen! I pray 4 #Huckabee & his family every day.He has been spectacular 2night. #imwithhuck #GOPDebate #th2016 https://…,,2015-08-07 08:23:38 -0700,629674267316252672,Lexington SC,Eastern Time (US & Canada) -6200,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RalphHornsby,,1,,,"RT @JasonHitchcock: This Instagram of @HillaryClinton and @kimkardashian had a larger audience than than the Fox #GOPDebate. - -http://t.co/…",,2015-08-07 08:23:38 -0700,629674266078937088,"Austin, Texas",Central Time (US & Canada) -6201,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,Racial issues,0.4025,,whistlincat,,22,,,"RT @LakotaMan1: The #GOPDebate (KKK rally). As seen through the eyes of Native Americans, African-Americans, and Hispanic Americans. http:/…",,2015-08-07 08:23:36 -0700,629674257245605888,"God's Country, Redwood Curtain",Pacific Time (US & Canada) -6202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FreedomJames7,,0,,,"Carly Fiorina = 3 Time Loser 😑 -#GOPDebate http://t.co/wNgLdHxPOp",,2015-08-07 08:23:35 -0700,629674254712356864,, -6203,No candidate mentioned,1.0,yes,1.0,Neutral,0.6702,Foreign Policy,1.0,,Kathie1718,,80,,,RT @mikandynothem: ☞RETWEET☜ if you believe Bibi @netanyahu and Israel are pulling for #GOP in this election! #GOPDebate #tcot #pjnet http:…,,2015-08-07 08:23:34 -0700,629674249901314048,, -6204,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RightwingFox,,0,,,Biggest scam ever #Trump #GOPDebate,,2015-08-07 08:23:34 -0700,629674247888183296,Bronx Ny, -6205,No candidate mentioned,1.0,yes,1.0,Positive,0.6495,None of the above,1.0,,randella22,,0,,,"@CarlyFiorina Just donated $9. Rock on, Carly! #GOPDebate #Cleveland",,2015-08-07 08:23:33 -0700,629674246449532928,~ The Ghost of Jupiter ~, -6206,No candidate mentioned,0.4649,yes,0.6818,Positive,0.6818,None of the above,0.23600000000000002,,Liz_Wheeler,,0,,,This lady is the BOMB: https://t.co/EUbFIOxQZC @CarlyFiorina #GOPDebate,,2015-08-07 08:23:33 -0700,629674244448739328,,Eastern Time (US & Canada) -6207,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,Women's Issues (not abortion though),1.0,,kathrynawallace,,0,,,"Don't think feminism should be exclusive, but this gif is giving me all the feels after the #GOPDebate #reprorights http://t.co/8BmbXw7h2k",,2015-08-07 08:23:32 -0700,629674242968260608,"Lexington, KY",Eastern Time (US & Canada) -6208,No candidate mentioned,0.5079,yes,0.7126,Negative,0.7126,Jobs and Economy,0.2785,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel These Men R Apart Of My Secret Criminal Fam.That's How @POTUS Met My Ex Wife&their Secret Affair started,,2015-08-07 08:23:31 -0700,629674238434095104,, -6209,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jhowardriley,,100,,,"RT @hemantmehta: ""I bribed politicians and it worked! And that's why you should vote for me."" - Trump #GOPdebate",,2015-08-07 08:23:30 -0700,629674233879203840,"Lone Oak, KY",Central Time (US & Canada) -6210,Jeb Bush,0.6889,yes,1.0,Neutral,0.6889,None of the above,1.0,,Marypop987,,0,,,Winners at the G.O.P. Debate Did Not Include Bush and Trump - http://t.co/OMe5bnryJm #GOPDebate #UniteBlue2016 http://t.co/dmHZLKVobs,,2015-08-07 08:23:30 -0700,629674233690390528,"Thousand Oaks, California", -6211,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Johnisnotamused,,0,,,WTF DOES THIS RELIGION QUESTION HAVE TO DO WITH THE PRESIDENCY????? #GOPDebate,,2015-08-07 08:23:30 -0700,629674232117624832,literally anywhere else,Quito -6212,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MamasShitDstrbr,,203,,,RT @BettyBowers: Trump: A president who talks like an anonymous Internet comment. #GOPDebate,,2015-08-07 08:23:30 -0700,629674231702384640,"Toronto, Ontario, CANADA!!!",Pacific Time (US & Canada) -6213,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,ItsMeHenning,,0,,,That episode of the Bachelor was so weird last night. #GOPDebate,,2015-08-07 08:23:30 -0700,629674231010344960,"Northampton, MA",Atlantic Time (Canada) -6214,No candidate mentioned,1.0,yes,1.0,Neutral,0.6464,Religion,1.0,,tomartin7,,1,,,RT @hamilt0n: I hope someone asks the candidates about blasphemy in fundraising materials. #GOPDebate,,2015-08-07 08:23:29 -0700,629674227214356480,"Portland, Oregon",Pacific Time (US & Canada) -6215,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,HandbagWhore,,0,,,No matter what @realDonaldTrump was the reason a lot of people tuned in last night who wouldn’t have otherwise. Good for the #GOPdebate,,2015-08-07 08:23:28 -0700,629674222789509120,United States,Quito -6216,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Soarin2wdw,,0,,,I don't think @megynkelly was unfair to @realDonaldTrump. She called him out on his BS and Trump didn't like it. Grow up Mr Trump #GOPDebate,,2015-08-07 08:23:27 -0700,629674218209325056,California & Florida in spirit, -6217,Rand Paul,0.424,yes,0.6512,Positive,0.6512,None of the above,0.424,,MN4RAND,,6,,,Glenn Beck is saying Rand is a big winner in the #GOPDebate and Christie is a big loser. #StandWithRand #GetAWarrant @RandPaul,,2015-08-07 08:23:25 -0700,629674210537816064,"Minnesota, USA", -6218,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,the_geekwad,,134,,,"RT @pattonoswalt: Oh, VETO Corleone = Vito Corleone. I get it now. #GOPDebate",,2015-08-07 08:23:25 -0700,629674209682128896,Cult Survivor,Pacific Time (US & Canada) -6219,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,pacsgirl36,,0,,,@kilmeade boy I thought I could #tunein 2Brian 4 fair analysis fair debate ??we have a country facing hard times #KellyFailed #GOPDebate,,2015-08-07 08:23:22 -0700,629674200840699904,"New York, USA",Eastern Time (US & Canada) -6220,No candidate mentioned,0.4211,yes,0.6489,Neutral,0.6489,None of the above,0.2416,,g8r84,,1,,,RT @baronvonparker: #GOPDebate was the most watched primary debate in history. 99% of viewers say they were there for the drinking game. ht…,,2015-08-07 08:23:21 -0700,629674196889681920,,Eastern Time (US & Canada) -6221,Mike Huckabee,1.0,yes,1.0,Positive,0.3371,Abortion,1.0,,dgstieber,,182,,,RT @saladinahmed: That part where Huckabee started screaming about fetuses and spraying chrome paint in his mouth was intense. #GOPDebate,,2015-08-07 08:23:21 -0700,629674196843429888,Seattle,Mountain Time (US & Canada) -6222,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6737,,outrageous74,,6,,,RT @LivelyTradition: Insulting Rosie O'Donnell and other women is not bravely speaking unwelcome truths; it's just piggishness. #GOPDebate,,2015-08-07 08:23:20 -0700,629674190858162176,, -6223,No candidate mentioned,1.0,yes,1.0,Neutral,0.6585,None of the above,1.0,,STX488,,0,,,@HillaryClinton spent #GOPDebate night with the Kardashians: http://t.co/s0w1h36N4Q,,2015-08-07 08:23:20 -0700,629674189511856128,Cardiff NJ,Atlantic Time (Canada) -6224,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,FOX News or Moderators,0.6596,,CarolHello1,,2,,,"#GOPDebate Losers - -Conservatives Hand Success -2 -@GOP Establishment / @FoxNews Rinos -And ... -They Bite The Hand!! https://t.co/iDZywkQpwt",,2015-08-07 08:23:18 -0700,629674183341928448,California❀◄★►❀Conservative,Arizona -6225,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,0.6739,,EusebiaAq,,0,,,@USCIS Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:23:18 -0700,629674183279050752,America,Eastern Time (US & Canada) -6226,Jeb Bush,1.0,yes,1.0,Negative,0.6765,None of the above,1.0,,Marhearn,,0,,,"I tweeted last nite Jeb's real name is John Edward Bush, but it's John Ellis Bush. Net, net, Jeb is a made up name. #GOPDebate",,2015-08-07 08:23:18 -0700,629674180276027392,,Central Time (US & Canada) -6227,No candidate mentioned,1.0,yes,1.0,Neutral,0.6854,None of the above,0.6966,,jxd3704,,0,,,Plenty of punches - any knockouts? #GOPDebate http://t.co/sONSXZzwqN via @slate,,2015-08-07 08:23:17 -0700,629674178908680192,"Washington, DC",Pacific Time (US & Canada) -6228,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RMonhollon,,1,,,My Mom used to tell me I was getting too big for my britches. I think this happened to a few of the moderators last night. #GOPDebate,,2015-08-07 08:23:17 -0700,629674176324993024,,Eastern Time (US & Canada) -6229,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hefster44,,1,,,RT @MikeBoyerHa: I'm not sure who won but I'm pretty sure the American people lost #GOPDebate,,2015-08-07 08:23:14 -0700,629674165847592960,"Heart is in Hohman, IN", -6230,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,graceslick77,,1,,,RT @dnaples3: @sallykohn @graceslick77 After last night's #GOPDebate there can be no doubt the corporatocracy rules.,,2015-08-07 08:23:13 -0700,629674162525745152,,Central Time (US & Canada) -6231,No candidate mentioned,1.0,yes,1.0,Neutral,0.6915,FOX News or Moderators,1.0,,andrewtavani,,0,,,Early figures show TV ratings for the #GOPDebate and Fox News were huge: http://t.co/8i7tgOCc7c,,2015-08-07 08:23:13 -0700,629674161921724416,"Ridgewood, NJ | Manhattan",Quito -6232,No candidate mentioned,1.0,yes,1.0,Neutral,0.6632,FOX News or Moderators,0.6842,,kj4joy,,0,,,"Woke up hung-over to find dozens of strangers in my mentions, and Fox News on my tv... What the hell happened last night?? #GOPDebate",,2015-08-07 08:23:12 -0700,629674156435468288,Seattle,Pacific Time (US & Canada) -6233,No candidate mentioned,0.4025,yes,0.6344,Neutral,0.3333,None of the above,0.4025,,cydelafield,,1,,,"Tonight on @andersoncooper: my uncle @DrNickMorgan, communicator & body language analyst extraordinaire versus #GOPDebate",,2015-08-07 08:23:11 -0700,629674150941077504,"Washington, DC", -6234,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.2269,,SociallyLiving,,0,,,RT @ThoughtCatalog: The 27 Most Epic Tweets That Completely Summarize Last Night’s #GOPDebate http://t.co/BMCuR1ZF1x http://t.co/f3vxTFAcE5,,2015-08-07 08:23:10 -0700,629674148940394496,ATL,Quito -6235,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6763,,josedeynes,,0,,,Did the #GOPDebate discussed this? https://t.co/PDevw0qLY6,,2015-08-07 08:23:10 -0700,629674147992330240,"Isabela, PR", -6236,No candidate mentioned,1.0,yes,1.0,Negative,0.6707,Abortion,0.6707,,ShawDeuce,,0,,,Can't #UniteBlue: RT ProgsToday: Yeah PPact. It still beats YOUR kids table. #GOPDebate #PPSellsBabyParts http://t.co/NJtda6R5qy,,2015-08-07 08:23:08 -0700,629674138685296640,"AnyWhere I WannaBe, USA!!",Eastern Time (US & Canada) -6237,No candidate mentioned,1.0,yes,1.0,Negative,0.3442,None of the above,1.0,,Kathie1718,,48,,,"RT @mikandynothem: Carly Fiorina may have just won this debate with one video clip. -#GOPDebate",,2015-08-07 08:23:07 -0700,629674137024237568,, -6238,Rand Paul,0.4052,yes,0.6366,Negative,0.3527,Jobs and Economy,0.4052,,afaduln2,,24,,,RT @TheBaxterBean: 5 Things Rand Paul's Kentucky Could've Spent $73M On Instead of a Fake Noah's Ark http://t.co/s1gkhSY1Bf #GOPDebate http…,,2015-08-07 08:23:07 -0700,629674135661203456,The world,Eastern Time (US & Canada) -6239,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NadineElhindi,,8,,,"A debate moderator's job is to ask tough questions, NOT to attack the candidates then play the victim. @FoxNews @megynkelly #GOPDebate",,2015-08-07 08:23:07 -0700,629674134998487040,† In God's Hands †,Eastern Time (US & Canada) -6240,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Love_Peace_Dest,,2,,,"RT @abe_munoz: @RandPaul Had the least speaking time at the #GOPDebate,and still said more with fewer words. #StandWithRand",,2015-08-07 08:23:06 -0700,629674134004301824,Texass :), -6241,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rapturebus,,0,,,"you can't fucking leave the school curriculum to be decided by the states, the south will abolish biology lmfao #GOPDebate",,2015-08-07 08:23:06 -0700,629674130586136576,,Zagreb -6242,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,angrybooklady,,0,,,I only got to watch the first half or so of the #GOPDebate so now I'm going to read the transcript. Wish me luck.,,2015-08-07 08:23:04 -0700,629674124630192128,"Hattiesburg, MS",Central Time (US & Canada) -6243,No candidate mentioned,1.0,yes,1.0,Positive,0.6737,None of the above,1.0,,Kathie1718,,147,,,RT @mikandynothem: ☞RETWEET☜ if you agree any of these #GOP candidates will be better than Clinton. #GOPDebate #FoxNews #tcot #pjnet http:/…,,2015-08-07 08:23:03 -0700,629674118414077952,, -6244,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MishaisShort,,0,,,that shit was some bullshit #GOPDebate,,2015-08-07 08:23:02 -0700,629674114303836160,,Central Time (US & Canada) -6245,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.3596,,SsSsneverbroken,,129,,,"RT @blowticious: Scott Walker keeps saying he turned Wisconsin around. That state is poor, poverty stricken and riddled with bullets. #GOPD…",,2015-08-07 08:23:01 -0700,629674112378535936,, -6246,Mike Huckabee,0.6679,yes,1.0,Positive,0.6277,None of the above,1.0,,joyylee,,0,,,"My favorite moment from last night's #GOPDebate. (Not an endorsement.) -https://t.co/w53nMImi83",,2015-08-07 08:22:58 -0700,629674098688442368,"Washington, DC",Eastern Time (US & Canada) -6247,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,schiller713,,0,,,Jeb was a winner last night? Huh? #GOPDebate http://t.co/3VIMaoZbtI,,2015-08-07 08:22:57 -0700,629674094368194560,Houston,Mountain Time (US & Canada) -6248,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Naomi_kibey,,0,,,#GOPDebate I believe @JebBush made some of the most valid points last night bringing different facts and imformation about flordia.,,2015-08-07 08:22:56 -0700,629674088919900160,philadelphia ,Pacific Time (US & Canada) -6249,Scott Walker,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.3516,,Kathie1718,,55,,,"RT @mikandynothem: Best line tonight: @ScottWalker: ""Russia and China know more about Hillary Clinton's emails than Congress."" #GOPDebate #…",,2015-08-07 08:22:55 -0700,629674086344454144,, -6250,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6413,,LuisHRoman11,,0,,,re-watching the earlier part of the #GOPdebate.,,2015-08-07 08:22:55 -0700,629674084788510720,"Chicago, IL",Central Time (US & Canada) -6251,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,CarolHello1,,0,,,"#GOPDebate Losers - -Conservatives Hand Success -2 -@GOP Establishment / @FoxNews Rinos -And ... -They Bite The Hand!! https://t.co/cTBK93v0HO",,2015-08-07 08:22:54 -0700,629674082460504064,California❀◄★►❀Conservative,Arizona -6252,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Elaineplaywrite,,0,,,Oh Trump! You slay me! #DebateWithBernie #Democrat #GOPDebate http://t.co/yhfktWap9z,,2015-08-07 08:22:54 -0700,629674081701490688,Charlotte, -6253,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jefftiedrich,,1,,,"If Donald Trump showed up at the next #GOPDebate in full Kiss makeup and costume, I might actually have to switch to the Republican party.",,2015-08-07 08:22:53 -0700,629674076760612864,"New York, NY",Eastern Time (US & Canada) -6254,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Johnisnotamused,,0,,,Omg I hope none of them think they've heard from God. Could do without a schizo in office. #GOPDebate,,2015-08-07 08:22:52 -0700,629674072608260096,literally anywhere else,Quito -6255,Donald Trump,0.4642,yes,0.6813,Neutral,0.6813,None of the above,0.4642,,GIbuddy,,59,,,RT @KatiePavlich: Donald Trump refuses to rule out third party run http://t.co/epZQDetjv2 #GOPdebate,,2015-08-07 08:22:51 -0700,629674068707516416,,Eastern Time (US & Canada) -6256,No candidate mentioned,1.0,yes,1.0,Neutral,0.6437,None of the above,1.0,,CWal37,,0,,,"Another #graph from #GOPDebate, #policy #keywords off the top of my head, still same repo https://t.co/CLqzqeBoR7 http://t.co/rg5ZnMwFLp",,2015-08-07 08:22:49 -0700,629674062588047360,"Oak Ridge, TN",West Central Africa -6257,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,amoranimatio,,1,,,RT @itellyouthings: 2015 is the year #hugs earned their rightful place at the #GOPdebate,,2015-08-07 08:22:49 -0700,629674060318932992,"University City, MO",Eastern Time (US & Canada) -6258,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6848,,Alice_Mcl,,0,,,"@megynkelly strike 1 against the bullies. Name calling has nothing to do with being politically correct, it's just disrespect #GOPDebate",,2015-08-07 08:22:47 -0700,629674052274229248,, -6259,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jjohnson101075,,25,,,RT @FemsHaveBallz: Kasich needs to be off the stage for the next debate & Carly needs to be in. She was the clear winner even after the pri…,,2015-08-07 08:22:47 -0700,629674050516856832,, -6260,Jeb Bush,0.6559,yes,1.0,Negative,1.0,Racial issues,1.0,,afaduln2,,19,,,"RT @TheBaxterBean: 'When we passed Bush's Patriot Act, said POTUS could do whatever he wants, we never meant a black guy.' #GOPDebate http:…",,2015-08-07 08:22:42 -0700,629674032380669952,The world,Eastern Time (US & Canada) -6261,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MishaisShort,,0,,,clearly i just watched the #GOPDebate on youtube...,,2015-08-07 08:22:42 -0700,629674031143387136,,Central Time (US & Canada) -6262,No candidate mentioned,1.0,yes,1.0,Positive,0.6814,None of the above,0.649,,8s,,0,,,Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/rV90KrHkmI,,2015-08-07 08:22:40 -0700,629674024306544640,"Seattle, WA, US",Pacific Time (US & Canada) -6263,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kreiner_t,,1,,,RT @shmhpodcast: Ted Cruz knows words. And he's willing to say them. #GOPDebate,,2015-08-07 08:22:40 -0700,629674023824265216,, -6264,Rand Paul,0.4062,yes,0.6374,Positive,0.6374,None of the above,0.4062,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @RandPaul said Reagan negotiated and so will he. But from a place of strength.,,2015-08-07 08:22:40 -0700,629674022704390144,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6265,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,mrlemarc,,20,,,"RT @AllThingsFlynn: 3 Biggest Issues in the country, Zero mentions. -1) Income Inequality -2) Campaign Finance Reform -3) Climate Change -#GOPD…",,2015-08-07 08:22:40 -0700,629674022368710656,Chicago ,Eastern Time (US & Canada) -6266,No candidate mentioned,1.0,yes,1.0,Positive,0.3444,None of the above,0.6778,,chronwell,,1,,,"RT @AmnaKhalid: “If I have to monitor a mosque, I’ll monitor a mosque,” declaims Sen Lindsay Graham. That’s the rhetoric that wins GOP hear…",,2015-08-07 08:22:40 -0700,629674020900851712,PGC Maryland,Eastern Time (US & Canada) -6267,No candidate mentioned,1.0,yes,1.0,Positive,0.3354,FOX News or Moderators,1.0,,mhab107,,0,,,"While I wasn't too impressed with her questions last night, @megynkelly 's dress rocked!!! #whoareyouwearing #GOPDebate @FoxNews",,2015-08-07 08:22:39 -0700,629674019038457856,The Lone Star State,Pacific Time (US & Canada) -6268,No candidate mentioned,1.0,yes,1.0,Negative,0.6803,Abortion,1.0,,AngryBlackLady,,4,,,Pretty sure I was just drunkenly yelling “ABORTION” at the screen at the New Parkway last night. #GOPDebate,,2015-08-07 08:22:39 -0700,629674017478197248,#TheBay,Pacific Time (US & Canada) -6269,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,acktawveeoh,,137,,,"RT @maureenjohnson: George W. Bush sitting in the back of this debate, quietly completing his first sudoku. #GOPDebate",,2015-08-07 08:22:38 -0700,629674013476810752,, -6270,No candidate mentioned,1.0,yes,1.0,Neutral,0.6947,None of the above,0.6947,,mdbailey76,,0,,,Bernie Sanders live-tweeted the #GOPDebate http://t.co/9EBtDRKUNk via @HuffPostPol,,2015-08-07 08:22:37 -0700,629674011471917056,"Huntington, Indiana", -6271,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RoRoscoe,,2,,,"RT @DANEgerus: I didn't expect Chris Wallace(D) to be the 2nd worst partisan pontificating asshole ""moderating"" #GOPDebate @megynkelly",,2015-08-07 08:22:36 -0700,629674007395176448,,Eastern Time (US & Canada) -6272,Donald Trump,0.4401,yes,0.6634,Neutral,0.3366,FOX News or Moderators,0.4401,,DHeuvelhorst,,0,,,"@megynkelly @realDonaldTrump could have it handled better, but he was the only one questioned, read: attacked, at personal level.#GOPDebate",,2015-08-07 08:22:36 -0700,629674004970782720,California, -6273,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mo_keefe,,560,,,RT @maureenjohnson: At what point do they declare the Hunger Games open and these dudes run for the cornucopia? #GOPDebate,,2015-08-07 08:22:36 -0700,629674004668755968,,Pacific Time (US & Canada) -6274,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,FOX News or Moderators,0.6739,,RachBlevins,,0,,,#GOPDebate: @RealDonaldTrump Faces Off Against @MegynKelly http://t.co/XXIdjLJ355 #tcot via @RachBlevins @BenSwann_,,2015-08-07 08:22:36 -0700,629674004421308416,Texas,Eastern Time (US & Canada) -6275,Donald Trump,1.0,yes,1.0,Negative,0.3846,FOX News or Moderators,1.0,,JillVanTine1,,3,,,"RT @CarolHello1: #1 Donald Trump🇺🇸Ted Cruz #2 - -Even @NYT Repulsed - - ""NOT A #GOPDebate: An Inquisition!"" - -http://t.co/6Gt58AhdOf - -@theblaze …",,2015-08-07 08:22:31 -0700,629673983231725568,Southern Indiana, -6276,Ted Cruz,1.0,yes,1.0,Neutral,0.6333,Foreign Policy,1.0,,ridngirl,,11,,,RT @NCHometownGirl: #Cruz 1st day: I will cancel the Iran deal and move our embassy in Israel to Jerusalem. #cruzcrew #gopdebate #cruztovi…,,2015-08-07 08:22:30 -0700,629673980035776512,, -6277,No candidate mentioned,1.0,yes,1.0,Negative,0.6765,None of the above,1.0,,lee_saywhat,,1,,,RT @WagTheFox: The #GOPDebate did not disappoint ... unless you were hoping for an actual debate.,,2015-08-07 08:22:30 -0700,629673979607822336,"Janesville, Wisconsin",Central Time (US & Canada) -6278,Donald Trump,1.0,yes,1.0,Negative,0.6824,FOX News or Moderators,0.6824,,OppressedFart,,0,,,@archon @everyjoedotcom @realDonaldTrump FoxNews tried to take him out and gave him a big win with it #GOPDebate,,2015-08-07 08:22:29 -0700,629673975904370688,Buttocks,Monrovia -6279,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,g8r84,,1,,,"RT @WolfNW: Find it extremely disturbing that outta everything from last night's #GOPDebate, no one is questioning the ""who does God ❤️ mor…",,2015-08-07 08:22:29 -0700,629673975711440896,,Eastern Time (US & Canada) -6280,Ben Carson,1.0,yes,1.0,Negative,0.6579,None of the above,1.0,,yourstrulyjess,,359,,,"RT @RepubGrlProbs: Carson: Hillary feeds off of the uniformed, depending on the votes of useful idiots... ouch. #GOPDebate",,2015-08-07 08:22:28 -0700,629673974297858048,California,Pacific Time (US & Canada) -6281,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,Racial issues,0.7045,,allDigitocracy,,1,,,RT @rhondalevaldo: @etammykim @Marisol_Bello @allDigitocracy One interesting thing to note at #GOPDebate no questions were asked about Nati…,,2015-08-07 08:22:28 -0700,629673973291307008,"Washington, DC", -6282,No candidate mentioned,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,Women's Issues (not abortion though),0.4707,,Roland_Stiles,,0,,,"OBAMAS WAR ON WOMEN Record 56,209,000 Women Not in Labor Force http://t.co/3HVtHncEeG #women #Obama @potus #GOPdebate @whitehouse",,2015-08-07 08:22:28 -0700,629673972406296576,"39,000 ft over the Atlantic", -6283,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,MishaisShort,,52,,,RT @curlyheadRED: Me watching the... #GOPDebate http://t.co/zMBfMbAOUR,,2015-08-07 08:22:27 -0700,629673966651768832,,Central Time (US & Canada) -6284,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,SoftNPink,,3,,,RT @lotyslove: Not voting for anyone who isn't discussing or demanding we discuss #WhiteSupremacy. #GOPDebate,,2015-08-07 08:22:26 -0700,629673965137588224,"Detroit, Michigan",America/New_York -6285,No candidate mentioned,1.0,yes,1.0,Positive,0.6591,FOX News or Moderators,1.0,,SarahLeeAnne,,3,,,"RT @AngelaHaysMoore: Liberals, CNN agree: Fox did a great job! - http://t.co/4DGIJ1w0gs - conservatives in an uproar against @Foxnews #GOPD…",,2015-08-07 08:22:26 -0700,629673962549735424,Ohio,Eastern Time (US & Canada) -6286,No candidate mentioned,1.0,yes,1.0,Neutral,0.6176,None of the above,1.0,,ginou1010,,0,,,"""@MykaNow RT Bothers me when those runnin for President cannot respect even the office enough to call him President Obama. -#GOPDebate #Fail""",,2015-08-07 08:22:25 -0700,629673960188325888,"Somewhere, NJ", -6287,Donald Trump,1.0,yes,1.0,Negative,0.6408,None of the above,0.6715,,parlayjay41366,,0,,,Not only are the candidates eating each other. Now all the tea baggers hate the fox host. Donald scores twice for Hillary. Lmao #GOPDebate,,2015-08-07 08:22:25 -0700,629673959303327744,florida, -6288,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,heatherquintal,,0,,,Watched 15 mins of the #GOPdebate and then spent the rest of the night figuring out how I can dedicate my life to getting HRC elected. OMG.,,2015-08-07 08:22:24 -0700,629673957864517632,"oakland, ca",Pacific Time (US & Canada) -6289,Donald Trump,1.0,yes,1.0,Negative,0.6484,FOX News or Moderators,0.6484,,hemitruck1234,,0,,,@realDonaldTrump slams @megynkelly at #GOPDebate and mainstream media is already trying to discredit him. #bias media #damage control,,2015-08-07 08:22:23 -0700,629673952084905984,, -6290,No candidate mentioned,1.0,yes,1.0,Positive,0.3366,None of the above,0.6634,,dawnmariewilson,,0,,,"Watched the #GOPDebate, but kept thinking, ""This is the real answer 2 America's problems!"" #seekweek15 @LifeAction https://t.co/DJcj7BHGZb",,2015-08-07 08:22:23 -0700,629673950981681152,"Lakeside, CA",Pacific Time (US & Canada) -6291,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,stevegalluccio,,0,,,If I were a republican I would be mad as Hell that my party has been turned into a three ring circus by one Mr. Trump. #GOPDebate,,2015-08-07 08:22:21 -0700,629673941385248768,Montreal,Eastern Time (US & Canada) -6292,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,josedeynes,,0,,,Hardest questions in the #GOPDebate https://t.co/7E8IXL6j3l,,2015-08-07 08:22:20 -0700,629673937543102464,"Isabela, PR", -6293,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,Immigration,0.3587,,Sue_Gulley,,55,,,RT @JohnFugelsang: #GOPDebate would be a good time to remind our Mexican-hating friends that Obama is to the right of Reagan on 'amnesty.',,2015-08-07 08:22:18 -0700,629673932237373440,, -6294,No candidate mentioned,1.0,yes,1.0,Negative,0.71,None of the above,0.6636,,NHKeith,,0,,,.@bdemoree nah man. I have #fauxnews blocked. #foxnews #GOPDebate,,2015-08-07 08:22:17 -0700,629673927741165568,NH, -6295,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,moberemk,,0,,,"The #GOPDebate and the #macleansdebate are total opposites; Macleans ran a professional, organized debate, and the GOP ran a media circus.",,2015-08-07 08:22:17 -0700,629673924431745024,Ontario,Eastern Time (US & Canada) -6296,Scott Walker,1.0,yes,1.0,Positive,0.7011,None of the above,0.6489,,afaduln2,,40,,,RT @ColMorrisDavis: Props to @ScottWalker for giving a shoutout to union-made @harleydavidson! #GOPDebate,,2015-08-07 08:22:16 -0700,629673920824770560,The world,Eastern Time (US & Canada) -6297,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,democraticenter,,2,,,RT @ImtheBoogyman: http://t.co/gXSpz9KqJ7 Who won the debate? I voted @realDonaldTrump cast your vote with an honest source @DRUDGE not @Fo…,,2015-08-07 08:22:15 -0700,629673917070884864,USA,Atlantic Time (Canada) -6298,No candidate mentioned,0.4025,yes,0.6344,Negative,0.3333,None of the above,0.4025,,BradEngle,,3,,,"RT @BradOnMessage: While you were watching the #GOPDebate, the candidate @algore endorsed for Nashville Mayor lost. badly.",,2015-08-07 08:22:15 -0700,629673916622086144,Baton Rouge,Georgetown -6299,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,LGBT issues,0.6667,,DykstraDame,,0,,,"Rick Santorum brings full crazy to #GOPDebate, compares same-sex marriage & abortion to slavery http://t.co/DHtKpvVyCS",,2015-08-07 08:22:13 -0700,629673909701492736,NY, -6300,Donald Trump,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,OneAlfredPlace,,0,,,Donald Trump’s #GOPDebate Was Brilliant Entertainment And Inspired Some Hilarious Memes http://t.co/CPaav407zt http://t.co/QDqqpzIyHY,,2015-08-07 08:22:12 -0700,629673907570765824,"London, England",London -6301,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Nomadjl,,0,,,I'm so happy that my family is turning against Trump and they did watch the #GOPDebate last night,,2015-08-07 08:22:11 -0700,629673899958140928,Vienna West Virginia,Quito -6302,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,alewis28,,0,,,Posting this at the risk of enflaming the situation. It's worth a read. #GOPDebate #TNGOP http://t.co/MPFcHUIRT6,,2015-08-07 08:22:10 -0700,629673898527850496,"Cleveland, TN",Eastern Time (US & Canada) -6303,Jeb Bush,0.3888,yes,0.6235,Neutral,0.6235,None of the above,0.3888,,ChrissStreet,,2,,,RT @RedAlert: Bush defends his position on amnesty http://t.co/2un6wQlxlQ #GOPDebate http://t.co/6ytEVyqnC5,,2015-08-07 08:22:10 -0700,629673898141986816,Newport Beach,Pacific Time (US & Canada) -6304,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DWHignite,,0,,,@realDonaldTrump should buy @FoxNews and fire @megynkelly for thinking she could trump the Trump #GOPDebate #tcot https://t.co/j35iWIhbcE,,2015-08-07 08:22:10 -0700,629673897026301952,, -6305,Donald Trump,1.0,yes,1.0,Negative,0.6558,None of the above,1.0,,LibertyMomNY,,0,,,My aunt defends Trump to the death on Facebook. She also lives in one of his gated golf course neighborhoods #priorities #values #GOPDebate,,2015-08-07 08:22:08 -0700,629673888138534912,Greater NYC Area , -6306,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,laprofe63,,1,,,"They were all #LOSERS in my book. But I'm a progressive, pushing country in ""wrong"" direction. #GOPDebate https://t.co/4aPV2w39a9",,2015-08-07 08:22:07 -0700,629673885730865152,Chicagoland #USA via #NYC ,Central Time (US & Canada) -6307,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3438,Jobs and Economy,0.2292,,allDigitocracy,,0,,,@Marisol_Bello @LindseyGrahamSC @etammykim @rhondalevaldo Thanks for this source on Dodd-Frank. #TalkPoverty #GOPDebate,,2015-08-07 08:22:06 -0700,629673881343799296,"Washington, DC", -6308,No candidate mentioned,0.4594,yes,0.6778,Negative,0.3667,None of the above,0.4594,,akaPRock,,3,,,"RT @beethetranny: hey all you stupid #democrats making fun of the #GOPDebate debate, go google @HillaryClinton's selfie with kim kardashian…",,2015-08-07 08:22:06 -0700,629673879611445248,Houston,Central Time (US & Canada) -6309,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6636,,luisAUGUSTOpr,,2,,,#GOPDebate Recap http://t.co/TsUIKsJEeB,,2015-08-07 08:22:05 -0700,629673877560373248,PR | US,Quito -6310,Donald Trump,1.0,yes,1.0,Negative,0.6508,FOX News or Moderators,0.3492,,KGarritySekerci,,0,,,Beyond disgusted by Trump's misogynistic comments about women. Props to @megynkelly for asking. #GOPDebate,,2015-08-07 08:22:05 -0700,629673876532928512,"Washington, D.C.",Eastern Time (US & Canada) -6311,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZachWolfe20,,0,,,How can Donald Trump think that he won the #GOPDebate last night when he never actually answered any questions?,,2015-08-07 08:22:03 -0700,629673869348110336,, -6312,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,FOX News or Moderators,1.0,,z31r4m,,3,,,"RT @NASCARNAC: We should rename Fox News to ""The John McCain Network"". #GOPDebate",,2015-08-07 08:22:02 -0700,629673863903776768,カリ州ド田舎の秘密基地,Arizona -6313,Jeb Bush,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,N2332L,,0,,,"#GOPDebate From a New Hampshire Republucan: ""Bush looked like the adult on stage."" @JebBush good job.",,2015-08-07 08:21:58 -0700,629673844765143040,Depends on the day.,Pacific Time (US & Canada) -6314,No candidate mentioned,0.4111,yes,0.6411,Neutral,0.3384,,0.2301,,tracisaliba,,0,,,Missed you in #Cleveland @karibowieHertel ! Great to know you were Rockin' Cbus #GOPdebate w/ Team @robportman @theribsking Dublin!,,2015-08-07 08:21:57 -0700,629673843842514944,"Powell, Ohio",Central Time (US & Canada) -6315,No candidate mentioned,0.4119,yes,0.6418,Neutral,0.6418,None of the above,0.4119,,mediamonarchy,,0,,,The #GOPDebate *and* the #DailyShow's #JonStewart sign off was on the same night? That's moldy manna for the masses! #fakeleftrightparadigm,,2015-08-07 08:21:57 -0700,629673842516963328,PDX,Pacific Time (US & Canada) -6316,Jeb Bush,0.4444,yes,0.6667,Negative,0.3434,None of the above,0.4444,,Watchdogsniffer,,8,,,"RT @climatebrad: .@JebBush's Million-Dollar Donors, updated thx to @zachmider http://t.co/K3BcdnUTM0 #GOPDebate http://t.co/qdiwcwNQY0",,2015-08-07 08:21:54 -0700,629673828377980928,"San Diego, CA USA",Pacific Time (US & Canada) -6317,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nopigtoobig,,0,,,How long until the @GOP realises that @FoxNews is bad for the party? Narrower and narrower it becomes. #GOPDebate,,2015-08-07 08:21:53 -0700,629673827140767744,"Axminster, Devon", -6318,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3478,,RonBasler1,,29,,,"RT @Cameron_Gray: I thought a #FOXNewsDebate would be the last place I'd hear ""Oh yeah, let's squeeze in a quick final question about veter…",,2015-08-07 08:21:52 -0700,629673822845710336,"California, USA", -6319,No candidate mentioned,0.3997,yes,0.6322,Negative,0.3218,None of the above,0.3997,,meguylikeme,,0,,,"Me, guy like me? Going to run for President as a Republican just for a better seat at the debate. #meguylikeme #Republicandebate #GOPDebate",,2015-08-07 08:21:52 -0700,629673821516251136,,Eastern Time (US & Canada) -6320,No candidate mentioned,1.0,yes,1.0,Negative,0.6745,Healthcare (including Medicare),0.6703,,SNCCLA,,24,,,RT @GingerTaylor: #CDCwhistleblower reports that CDC destroyed autism vaccine data. Where are the congressional hearings? #GOPDebate http:/…,,2015-08-07 08:21:51 -0700,629673816067682304,Los Angeles,Pacific Time (US & Canada) -6321,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,millbot,,1,,,How did I miss this #GOPdebate #Santorum http://t.co/QwnSK4sCTM,,2015-08-07 08:21:50 -0700,629673815195426816,"Madison, WI",Mountain Time (US & Canada) -6322,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,Immigration,0.7143,,EusebiaAq,,0,,,@Marisol_Bello Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:21:50 -0700,629673811575615488,America,Eastern Time (US & Canada) -6323,No candidate mentioned,1.0,yes,1.0,Positive,0.34700000000000003,None of the above,1.0,,tpirkl,,1,,,"Enjoying #Democrat panic over #Hillary cratering in polls. People won't support pandering, sneaky unsympathetic politician...#GOPDebate",,2015-08-07 08:21:48 -0700,629673803438800896,"St. Paul, MN",Central Time (US & Canada) -6324,No candidate mentioned,0.6698,yes,1.0,Neutral,1.0,None of the above,0.6698,,MattCFranks,,0,,,Enjoy the #GOPDebate? Share emojis of the candidates with @YourMoji! Download the app: http://t.co/8JzxXb9L46 #client http://t.co/19XPNNv2La,,2015-08-07 08:21:47 -0700,629673800360177664,Chicago,Eastern Time (US & Canada) -6325,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CostaRicaLiving,,17,,,"RT @bjork55: Shorter #GOPDebate: We support policies & principles that don't work, have never worked, will never work. Please vote for us.",,2015-08-07 08:21:47 -0700,629673799332446208,Costa Rica,Central Time (US & Canada) -6326,Donald Trump,1.0,yes,1.0,Neutral,0.6542,None of the above,1.0,,schiller713,,0,,,Reading #GOPDebate coverage and wondering if I watched something different. The biggest attacks on @realDonaldTrump coming from the Right.,,2015-08-07 08:21:45 -0700,629673792890122240,Houston,Mountain Time (US & Canada) -6327,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6817,,brodyclemmer,,0,,,"As I listen to the #GOPDebate this morning, I cannot stop thinking of #JonStewart's words ""Bullshit... is everywhere"".",,2015-08-07 08:21:45 -0700,629673792533581824,PHL,Eastern Time (US & Canada) -6328,No candidate mentioned,0.3587,yes,1.0,Positive,0.6413,None of the above,1.0,,Heather_21001,,1,,,RT @crib160: Excited to see how my personal favorites will continue to do after last night! @CarlyFiorina @marcorubio and @RealBenCarson #G…,,2015-08-07 08:21:45 -0700,629673791866560512,Kentucky,Eastern Time (US & Canada) -6329,Donald Trump,1.0,yes,1.0,Negative,0.6118,None of the above,1.0,,jnjsmom,,1,,,"Lets play the ""What's worse"" game. What's worse? 1. @realDonaldTrump calls Rosie fat 2. Clinton sleeps w/intern R/T if u pick 2. #GOPDebate",,2015-08-07 08:21:43 -0700,629673785642225664,"Peoria, IL",Central Time (US & Canada) -6330,No candidate mentioned,0.4376,yes,0.6615,Negative,0.6615,FOX News or Moderators,0.4376,,theratzpack,,5,,,RT @cokeybest: .@megynkelly Megyn Candy Crowley Kelly. Enough said. #kellyfile #FoxNews #GOPDebate .@FoxNews,,2015-08-07 08:21:43 -0700,629673783847223296,,Quito -6331,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,Immigration,1.0,,CtrKaren,,44,,,"RT @jjauthor: Politicians call it “immigration reform” because they don’t want to call it what it is – making illegal immigration, legal! -#…",,2015-08-07 08:21:43 -0700,629673782853156864,, -6332,No candidate mentioned,1.0,yes,1.0,Neutral,0.6372,None of the above,0.6372,,maxberger,,1,,,"RT @afroCHuBBZ: This is about making the connections clear.. #KKKorGOP #GOPDebate -http://t.co/ioYYZRRQzd",,2015-08-07 08:21:42 -0700,629673778918891520,"Brooklyn, New York",Eastern Time (US & Canada) -6333,No candidate mentioned,0.6829,yes,1.0,Negative,0.6585,Foreign Policy,0.6585,,Jamie7Keller,,178,,,"RT @RealDonalDrumpf: As president, I will get tough on China. As soon as I've accepted delivery of my next shipload of shirts #GOPDebate ht…",,2015-08-07 08:21:41 -0700,629673775462809600,"Roanoke, VA", -6334,Scott Walker,1.0,yes,1.0,Negative,0.6809,Abortion,1.0,,TheBaxterBean,,14,,,Scott Walker's Abortion Ban Allows Rapist Father To Sue For Emotional Distress http://t.co/rHMvgumuir #GOPDebate @Badgersbane @amyjofox,,2015-08-07 08:21:38 -0700,629673764930895872,lux et veritas,Eastern Time (US & Canada) -6335,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6563,,teemonee31066,,0,,,"“@megynkelly: Crazy day, fun night, exhausting week. This is moments before the #GOPDebate - megn @trump like ...got u",,2015-08-07 08:21:34 -0700,629673745066668032,ATL/ NYC.... miami . soon,Quito -6336,No candidate mentioned,0.4348,yes,0.6594,Positive,0.6594,FOX News or Moderators,0.4348,,JosephMRyan1,,2,,,#GOPDebate Proved Beautiful Women Certainly Should Be Debate Moderators Great Job Martha You & Carly Belong In Top 10 http://t.co/nP0VNGnOTx,,2015-08-07 08:21:32 -0700,629673739446276096,,Eastern Time (US & Canada) -6337,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,effyes,,0,,,"Carly Fiorina needs to be Secretary of State or on the ticket as VP, at least, so extremely smart and sharp! #GOPDebate",,2015-08-07 08:21:32 -0700,629673736380260352,"Cochrane, AB",Mountain Time (US & Canada) -6338,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Foreign Policy,0.6667,,Sofia16E,,3,,,"RT @EliseSchloff: Can someone tell the GOP it's not ""I-ran"".... #GOPDebate",,2015-08-07 08:21:31 -0700,629673733440073728,, -6339,No candidate mentioned,1.0,yes,1.0,Neutral,0.637,Racial issues,1.0,,afroCHuBBZ,,1,,,"This is about making the connections clear.. #KKKorGOP #GOPDebate -http://t.co/ioYYZRRQzd",,2015-08-07 08:21:31 -0700,629673733398114304,bychubbz.tumblr.com,Quito -6340,No candidate mentioned,1.0,yes,1.0,Negative,0.6763,None of the above,0.6763,,colvillerunner,,0,,,Good quick analysis here: Republican Candidates’ Spending Increases https://t.co/bCr3NVR9bk #GOPDebate,,2015-08-07 08:21:30 -0700,629673730524884992,Pacific Northwest, -6341,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,v_nooguyen,,0,,,"In a world with Fact Check, WHY LIE?! #GOPDebate",,2015-08-07 08:21:30 -0700,629673729199489024,,Central Time (US & Canada) -6342,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IamMuskyHunter,,1,,,At this point in the #GOPDebate there is no winner. Only losers.,,2015-08-07 08:21:27 -0700,629673717115785216,Wisconsin,Central Time (US & Canada) -6343,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,Drosaming,,5,,,"RT @BrewStuds: Disappointed that #Trump didn't talk about his #craftbeer called, F**k Your Hair? http://t.co/dtYAx80Rnf #gopdebate http://t…",,2015-08-07 08:21:27 -0700,629673716192907264,, -6344,No candidate mentioned,1.0,yes,1.0,Negative,0.6869,None of the above,1.0,,theflintstones,,1,,,RT @davidsingletary: 11:11 #MakeAWish (and please let it be for better future leaders for our country after watching this #GOPDebate ),,2015-08-07 08:21:27 -0700,629673714972553216,"Arnold, MO",Eastern Time (US & Canada) -6345,Donald Trump,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,DontTakeLosses,,0,,,"""not sure Trump is as detrimental for Republicans, makes anyone standing near him look like Cicero"" lol #GOPDebate https://t.co/CiO5IE0NSb",,2015-08-07 08:21:26 -0700,629673713206583296,"Arizona, USA",Eastern Time (US & Canada) -6346,Donald Trump,0.4594,yes,0.6778,Negative,0.6778,None of the above,0.4594,,SteveArrants,,0,,,#GOPDebate Ahem... http://t.co/hD1UkBUrsZ,,2015-08-07 08:21:24 -0700,629673705665339392,Vermont,Eastern Time (US & Canada) -6347,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,allicatt_meow,,1,,,RT @Mauxes_: The #GOPDebate candidates honestly terrify me because if one is actually elected our country will be fucked.,,2015-08-07 08:21:24 -0700,629673702150553600,"Milwaukee, WI",Central Time (US & Canada) -6348,Jeb Bush,0.6729,yes,1.0,Neutral,0.6395,Jobs and Economy,1.0,,juanarjonah,,135,,,RT @JebBush: Hillary Clinton and Barack Obama are wrong. We can grow this economy again. http://t.co/aViaq6Flkf #GOPDebate,,2015-08-07 08:21:23 -0700,629673701626224640,Medellín/Miami,Eastern Time (US & Canada) -6349,Rand Paul,0.3847,yes,0.6202,Positive,0.6202,None of the above,0.3847,,Johnisnotamused,,0,,,Rand Paul is the only anti-government candidate who actually makes sense. #GOPDebate,,2015-08-07 08:21:22 -0700,629673695540301824,literally anywhere else,Quito -6350,Ben Carson,1.0,yes,1.0,Neutral,0.7111,None of the above,1.0,,Dsamuels93,,2,,,"RT @bearrett50cal: If Ben Carson becomes president, will people address him as Dr. President instead of Mr. President? #GOPDebate",,2015-08-07 08:21:21 -0700,629673692415545344,"Tuscaloosa, AL", -6351,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LewisLynnComedy,,0,,,Idocracy at its finest.. #Trump #Trump2016 #GOPDebate #education #AmericasGotTalent #America #hilarious #funnywomen http://t.co/i4Iv4UK5jp,,2015-08-07 08:21:20 -0700,629673685511704576,"Florida, USA", -6352,No candidate mentioned,0.4153,yes,0.6444,Negative,0.3444,None of the above,0.4153,,TheOracle13,,1,,,RT @usedtobgop: I don't know about anyone else but think last night #GOPDebate on @msnbc was a BIG flop without @maddow @Lawrence & @chrisl…,,2015-08-07 08:21:19 -0700,629673684601430016,,Atlantic Time (Canada) -6353,No candidate mentioned,1.0,yes,1.0,Neutral,0.6566,None of the above,1.0,,zboka,,0,,,"#GOPDebate took place at ""Quicken Loans arena"" which just says everything.",,2015-08-07 08:21:19 -0700,629673682609283072,NYC , -6354,No candidate mentioned,0.3981,yes,0.631,Neutral,0.3333,None of the above,0.3981,,912stand,,1,,,"RT @DivineMoments: Media, be it on the Left or Right, want to shape the news the way they see it.. Thank goodness most people can see thro…",,2015-08-07 08:21:18 -0700,629673677534007296," Riverside, CA 92507",Pacific Time (US & Canada) -6355,Donald Trump,0.4492,yes,0.6702,Negative,0.6702,Women's Issues (not abortion though),0.2282,,OppressedFart,,6,,,". @megynkelly drawing heat on Facebook for attacking @realDonaldTrump with the ""sexism narrative"" in the #GOPDebate http://t.co/KI7WCMIqaR",,2015-08-07 08:21:17 -0700,629673673465692160,Buttocks,Monrovia -6356,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3563,Abortion,0.4444,,RoseannYvellez,,108,,,RT @YoungBLKRepub: Retweet if you see a life..... #GOPDebate http://t.co/NVyeiWAzIb,,2015-08-07 08:21:15 -0700,629673666884677632,, -6357,Donald Trump,0.4302,yes,0.6559,Negative,0.6559,None of the above,0.4302,,ZanP,,0,,,"""about the stupidity of everyone not named Trump. And so it went"" http://t.co/rInB8kwt6O #GOPDebate #pjnet #WakeUpAmerica",,2015-08-07 08:21:14 -0700,629673663592181760, Constitutional Republic ,Central Time (US & Canada) -6358,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,irinahart86,,0,,,It's scary to think just how close he could get to that finish line :( #NotMyCandidate #DumpTrump #GOPDebate https://t.co/N8jAFQCEgG,,2015-08-07 08:21:13 -0700,629673656399085568,New York,Eastern Time (US & Canada) -6359,No candidate mentioned,1.0,yes,1.0,Positive,0.3696,None of the above,1.0,,TheAlvarezLaw,,0,,,"Favorite quote of the night ""Freedom isn't free"" #GOPDebate",,2015-08-07 08:21:11 -0700,629673650430582784,Winter Park and Orlando ,Central Time (US & Canada) -6360,Ben Carson,0.4113,yes,0.6413,Positive,0.3261,None of the above,0.4113,,Mr_Republican12,,0,,,"I strongly disagree with @benshapiro saying @RealBenCarson ""isn’t a presidential candidate, and he didn’t look like one"" -#GOPDebate",,2015-08-07 08:21:10 -0700,629673646093676544,, -6361,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,Abortion,0.4074,,graceording,,443,,,RT @feministabulous: Praying for @megynkelly to interrupt one of them with this #GOPDebate http://t.co/f9qwVLhb3z,,2015-08-07 08:21:10 -0700,629673645737164800,, -6362,Donald Trump,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,TheJukeBoxJosh,,71,,,"RT @DanRyckert: I don't understand politics but I understand wrestling, so all I know from watching the #GOPDebate is that Trump cuts the b…",,2015-08-07 08:21:09 -0700,629673643321110528,"Austin, TX",Central Time (US & Canada) -6363,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,ichbindaswalros,,0,,,#GOPDebate Hmmmm tough choice... http://t.co/hL2qNPqVgj,,2015-08-07 08:21:08 -0700,629673637876994048,The Center of the Mind,Eastern Time (US & Canada) -6364,John Kasich,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6617,,FishingwFredo,,0,,,".@TheFix's #GOPDebate highlights: Kasich's gay marriage defense, Jeb's Common Core defense. I think I know why you didn't like the debates.",,2015-08-07 08:21:08 -0700,629673636341895168,Flyover Country,Pacific Time (US & Canada) -6365,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,kzshabazz,,1,,,...But I don't take either party seriously. GOP and Dems are on the same racist team #GOPDebate,,2015-08-07 08:21:07 -0700,629673634827644928,global afrika #LetsGetFree,Eastern Time (US & Canada) -6366,Ted Cruz,0.6289,yes,1.0,Negative,0.6984,None of the above,1.0,,Daniel_Stover,,0,,,#GOPDebate: Did Cruz Trump Trump? https://t.co/CpaXgGkJbK via @CR,,2015-08-07 08:21:06 -0700,629673629664440320,"Hopkins, MN",Eastern Time (US & Canada) -6367,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fanofAC,,0,,,@BernieSanders Not only are the Rs out of touch but so is @FoxNews #GOPDebate #DebateWithBernie,,2015-08-07 08:21:05 -0700,629673625163948032,"Dallas, Texas", -6368,Donald Trump,1.0,yes,1.0,Negative,0.6609,FOX News or Moderators,1.0,,TamaraM31310640,,9,,,"RT @SomethingIdSay: .@FoxNews went after @realDonaldTrump like they had an agenda. I don't care who he called fat!! - -#GOPDebate - https://t…",,2015-08-07 08:21:05 -0700,629673624450895872,, -6369,No candidate mentioned,1.0,yes,1.0,Negative,0.654,None of the above,1.0,,Hirobraves,,1,,,RT @jaymelee1: Do I attempt to listen to the #gopdebate while driving or might it impair my judgement?,,2015-08-07 08:21:03 -0700,629673618050449408,"Hiroshima, Japan",Irkutsk -6370,No candidate mentioned,1.0,yes,1.0,Neutral,0.6915,None of the above,1.0,,lbowerzta,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/549CMb3zs6 via @theSkimm,,2015-08-07 08:21:03 -0700,629673615848550400,ATL,Eastern Time (US & Canada) -6371,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,ZacharyBrian15,,1,,,RT @rcampbellsproul: A great summary of last night's #GOPDebate http://t.co/kDeaGS3iEE,,2015-08-07 08:21:02 -0700,629673613914996736,,Indiana (East) -6372,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,nathanbradshaa,,0,,,Watching the #GOPDebate ..... Anti abortion ... I'm ashamed of my gender,,2015-08-07 08:21:02 -0700,629673613201793024,"Melbourne, Australia", -6373,Mike Huckabee,0.4153,yes,0.6444,Positive,0.6444,Foreign Policy,0.4153,,nymike2,,2,,,"RT @katestratton3: @missumuggins @tak31523 THANKS @GovMikeHuckabee Who SpokeOut -at #GOPDebate for US #Hostages in #Iran #FreeAmirNow+3 htt…",,2015-08-07 08:21:01 -0700,629673606067322880,Earth,Eastern Time (US & Canada) -6374,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DavewWukie,,7,,,RT @sydney2m: exactly what I said #WakeUpAmerica #Revolution #Chattanooga #DefundPP #TermLimits #GOPDebate #STOPCommonCore https://t.co/G…,,2015-08-07 08:21:01 -0700,629673605945794560,"salem, ohio", -6375,No candidate mentioned,1.0,yes,1.0,Negative,0.6847,FOX News or Moderators,0.6847,,usedtobgop,,1,,,I don't know about anyone else but think last night #GOPDebate on @msnbc was a BIG flop without @maddow @Lawrence & @chrislhayes #Boycott,,2015-08-07 08:21:00 -0700,629673604695719936,USA,Eastern Time (US & Canada) -6376,Donald Trump,0.4594,yes,0.6778,Negative,0.3667,None of the above,0.4594,,CocktailsCigars,,1,,,It's Huge... It's a F#&king #Juggernaut #DonaldTrump #GOPDebate https://t.co/F30T6FbE6P,,2015-08-07 08:20:58 -0700,629673597104058368,Miami Beach, -6377,No candidate mentioned,0.4201,yes,0.6482,Positive,0.3518,None of the above,0.4201,,AndreaWeslien,,51,,,"RT @slaboe: [VIDEO] http://t.co/taPH65klje -@CarlyFiorina Rocks the 1st Round of #GOPDebate #Carly2016 http://t.co/3L7YiMjXDL",,2015-08-07 08:20:57 -0700,629673592217714688,♡America The Beautiful♡ , -6378,Marco Rubio,0.4379,yes,0.6617,Negative,0.3492,None of the above,0.4379,,TheTruthGuy23,,30,,,"RT @TeaPainUSA: Marco Rubio: ""Why vote for someone successful like Hillary Clinton when you can vote for me?"" #GOPDebate",,2015-08-07 08:20:57 -0700,629673588962889728,, -6379,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CaseyLait,,200,,,"RT @BrickCh4News: Years later, doctors will tell Donald Trump that he has an IQ of 48 and are what some people call mentally retarded. #GOP…",,2015-08-07 08:20:56 -0700,629673586949689344,, -6380,Donald Trump,0.4466,yes,0.6683,Negative,0.6683,Women's Issues (not abortion though),0.4466,,stacyjill,,1,,,"RT @AlexfromPhilly: ""Donald Trump just gave a master class on how to get away with sexism"" #GOPDebate - -http://t.co/FWrq8mkzTb",,2015-08-07 08:20:53 -0700,629673573985091584,"Carbondale, IL",Central Time (US & Canada) -6381,No candidate mentioned,1.0,yes,1.0,Negative,0.6572,None of the above,1.0,,_tadero_,,0,,,#GOPDebate weird. No clear winner.,,2015-08-07 08:20:53 -0700,629673572160667648,New York City, -6382,Ben Carson,0.2396,yes,0.6813,Positive,0.6813,None of the above,0.2396,,Cheryl_Now,,0,,,Amen! This gentleman definitely has my vote. Love him and what he stands for. #GOPDebate #onpoint #patriot https://t.co/aNzmdIOrVe,,2015-08-07 08:20:52 -0700,629673569119805440,,Pacific Time (US & Canada) -6383,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,terryatravers,,1,,,"RT @OneLegSandpiper: #GOPDebate I was disappointed. Not ONE of them said ""Churchillian.""",,2015-08-07 08:20:51 -0700,629673565479157760,01562,Atlantic Time (Canada) -6384,No candidate mentioned,0.3753,yes,0.6126,Negative,0.6126,None of the above,0.3753,,hschubert13,,1,,,"RT @Jay_Dubb13: When I think of wall, I think of communism. I don't think Saint Ronald Reagan would like this. #GOPDebate http://t.co/2j7mT…",,2015-08-07 08:20:48 -0700,629673555257528320,, -6385,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,TzviaBR,,1,,,"Today is ""International Beer Day,"" conveniently scheduled after ""International Listen to Republicans Talk for Two Hours Day."" - -#GOPDebate",,2015-08-07 08:20:48 -0700,629673553940611072,,Atlantic Time (Canada) -6386,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.6383,None of the above,0.4074,,KhyChestnut,,0,,,I wish this would have been talked about at the #GOPDebate https://t.co/2JWVq51bYK,,2015-08-07 08:20:47 -0700,629673550840995840,"Kennesaw, Georgia",Eastern Time (US & Canada) -6387,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,kttk234567,,0,,,"Trump Twitter Rant: ‘Megyn Kelly Bombed Tonight’ - -http://t.co/SbpiWOM0JJ #GOPDebate #tcot #RedNationRising #uniteblue #pjnet #gop #tgdn #p2",,2015-08-07 08:20:45 -0700,629673539310895104,USA,Eastern Time (US & Canada) -6388,No candidate mentioned,1.0,yes,1.0,Negative,0.6562,None of the above,0.6979,,DivineMoments,,1,,,"Media, be it on the Left or Right, want to shape the news the way they see it.. Thank goodness most people can see through them. #GOPdebate",,2015-08-07 08:20:44 -0700,629673537301794816,NJ,Eastern Time (US & Canada) -6389,Donald Trump,0.2489,yes,0.6824,Negative,0.6824,FOX News or Moderators,0.4656,,Shirleystopirs,,4,,,"RT @GovtsTheProblem: Since @FoxNews wants to talk about campaign donations, let's talk. -@rupertmurdoch @realDonaldTrump -#GOPDebate http://t…",,2015-08-07 08:20:43 -0700,629673530637045760,,Atlantic Time (Canada) -6390,Rand Paul,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,jeremy_milford,,1,,,#RandPaul Got the Least Talk Time of Any Debate Candidate #GOPDebate http://t.co/RAm2SItAa1,,2015-08-07 08:20:42 -0700,629673529135403008,, -6391,No candidate mentioned,1.0,yes,1.0,Positive,0.6579,FOX News or Moderators,0.6697,,trichterne1,,13,,,RT @Doc_JJK: She won both debates...#GOPDebate @FoxNews http://t.co/oEzz6jtPO8,,2015-08-07 08:20:42 -0700,629673526736220160,Mild Wild West,Central Time (US & Canada) -6392,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dakotacloud,,0,,,"The #GOPDebate was terrifying. All I can say is, @SenSanders 2016. #Bernie #BernieSanders #Bernie2016 #FeelTheBern http://t.co/K8FKh4pNjr",,2015-08-07 08:20:41 -0700,629673525645676544,"Corvallis, OR",Arizona -6393,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DavidStanstead,,0,,,Floyd5689: Loved watching the #GOPDebate last night! We need realDonaldTrump to #MakeAmericagreatagain. #inspiration,,2015-08-07 08:20:41 -0700,629673523162841088,Divinity bound,Pacific Time (US & Canada) -6394,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,1.0,,fawn_mac,,4,,,"RT @Sir_Max: ritzy_jewels: RT RedStateJake: Hey FoxNews - keep that degenerate DWStweets FAR away from ANY #GOPDebate. - -#tcot #… http://t.c…",,2015-08-07 08:20:41 -0700,629673522030231552,, -6395,No candidate mentioned,1.0,yes,1.0,Positive,0.6517,FOX News or Moderators,1.0,,COsky11,,0,,,"I nominate @FoxNews for the ""Best Comedy Special"" Emmy in 2015; their parody of a political debate was outstanding. #GOPDebate #GOP2016",,2015-08-07 08:20:40 -0700,629673520872583168,"Colorado, USA",Mountain Time (US & Canada) -6396,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,JonStokely,,8,,,"RT @MattTheMedic: I don't know who won the #GOPDebate tonight, but I'm certain America lost.",,2015-08-07 08:20:40 -0700,629673519765422080,, -6397,No candidate mentioned,0.4493,yes,0.6703,Neutral,0.3516,None of the above,0.2357,,AmericanSon_USA,,169,,,"RT @FoxNews: .@GovernorPerry: If you elect me as president of the United States, I will secure the Southern border. #GOPDebate http://t.co/…",,2015-08-07 08:20:39 -0700,629673516158320640,, -6398,No candidate mentioned,1.0,yes,1.0,Neutral,0.6965,None of the above,1.0,,MohamedOmar,,0,,,The 6 most surprising moments from last night's wacky #GOPDebate http://t.co/jjsN7KIt37 http://t.co/mZds5vT9ZG http://t.co/Ni5C0oLNTf,,2015-08-07 08:20:39 -0700,629673514635649024,MENA,Cairo -6399,Donald Trump,1.0,yes,1.0,Negative,0.66,FOX News or Moderators,0.66,,heidikitrosser,,1,,,"RT @dennisjansen: Donald Trump late-night angry-tweets Megyn Kelly, and it is epic http://t.co/sOaYXrXPTl #GOPDebate",,2015-08-07 08:20:38 -0700,629673512614129664,"Minneapolis, MN & Evanston, IL", -6400,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,Immigration,1.0,,birrdytalk,,490,,,"RT @BobbyJindal: Immigration without assimilation is not immigration, it is invasion. #GOPDebate",,2015-08-07 08:20:38 -0700,629673509946544128,ohio, -6401,No candidate mentioned,1.0,yes,1.0,Neutral,0.6747,None of the above,1.0,,shmody,,6,,,"RT @walterolson: My reaction, and that of @CatoInstitute colleagues, to last night's #GOPDebate http://t.co/xI1dSIBDSv #Cato2016",,2015-08-07 08:20:36 -0700,629673502711377920,Baltimore/DC area,Central Time (US & Canada) -6402,No candidate mentioned,1.0,yes,1.0,Negative,0.6595,None of the above,1.0,,baayyllaayy,,177,,,RT @JaclynGlenn: Here's the lineup for the #GOPDebate if anyone was wondering... http://t.co/OM8OSFGkHe,,2015-08-07 08:20:36 -0700,629673500828172288,, -6403,No candidate mentioned,1.0,yes,1.0,Neutral,0.3448,None of the above,1.0,,jesie_ann,,1,,,Anyone unhappy about last night's debate. This should cheer you up. #GOPDebate http://t.co/b9muPzutDm,,2015-08-07 08:20:35 -0700,629673499007827968,Georgia,Eastern Time (US & Canada) -6404,No candidate mentioned,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,EricDBarry,,0,,,"I just scrolled through the #GOPDebate - -Wow. Just Wow. #tvot",,2015-08-07 08:20:34 -0700,629673495861919744,"Austin, TX",Central Time (US & Canada) -6405,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6726,,ScoopcooperSeth,,45,,,"RT @sims: While I haven’t heard from him, I have personally addressed God many times tonight while watching this #GOPDebate.",,2015-08-07 08:20:32 -0700,629673487100215296,, -6406,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,RegisGiles,,0,,,Post Edited: #GOPDebate: The Best and Most Outrageous One-Liners From Last Night http://t.co/2iDgNYd1dX,,2015-08-07 08:20:32 -0700,629673486294777856,"Miami, FL",Eastern Time (US & Canada) -6407,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,0.6559,,PB_Prathamesh_B,,0,,,What were the hardest-hitting questions in the #GOPDebate? JasonBellini takes look: http://t.co/8pWeThb5ns,,2015-08-07 08:20:32 -0700,629673486219407360,,Pacific Time (US & Canada) -6408,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,rachelmassone,,2,,,RT @lea_elenaa: Is this the #GOPDebate or Comedy Central?!?!,,2015-08-07 08:20:31 -0700,629673480963944448,,Central Time (US & Canada) -6409,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Torold_Time,,1,,,RT @TheIdleTeen: Why did she mention God? The last time I checked in THE CONSTITUTION it said there must be separation of church and state.…,,2015-08-07 08:20:31 -0700,629673480888283136,CT,Central Time (US & Canada) -6410,Chris Christie,1.0,yes,1.0,Negative,0.6882,None of the above,1.0,,bryboone,,1,,,RT @dog_memes: How dare you hug #Obama #RandPaul #GOPDebate #FOXNEWSDEBATE #mememydog #ChrisChristie #pitbulls #hugs4chris http://t.co/Fs…,,2015-08-07 08:20:30 -0700,629673475905445888,near Austin , -6411,No candidate mentioned,1.0,yes,1.0,Neutral,0.6579999999999999,FOX News or Moderators,1.0,,friarsfriars,,12,,,RT @HowardKurtz: Behind the scenes: How the Fox anchors slaved over the debate questions for each candidate #GOPDebate http://t.co/W1lS6YzB…,,2015-08-07 08:20:29 -0700,629673474940928000,, -6412,Rand Paul,1.0,yes,1.0,Negative,0.6978,None of the above,1.0,,DutraGale,,2,,,RT @ProfessorRobo: When did pledging allegiance to party at #GOPDebate bcome standard practice? ...I don’t recall RonPaul being asked tht q…,,2015-08-07 08:20:29 -0700,629673474852651008,, -6413,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,itslaurenmason,,0,,,So after the #GOPDebate last night I think I know who I want to be president. #MegynKelly #MegynKellyforPresident #MegynKelly2016,,2015-08-07 08:20:29 -0700,629673472898297856,"Augusta, Georgia",Central Time (US & Canada) -6414,Donald Trump,0.4224,yes,0.6499,Neutral,0.6499,None of the above,0.4224,,ItsShoBoy,,2,,,#GOPDebate w/o moderation: @realDonaldTrump shapes @GOP policy and debate http://t.co/7MbjN53Vut #TNTweeters #AINF #tlot #tcot #p2 #Latism,,2015-08-07 08:20:29 -0700,629673472797634560,CALIFORNIA,Pacific Time (US & Canada) -6415,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kujo71,,1,,,RT @amirandas: #GOPdebate was indeed flaccid. Want to hear what @BernieSanders has to say in the Democrat debate! #DebateWithBernie https:/…,,2015-08-07 08:20:28 -0700,629673469345579008,"Columbia, MO",Central Time (US & Canada) -6416,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,abeachbum120,,9,,,"RT @pursueliberty: Truer and more poignant words were never spoken on a debate stage. Well done, @tedcruz #GOPDebate https://t.co/XULzpGLh…",,2015-08-07 08:20:26 -0700,629673461409931264,Republic of Texas, -6417,Rand Paul,1.0,yes,1.0,Positive,0.6332,Abortion,0.3668,,gatorgurl323,,167,,,"RT @RandPaul: Rand Paul Is Leading The Fight To Defund Planned Parenthood - -Read more here: https://t.co/pUpwnGlaot #GOPDebate http://t.co/I…",,2015-08-07 08:20:26 -0700,629673459509899264,, -6418,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6762,,EhabZ,,0,,,"‘Fat pigs, dogs, slobs and disgusting animals’: Female victims of Trump’s sexist insults brought up in #GOPdebate http://t.co/RAs5SFCNig",,2015-08-07 08:20:25 -0700,629673458075627520,"Brooklyn, New York",Eastern Time (US & Canada) -6419,,0.2319,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,NoChristie16,,0,,,#NJ has had 9 credit downgrades in just 5 years under #ChrisChristie. #GOPDebate #FoxNews #TellingItLikeItIs,,2015-08-07 08:20:25 -0700,629673457140277248,, -6420,Donald Trump,1.0,yes,1.0,Negative,0.6706,None of the above,0.6706,,Big6domino,,0,,,Obviously #Trump has captured the white vote. Now it's up to the sensible Americans to make sure he is never elected. #YesWeCan #GOPdebate,,2015-08-07 08:20:19 -0700,629673430451924992,"Atlanta, GA", -6421,No candidate mentioned,0.442,yes,0.6649,Negative,0.6649,None of the above,0.442,,NYpoet,,58,,,"RT @JillBidenVeep: That was more of a ""who has the loudest indoor voice contest"" than a debate. #GOPDebate",,2015-08-07 08:20:18 -0700,629673425867509760,NYC,Atlantic Time (Canada) -6422,Rand Paul,0.6556,yes,1.0,Positive,0.3455,None of the above,0.6556,,travisinghram,,1,,,The mainstream media wants to limit our options to establishment puppets. We know who won! #StandwithRand #GOPDebate http://t.co/UYEQy2Nh7A,,2015-08-07 08:20:17 -0700,629673424755908608,Des Moines,Central Time (US & Canada) -6423,No candidate mentioned,0.4025,yes,0.6344,Negative,0.3333,Racial issues,0.4025,,sankofa90,,4,,,"RT @revjudegeiger: The #GOPDebate talked about ""what if"" terrorism were to happen in our country again. White Supremacy is alive and well.…",,2015-08-07 08:20:16 -0700,629673418984660992,"Miami, FL, New York",Eastern Time (US & Canada) -6424,Marco Rubio,1.0,yes,1.0,Positive,1.0,Jobs and Economy,0.7045,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @MarcoRubio spoke about repealing Dodd-Frank. He is a champion of #smallbusiness.,,2015-08-07 08:20:13 -0700,629673405172817920,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6425,No candidate mentioned,1.0,yes,1.0,Negative,0.401,None of the above,1.0,,bristol_1st,,1,,,"RT @KristinMCoppens: So uh, climate change, eh guys? #GOPDebate http://t.co/VNkJJiOQGJ",,2015-08-07 08:20:12 -0700,629673402857615360,"Bristol, England", -6426,No candidate mentioned,1.0,yes,1.0,Neutral,0.6675,Healthcare (including Medicare),0.6821,,bostonjonas,,0,,,Obamacare/#ACA barely registered in the #GOPDebate. @HarvardChanSPH's John McDonough explains why. http://t.co/p91druXic4,,2015-08-07 08:20:12 -0700,629673402090004480,,Eastern Time (US & Canada) -6427,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JanetLevinson1,,2,,,"RT @renomarky: #GOPDebate #FoxDebate - -Absolutely no need for such long winded questions! We all know the topics! This ain't a gotcha game!…",,2015-08-07 08:20:11 -0700,629673399371980800,Montana,Pacific Time (US & Canada) -6428,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KGrumke,,0,,,Check out our interactive fact check of the #GOPDebate! http://t.co/3064jPtpa0 @NewsyVideos,,2015-08-07 08:20:10 -0700,629673394766749696,"Columbia, MO",Central Time (US & Canada) -6429,No candidate mentioned,0.3997,yes,0.6322,Negative,0.6322,None of the above,0.3997,,mary_heisey,,0,,,"""Hell is Empty and All the Devils Are Here"": A Shakespearean Guide to the 2016 Republican Primary: http://t.co/uJOT8N7UzX #GOPDebate #GOP",,2015-08-07 08:20:09 -0700,629673391478435840,"Charlotte, NC, USA", -6430,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,Racial issues,0.6591,,TwLevinson,,389,,,"RT @zellieimani: #BlackLivesMatter being discussed at #GOPDebate -15 seconds later... -Commercial and back to borders and abortion.",,2015-08-07 08:20:09 -0700,629673389511286784,"Bklyn, NY",Eastern Time (US & Canada) -6431,Scott Walker,0.4951,yes,0.7037,Negative,0.7037,None of the above,0.4951,,WisconsinStrong,,1,,,"#Walker16 unprepared, uninformed, uneducated. http://t.co/Ldbglzna8G #wiunion #wiright #GOPdebate #UniteBlue",,2015-08-07 08:20:08 -0700,629673387472887808,In the middle. Of everything.,Eastern Time (US & Canada) -6432,No candidate mentioned,0.4605,yes,0.6786,Negative,0.6786,FOX News or Moderators,0.4605,,JasonHitchcock,,1,,,"This Instagram of @HillaryClinton and @kimkardashian had a larger audience than than the Fox #GOPDebate. - -http://t.co/wLZ5rd7mUK",,2015-08-07 08:20:07 -0700,629673381906919424,San Francisco,Central Time (US & Canada) -6433,Rand Paul,1.0,yes,1.0,Negative,0.6742,Racial issues,0.6742,,herrsolus,,175,,,RT @ira: Rand Paul reaching for that black vote like: #GOPDebate http://t.co/SObMy09qDd,,2015-08-07 08:20:07 -0700,629673380933865472,"Seattle, Washington",Central America -6434,Donald Trump,1.0,yes,1.0,Neutral,0.6588,None of the above,0.6824,,ProfMassa,,6,,,"RT @PresHarryTruman: #GOPDebate Roundup: Trump ranted, Carson was eventually allowed to speak, Bush said stuff, Kasich had sense and theref…",,2015-08-07 08:20:06 -0700,629673377091842048,Cincinnati,Eastern Time (US & Canada) -6435,Ben Carson,0.6512,yes,1.0,Negative,0.6512,None of the above,0.6859999999999999,,DontTryAndFixMe,,0,,,@CNN @CNNPolitics had 8 things to take away from the #GOPDebate but not one was about #BenCarson. It's a shame,,2015-08-07 08:20:05 -0700,629673374017437696,"Knoxville, TN",Eastern Time (US & Canada) -6436,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Shirleystopirs,,3,,,RT @LadySandersfarm: You have no clue what silent majority is thinking.Your mindset comes frm 2% of pop. You're out of touch. #GOPDebate h…,,2015-08-07 08:20:05 -0700,629673372977393664,,Atlantic Time (Canada) -6437,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ScoopcooperSeth,,7,,,"RT @mjtbaum: By the way... real, professional moderators don't laugh at jokes like that... #GOPDebate",,2015-08-07 08:20:05 -0700,629673372557963264,, -6438,Ted Cruz,0.6966,yes,1.0,Neutral,1.0,None of the above,1.0,,AndiDankert,,13,,,"RT @leedsgarcia: .@tedcruz does this include deporting DREAMers? #GOPDebate -https://t.co/jdcmRVnjWW",,2015-08-07 08:20:04 -0700,629673366568480768,"Cambridge, MA",Eastern Time (US & Canada) -6439,No candidate mentioned,0.3941,yes,0.6277,Negative,0.6277,Racial issues,0.3941,,laprofe63,,1,,,"RT @ncb417: I need some more answers about race, women, immigration & sexuality from the #GOPDebate candidates http://t.co/jm5caRypAT via …",,2015-08-07 08:20:02 -0700,629673362021715968,Chicagoland #USA via #NYC ,Central Time (US & Canada) -6440,Ted Cruz,0.6923,yes,1.0,Negative,0.6593,FOX News or Moderators,0.6593,,JanetLCrow1,,1,,,"#GOPDebate winners :Cruz & Carly . Also Rubio, Walker , Jindal . Extremely disappointed in @megynkelly and Chris Wallace . @BretBaier OK",,2015-08-07 08:20:02 -0700,629673360918614016,, -6441,Donald Trump,1.0,yes,1.0,Negative,0.6766,None of the above,1.0,,sevenframes,,347,,,RT @pattonoswalt: Hey @MedievalTimes! Donald Trump just gave you a shout out! #GOPDebate,,2015-08-07 08:20:01 -0700,629673355596034048,, -6442,No candidate mentioned,1.0,yes,1.0,Neutral,0.6747,None of the above,1.0,,langlotz1,,0,,,mheriveaux_og's photo https://t.co/rFekTbk0Cb Hilary and POTUS #gopdebate,,2015-08-07 08:20:00 -0700,629673353897357312,No. Ca., -6443,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fedbizop,,0,,,Theme song for the next #GOPDebate should be The Dope Show.,,2015-08-07 08:20:00 -0700,629673352790052864,Michigan,Quito -6444,Donald Trump,0.6522,yes,1.0,Negative,0.6848,None of the above,1.0,,kujo71,,3,,,RT @wavemywand: #GOPDebate I hope we are all teaching our children not to Bully So why would US elect a Bully? @realDonaldTrump http://t.co…,,2015-08-07 08:20:00 -0700,629673352051847168,"Columbia, MO",Central Time (US & Canada) -6445,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,VillaPeter100,,0,,,"Last night, I wasn't sure if I was watching the #GOPDebate or an @nbcsnl sketch. Absolutely hilarious.",,2015-08-07 08:19:59 -0700,629673346087583744,"Make It Happen, U.S.A.",Central Time (US & Canada) -6446,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JoeLeverone,,0,,,"Trump: Unpresidential, childish -Kasich: Made gains -Rubio: Made gains, positive -Bush: No harm, specific -Walker: No harm, specific -#GOPDebate",,2015-08-07 08:19:58 -0700,629673342132428800,"Rochester, N.Y.",Eastern Time (US & Canada) -6447,No candidate mentioned,0.2403,yes,0.6588,Neutral,0.3647,FOX News or Moderators,0.2403,,PuestoLoco,,2,,,"@JayandSteve -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:19:56 -0700,629673336948301824,Florida Central West Coast,America/New_York -6448,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.2375,,monteil_kathy,,10,,,"RT @BDOH: @Peggynoonannyc on @CarlyFiorina, ""This is a strong, gutsy woman"" She is @GretchenCarlson's guest 2pm @FoxNews #GOPDebate",,2015-08-07 08:19:56 -0700,629673334767095808,"Leavenworth, KS USA",Central Time (US & Canada) -6449,Donald Trump,1.0,yes,1.0,Positive,0.6771,None of the above,1.0,,ewstephe,,0,,,"Donald Trump won viewers' attention during the #GOPdebate, though probably not the debate itself http://t.co/ftgGl1ZG1C",,2015-08-07 08:19:54 -0700,629673326919700480,,Eastern Time (US & Canada) -6450,Donald Trump,1.0,yes,1.0,Negative,0.6809,None of the above,0.6489,,finksta,,0,,,"Top #GOP strategist on #GOPDebate, specifically #DonaldTrump: ""I saw the destruction of a presidential campaign."" http://t.co/xJ5cqGrsTH",,2015-08-07 08:19:52 -0700,629673320041086976,"ÜT: 40.756539,-73.990301",Eastern Time (US & Canada) -6451,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6667,,JustinaMiranda,,1,,,RT @DavidPMiranda: Fritos aren't free! So true. #GOPDebate #FoxNews #Freedom,,2015-08-07 08:19:51 -0700,629673315846651904,,Quito -6452,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,TerrySchwartz10,,0,,,"#GOPDebate Hangover, and I don't drink",,2015-08-07 08:19:51 -0700,629673314550575104,The Evergreen State, -6453,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,campbellsl,,0,,,@BEbstyne @jonstank Cynicism is for wienies. The #GOPDebate was rife with grandstanding and stupidity.,,2015-08-07 08:19:50 -0700,629673311178506240,CT,Eastern Time (US & Canada) -6454,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GodsDontExist,,4,,,RT @mydaughtersarmy The GOP debate took an awful toll on Ted Cruz. #GOPDebate http://t.co/NcU94RGBlO @tedcruz @realDonaldTrump @greggutfeld,,2015-08-07 08:19:50 -0700,629673310666670080,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -6455,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mpgrenier731,,0,,,"#GOPDebate: The latest news, reality checks & analysis from @bpolitics http://t.co/o3G8cqdKpA http://t.co/5P2bEAgEUp",,2015-08-07 08:19:49 -0700,629673306984181760,,Eastern Time (US & Canada) -6456,Donald Trump,1.0,yes,1.0,Positive,0.6552,None of the above,0.6552,,Erosunique,,5,,,"RT @drginaloudon: Bo (my son, age 8) has the #HappyHour #GOPDEBATE all figured out... - -""Trump should be President. I mean, he's so... http…",,2015-08-07 08:19:47 -0700,629673296360026112,Milan-Italy,Rome -6457,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nycliving207,,0,,,"It was hard to take @megynkelly serious during last night's #gopdebate when her faux eyelashes kept distracting me. Why, Megyn, why?",,2015-08-07 08:19:45 -0700,629673288852226048,,Atlantic Time (Canada) -6458,Donald Trump,0.3923,yes,0.6264,Positive,0.3297,FOX News or Moderators,0.3923,,DutraGale,,3,,,"RT @renomarky: Went to bed speechless after #GOPDebate , woke up pissd off with how @megynkelly @FoxNews went about attacking @realDonaldTr…",,2015-08-07 08:19:45 -0700,629673288709509120,, -6459,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jackmann11,,0,,,@marklevinshow And INQUISITION it was ! Very disgusted with @FoxNews moderators especially @megynkelly & Wallace #GOPDebate #NoKellyFiles,,2015-08-07 08:19:45 -0700,629673288575250432,USA ,Pacific Time (US & Canada) -6460,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,1NealGibson,,54,,,RT @VINNYGUADAGNINO: These mediators are so awkward #GOPDebate,,2015-08-07 08:19:43 -0700,629673279024963584,JACKSONVILLE FLA,Pacific Time (US & Canada) -6461,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6485,,allen_bet,,6,,,RT @Chanlowe: #GOPDebate cartoon...#Trump @wcgirl @BRios82 @jeromebristow76 @allen_bet @bayonnebernie @FlaDems http://t.co/5k3Bvihwmx,,2015-08-07 08:19:42 -0700,629673275828736000,,Central Time (US & Canada) -6462,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mwood_79,,0,,,Why is @megynkelly on @FoxNews & hosting a #GOPDebate with a clear biased opinion like this & kindergarten questions https://t.co/agn0zXChx9,,2015-08-07 08:19:41 -0700,629673270631993344,, -6463,Donald Trump,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,anaaronfreeman,,3,,,RT @LizMair: WE NEED BRAIN. https://t.co/U77g7OpuKY #trumpisms #GOPDebate,,2015-08-07 08:19:40 -0700,629673268895584256,, -6464,Marco Rubio,0.6774,yes,1.0,Negative,1.0,Religion,0.6774,,KathiDwyer,,0,,,"@marcorubio did you say God gave you wonderful @GOP candidates? That god must be deaf, dumb and blind. #GOPDebate",,2015-08-07 08:19:39 -0700,629673263917084672,new jersey, -6465,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweetgreatmom,,0,,,Not one word about civil rights mentioned at #GOPDebate #BLM IS NOT A SLOGAN. WE ARE SUBJECT TO POLICE BRUTALITY https://t.co/mWScMJwm1W,,2015-08-07 08:19:37 -0700,629673257336205312,"Philadelphia, PA",Eastern Time (US & Canada) -6466,Rand Paul,0.4307,yes,0.6563,Negative,0.6563,,0.2256,,JoeSnuffie,,0,,,#GOPdebate Anyone else notice @RandPaul's Church Lady face while @ChrisChristie explained why the #4thAmendment sucks?,,2015-08-07 08:19:37 -0700,629673255369068544,, -6467,Ben Carson,0.4515,yes,0.6719,Neutral,0.6719,FOX News or Moderators,0.4515,,terri_georgia,,55,,,"RT @TheDailyEdge: Megyn Kelly: ""It's over!"" -Ben Carson: ""I guess so. But I gave it a shot"" -#GOPDebate",,2015-08-07 08:19:35 -0700,629673248578502656,Georgia USA,Eastern Time (US & Canada) -6468,Ted Cruz,0.4495,yes,0.6705,Neutral,0.3409,FOX News or Moderators,0.4495,,Jam1p,,4,,,"💢Somehow our friends at FOX missed the #GOPDebate - -@SenTedCruz took on: -Obama -Hillary -Washington -Islamic Jihad -OHealthCare - -@Varneyco",,2015-08-07 08:19:35 -0700,629673247479455744,, -6469,No candidate mentioned,0.6383,yes,1.0,Neutral,0.6383,FOX News or Moderators,0.6809,,DaveJLester,,0,,,"Good summary of first #GOPDebate. -http://t.co/MV4h4jiBrj",,2015-08-07 08:19:33 -0700,629673239678091264,"Seattle, WA", -6470,Donald Trump,1.0,yes,1.0,Positive,0.6767,None of the above,1.0,,1NealGibson,,258,,,RT @VINNYGUADAGNINO: Bro Donald Trump has to stay in this race as long as possible for entertainment purposes #GOPDebate,,2015-08-07 08:19:33 -0700,629673237706838016,JACKSONVILLE FLA,Pacific Time (US & Canada) -6471,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,None of the above,0.6458,,FreedomsMuse,,0,,,"I want to see a NCAA Tournament style Debate. Scoring based on truth, policy ideas, and style. #GOPDebate @IngrahamAngle",,2015-08-07 08:19:32 -0700,629673236075290624,,Central Time (US & Canada) -6472,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,spiders_,,0,,,"@MahaKylie exon mobile and chevron corp wouldn't want their new candidates spreading the truth, after all they just bought them #GOPDebate",,2015-08-07 08:19:31 -0700,629673229540573184,, -6473,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jonconradi,,0,,,"Grading the candidates, who won, who lost, who coasted http://t.co/3aFiejUI1M #GOPDebate",,2015-08-07 08:19:30 -0700,629673227195973632,,Eastern Time (US & Canada) -6474,No candidate mentioned,1.0,yes,1.0,Negative,0.6544,FOX News or Moderators,1.0,,EfuruJustins,,698,,,RT @LoganJames: Shoutout to Fox for running a Straight Outta Compton trailer right after asking about police brutality against African-Amer…,,2015-08-07 08:19:30 -0700,629673225870401536,"Las Vegas, NV", -6475,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,THRMattBelloni,,8,,,"We got the leader of Friends of Abe, Hollywood's secret conservative group, to analyze the first #GOPDebate. http://t.co/7G6du4EWb8",,2015-08-07 08:19:30 -0700,629673223978811392,"Los Angeles, CA",Pacific Time (US & Canada) -6476,No candidate mentioned,1.0,yes,1.0,Neutral,0.6495,None of the above,0.6907,,CarlyFiorina,,98,,,"At #GOPDebate, I won over our largest audience yet. Can you chip in $3 to help us keep it up?https://t.co/nzYnC1JRxS -https://t.co/nBVKSjo0Dw",,2015-08-07 08:19:29 -0700,629673222267506688,Virginia ,Pacific Time (US & Canada) -6477,Donald Trump,0.4398,yes,0.6632,Negative,0.3474,None of the above,0.2304,,_maileg,,7,,,RT @kayleymelissa: #GOPDebate is like the trial from The Unbreakable Kimmy Schmidt and Donald Trump is Jon Hamm's Richard Wayne Gary Wayne.,,2015-08-07 08:19:29 -0700,629673221026004992,,Arizona -6478,Donald Trump,1.0,yes,1.0,Positive,0.6809,None of the above,1.0,,PeteMcManus1,,0,,,"Watching #GOPDebate from last night. Wow Trump on fire first 15mins. Says what he thinks, is this a new popular breed in politics? #corbyn",,2015-08-07 08:19:27 -0700,629673213291798528,"London, England",London -6479,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DutraGale,,4,,,RT @MStuart1970: Right! Do u think survivors of the FOX Massacre Debate realize that? #GOPDebate #FoxDebate https://t.co/DtVsB531LT,,2015-08-07 08:19:25 -0700,629673206639493120,, -6480,No candidate mentioned,0.2327,yes,0.6512,Negative,0.6512,FOX News or Moderators,0.424,,breitbartis,,0,,,@megynkelly She earned that title last night. Too bad she didn't take high road @realDonaldTrump @FoxNews #GOPDebate https://t.co/y4RHOTPvNR,,2015-08-07 08:19:25 -0700,629673205595148288,,Hawaii -6481,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PokeThePasta,,2,,,RT @ColtSTaylor: #GOPDebate Did people in the 1828 debate invoke George Washington like these guys pull out Ronald Reagan?,,2015-08-07 08:19:24 -0700,629673201233186816,Linwood, -6482,No candidate mentioned,0.3865,yes,0.6217,Positive,0.6217,None of the above,0.3865,,GaryDahl1,,4,,,RT @TheRighToExist: Wow!! She is good!! Watch @CarlyFiorina make Chris Matthews look foolish. I'm liking her more & more!! http://t.co/kebn…,,2015-08-07 08:19:22 -0700,629673193540878336,sarasota fl, -6483,Donald Trump,1.0,yes,1.0,Positive,0.3438,FOX News or Moderators,1.0,,BrianPaulStuart,,0,,,"During #FoxNews' #GOPDebate, #MegynKelly was suffering from delusions that she was a #Minnesota dentist, and #DonaldTrump was #CecilTheLion.",,2015-08-07 08:19:20 -0700,629673183919087616,,Atlantic Time (Canada) -6484,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,0.6522,,Polarinski,,0,,,"My morning TL taught me 3 things -1) @CarlyFiorina is the Ronda Rousey of #GOPdebate -2) @megynkelly is a bloviating hack -3) @Rosie is a twunt",,2015-08-07 08:19:17 -0700,629673169872400384,,Atlantic Time (Canada) -6485,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OMAHAGEMGIRL,,1,,,"So many pouty, screechy faces at once #GOPDebate http://t.co/o5AJvLqJN7",,2015-08-07 08:19:16 -0700,629673165292204032,Here now, -6486,Scott Walker,0.2776,yes,0.6941,Positive,0.6941,None of the above,0.2776,,MikeAdamLI,,0,,,Early numbers suggest record audience for first #GOPDebate #Walker16 http://t.co/w96zq1aRUH via @CNNMoney,,2015-08-07 08:19:15 -0700,629673162393849856,"Long Island, NY",Eastern Time (US & Canada) -6487,Donald Trump,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,romanmesina,,1,,,RT @JaclynHStrauss: I loved it in the #GOPdebate when @realDonaldTrump said the country needs him to straighten out the financial mess.,,2015-08-07 08:19:15 -0700,629673161412448256,"Port St Lucie, FL",Atlantic Time (Canada) -6488,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,michaeldbirch,,9,,,RT @blogdiva: THE SCOTT WALKERS OF THE WORLD ARENT MAD ABOUT ABORTION FOR RAPE OR INCEST theyre mad y'all arent compliant to the rape & inc…,,2015-08-07 08:19:14 -0700,629673160753987584,,Central Time (US & Canada) -6489,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,John_Mike_,,0,,,"I know more young people in the 18-30 range who watched the full #GOPDebate last night than middle-aged or seniors. #GenerationApathy, huh?",,2015-08-07 08:19:14 -0700,629673156874235904,, -6490,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,0.6667,,MCinVB,,6,,,RT @Thomasismyuncle: Good question by Chris Wallace... Cons better learn how to battle these stereotypes #GOPDebate,,2015-08-07 08:19:12 -0700,629673151182581760,Virginia, -6491,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,FOX News or Moderators,0.6742,,ShimonCleopas,,0,,,"#GOPDebate moderators should have asked: ""Hasn't it become obvious that only God Himself, not humans, can resolve the ME Conflict?""",,2015-08-07 08:19:10 -0700,629673142894473216,Land of Abraham Lincoln,Alaska -6492,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nick_janson,,0,,,God damn is this presidential debate childish... I know how we can narrow this shit down. #GOPDebate http://t.co/8vqg6XVjYc,,2015-08-07 08:19:10 -0700,629673140386426880,"Baltimore, Maryland",Eastern Time (US & Canada) -6493,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,justSamCotton,,0,,,Seeing a lot of different opinions on the outcome of the #GOPDebate last night. Did we all watch the same one?,,2015-08-07 08:19:09 -0700,629673138549227520,"Irving, TX", -6494,No candidate mentioned,1.0,yes,1.0,Negative,0.6501,None of the above,0.3499,,coopek,,1,,,RT @SanahBanana: Well. Nothing more really needs to be said. #GOPDebate http://t.co/FuBcs0tRZl,,2015-08-07 08:19:08 -0700,629673133662957568,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -6495,Donald Trump,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,ConstipatedGang,,1,,,RT @EdMahmoud: Ronald Reagan switched parties once. @realDonaldTrump switched 5 times. Has been anti-#2A and pro-abortion in the last 6 ye…,,2015-08-07 08:19:05 -0700,629673122409660416,, -6496,No candidate mentioned,1.0,yes,1.0,Negative,0.7016,FOX News or Moderators,0.7016,,lena_Bernina,,0,,,@ansonmount #GOPDebate It seems that debate questions simply function to incite personal attacks among candidates w/o clarifying issues.,,2015-08-07 08:19:05 -0700,629673119628726272,United States, -6497,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KurtWiebs,,0,,,There's a lot going on in this picture. #GOPDebate https://t.co/dNK4df46JX,,2015-08-07 08:19:05 -0700,629673119108739072,"Cincinnati, OH",Atlantic Time (Canada) -6498,Mike Huckabee,0.6739,yes,1.0,Positive,0.3587,None of the above,0.6739,,bethhunttaylor,,105,,,RT @tperkins: TRUTH: The military is not a social experiment. -- @GovMikeHuckabee #GOPDebate,,2015-08-07 08:19:02 -0700,629673110531371008,Lexington SC,Eastern Time (US & Canada) -6499,Mike Huckabee,0.6452,yes,1.0,Positive,1.0,None of the above,0.6774,,fumblersm,,0,,,@MikeHuckabeeGOP says he wants 2 legalize prostitution & drugs & tax the hell out of them? That's what I've been saying for yrs. #GOPDebate,,2015-08-07 08:19:01 -0700,629673105535975424,CT/NJ,Eastern Time (US & Canada) -6500,Ted Cruz,1.0,yes,1.0,Positive,0.6469,None of the above,0.6469,,LWilsonDarlene,,2,,,RT @PatriotJackiB: @MichaelvdGalien @LWilsonDarlene That was fear. They tried to shut @tedcruz out in the #GOPDebate but his message was he…,,2015-08-07 08:19:01 -0700,629673104676098048,Chicago,Central Time (US & Canada) -6501,Marco Rubio,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,JustinFrankMD,,0,,,"#Republicans don't focus on the future, despite what #Rubio and others said in the #GOPDebate; it's always the past http://t.co/3RgjaDnyri",,2015-08-07 08:19:01 -0700,629673104286027776,WDC,Quito -6502,Marco Rubio,0.7122,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,ishetiar,,0,,,"Nice work @megynkelly asking tough q's in #GOPDebate. Speaking for young Rep's, @marcorubio @johnkasich @realbencarson won some hearts!",,2015-08-07 08:19:00 -0700,629673101081473024,,Eastern Time (US & Canada) -6503,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6848,,TomFodi,,0,,,#WAR! MORE WAR!!! primary message heard at #GOPDebate last night. Remember when the #GOP was known as the party of #peace? Miss those days,,2015-08-07 08:19:00 -0700,629673099672195072,"Pittsburgh, PA, USA",America/New_York -6504,Donald Trump,1.0,yes,1.0,Positive,0.6588,Immigration,1.0,,TURNEDTOS1,,0,,,"#Trump's truest and best line: ""if it weren’t for me you wouldn’t even be talking about illegal immigration"" #TRUMPEFFECT #GOPDEBATE",,2015-08-07 08:18:59 -0700,629673098049134592,, -6505,Ben Carson,1.0,yes,1.0,Neutral,0.6867,None of the above,1.0,,DigitalMaxToday,,0,,,Ben Carson: my qualifications as a world-famous neurosurgeon are also my qualifications for the most powerful man on the planet. #GOPDebate,,2015-08-07 08:18:59 -0700,629673094660100096,"Orange, CT",Atlantic Time (Canada) -6506,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Floyd5689,,0,,,Loved watching the #GOPDebate last night! We need @realDonaldTrump to #MakeAmericagreatagain. #inspiration,,2015-08-07 08:18:59 -0700,629673094215532544,, -6507,No candidate mentioned,0.4562,yes,0.6754,Neutral,0.3403,None of the above,0.4562,,g8r84,,1,,,"RT @AntoniaJuhasz: Interesting in its absence. Perhaps climate denial isn't what it used to be? No mention in #GOPDebate of climate, enviro…",,2015-08-07 08:18:57 -0700,629673087072665600,,Eastern Time (US & Canada) -6508,Ted Cruz,1.0,yes,1.0,Neutral,0.6897,FOX News or Moderators,1.0,,pondlizard,,2,,,"Ted Cruz reacts to Fox News GOP debate on ""Hannity"" http://t.co/B4LzAIhOk3 via @YouTube #GOPdebate",,2015-08-07 08:18:57 -0700,629673085516541952,God's Country N Central FL ,Eastern Time (US & Canada) -6509,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,1984VISION,,0,,,"SHOVEL COW MANURE? -#GOPDebate https://t.co/WMnt3c3LAB",,2015-08-07 08:18:56 -0700,629673083436146688,AMERIKA,Eastern Time (US & Canada) -6510,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,KING_YAH_RULE,,1,,,RT @reignlove5152: @cspanwj /Jeb forgot that his BIG BRO destabilized IRAQ. CREATING ISIL. How could he even think that he can be POTUS? AR…,,2015-08-07 08:18:56 -0700,629673081389187072,,Arizona -6511,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MikeBoyerHa,,1,,,I'm not sure who won but I'm pretty sure the American people lost #GOPDebate,,2015-08-07 08:18:55 -0700,629673079724212224,Pennsylvania,Eastern Time (US & Canada) -6512,Marco Rubio,1.0,yes,1.0,Positive,0.6591,None of the above,1.0,,_sydneymeyer,,0,,,So who won the #GOPDebate last night? I think #Rubio and #Cruz commanded the stage. #Trump did more harm than good for himself,,2015-08-07 08:18:55 -0700,629673079103455232,,Eastern Time (US & Canada) -6513,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tigereye2012Dr,,1,,,"RT @_HankRearden: America gives Fox low marks after last night. #GOPDebate - -http://t.co/ROehWpN3Y5",,2015-08-07 08:18:54 -0700,629673075374579712,,Pacific Time (US & Canada) -6514,Mike Huckabee,1.0,yes,1.0,Negative,0.3488,Religion,1.0,,76TomPaine,,0,,,@GovMikeHuckabee “It is of the utmost danger to society to make religion a party in political disputes.” #GOPDebate,,2015-08-07 08:18:54 -0700,629673073789272064,"Washington, DC", -6515,No candidate mentioned,1.0,yes,1.0,Neutral,0.6495,None of the above,0.6495,,SpicyMustang,,0,,,"""We need to be very aware that China and Russia are using technology to attack us, just like ISIS..."" —Carly Fiorina #GOPDebate",,2015-08-07 08:18:52 -0700,629673066436497408,"Montana, USA",Pacific Time (US & Canada) -6516,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BenitaZahn,,0,,,Did you watch the #GOPdebate last night? Who do you think was the winner - loser ? Did it change your mind about any of the candidates?,,2015-08-07 08:18:52 -0700,629673065161605120,"Albany, NY",Eastern Time (US & Canada) -6517,No candidate mentioned,0.4196,yes,0.6478,Neutral,0.6478,None of the above,0.4196,,lordtiberius,,1,,,"RT @drginaloudon: Who won? -#HappyHour #GOPDebate",,2015-08-07 08:18:51 -0700,629673064028987392,"Houston, TX",Pacific Time (US & Canada) -6518,No candidate mentioned,1.0,yes,1.0,Positive,0.3452,LGBT issues,0.6548,,JolieRancher,,0,,,"""People could care less if you like them, they want their civil rights""- @RaulAReyes on the topic of LGBT rights at the #GOPDebate",,2015-08-07 08:18:51 -0700,629673062666010624,"Goontown, VA-DC-NY",Quito -6519,No candidate mentioned,1.0,yes,1.0,Positive,0.6639,None of the above,1.0,,TheTexasPhoenix,,4,,,He has the record and experience! #ExperienceMatters! .@GovernorPerry: I’m Ready To Be POTUS: https://t.co/TtNL12DLmN #Perry2016 #GOPDebate,,2015-08-07 08:18:49 -0700,629673055485214720,Texas,Central Time (US & Canada) -6520,Donald Trump,0.4444,yes,0.6667,Positive,0.3441,None of the above,0.4444,,4thrightfool,,0,,,"#GOPDebate When they all stand on stage together, -it looks like a @realDonaldTrump cabinet meeting.",,2015-08-07 08:18:48 -0700,629673049185357824,,Eastern Time (US & Canada) -6521,Donald Trump,1.0,yes,1.0,Negative,0.6725,None of the above,1.0,,pemarprcomedy,,10,,,"RT @GodfreyComedian: People are cheering Trump with ""Booray"" #GOPDebate",,2015-08-07 08:18:48 -0700,629673049042751488,, -6522,Ben Carson,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6701,,makeliberalscry,,28,,,"RT @RexHuppke: Ben Carson, I'm Megyn Kelly, and I think you're a total idiot. Your response? #GOPDebate",,2015-08-07 08:18:48 -0700,629673049017614336,with the Kurds & Israelis 100%,Central Time (US & Canada) -6523,Rand Paul,0.4542,yes,0.6739,Negative,0.3478,None of the above,0.2344,,Foonok,,0,,,I hope Rand Paul knows that this country denies domestic terrorism when it comes to specific groups committing the crime. #GOPDebate,,2015-08-07 08:18:47 -0700,629673044068466688,Oakland Raiders,Eastern Time (US & Canada) -6524,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TreyMays,,0,,,"ICYMI: Frank Luntz: #GOPDebate ""Great News for Ted Cruz"" | Cruz for President http://t.co/qKO1ltdfBP",,2015-08-07 08:18:47 -0700,629673043565113344,"Dallas, Texas",Central Time (US & Canada) -6525,Jeb Bush,0.4317,yes,0.6571,Negative,0.6571,None of the above,0.4317,,1pamcake1,,130,,,"RT @Bipartisanism: Jeb Bush at the #GOPDebate: - -""If you really want to find out how much damage one family can do to a country."" http://t.c…",,2015-08-07 08:18:46 -0700,629673042990333952,Wine Country,Pacific Time (US & Canada) -6526,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Kristen_Michele,,0,,,"If Donald Trump becomes president, I'm moving out of the country again. Far, far away from his terrible comb over. #JustSaying #GOPDebate",,2015-08-07 08:18:45 -0700,629673037902692352,"San Francisco, CA ",Eastern Time (US & Canada) -6527,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MichaelBernard6,,0,,,"Winning a presidential debate is the dumbest concept. It's supposed to be a discussion of ideas, not a pissing contest. #GOPDebate",,2015-08-07 08:18:44 -0700,629673032307613696,, -6528,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Foreign Policy,0.6444,,alSharifpasha,,88,,,RT @pari_passu: Odd. GOP is more upset over Obama openly limiting Iran's weaponry than when Reagan secretly increased it. #GOPDebate http:/…,,2015-08-07 08:18:42 -0700,629673024116101120,"Cincinnati, USA / Cairo, Egypt",Eastern Time (US & Canada) -6529,Donald Trump,1.0,yes,1.0,Positive,0.6486,Jobs and Economy,0.6486,,JaclynHStrauss,,1,,,I loved it in the #GOPdebate when @realDonaldTrump said the country needs him to straighten out the financial mess.,,2015-08-07 08:18:42 -0700,629673022895493120,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6530,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6463,,y67940482,,38,,,RT @KLSouth: @FrankLuntz ...you have no credibility frank. #GOPDebate,,2015-08-07 08:18:42 -0700,629673022656417792,beverly hills ca, -6531,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,B_LeighSwink,,0,,,These crazy republicans losers diss Hillary Clinton like every two minutes lmaooooooooo #GOPDebate,,2015-08-07 08:18:41 -0700,629673021213511680,, -6532,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aboyjohnny,,0,,,Think we need to see @realDonaldTrump birth certificate to verify his age.His tweets after the #GOPDebate last nite prove him to be about 13,,2015-08-07 08:18:40 -0700,629673017245745152,Lakewood, -6533,No candidate mentioned,0.67,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,vivian_terry,,0,,,#GOPDebate an audience who laughs with a Man that publicly calls Women derogatory names. Be very afraid. VOTE,,2015-08-07 08:18:39 -0700,629673013181607936,, -6534,Jeb Bush,1.0,yes,1.0,Negative,0.7011,None of the above,1.0,,tracyealy1,,0,,,"#LibCrib Hey @JebBush, no way you're going to fool your non-supporters nor change history cuz you say so. #GOPDebate https://t.co/uRnYGW9DCV",,2015-08-07 08:18:39 -0700,629673011386302464,Central Illinois via Seattle,Central Time (US & Canada) -6535,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.4444,,heyitsAymen,,405,,,RT @zellieimani: Men deciding what women can or cannot do with their bodies. World history in a nutshell. #GOPDebate,,2015-08-07 08:18:39 -0700,629673011327545344,, -6536,Donald Trump,1.0,yes,1.0,Negative,0.6813,Women's Issues (not abortion though),0.6813,,eclaireanderson,,0,,,A HISTORIC FIRST: Republican presidential candidate @realDonaldTrump is now actively trolling the female #GOPdebate moderator on Twitter.,,2015-08-07 08:18:38 -0700,629673007493984256,IDAHO,Eastern Time (US & Canada) -6537,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,,0.2361,,MentalHealthM,,0,,,"Waters, waters, rising fast; history catching up at last. That's it in a nutshell. #GOPDebate #FridayFeeling Aldon Smith #GOPDebate King",,2015-08-07 08:18:35 -0700,629672996614107136,Undisclosed, -6538,Mike Huckabee,0.4025,yes,0.6344,Positive,0.6344,None of the above,0.4025,,georgehenryw,,1,,,"RT @Amandajbutt: @karen_estill Yes #Huckabee was on fire!So proud of his boldness,convictions shining through! #Imwithhuck #gopdebate https…",,2015-08-07 08:18:35 -0700,629672993510154240,Texas,Central Time (US & Canada) -6539,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,Racial issues,0.6858,,SirKozmo,,0,,,"Last night in the #GOPDebate, someone should've asked the candidates if if any of them knew what NWA stood for. #BlackLivesMatter",,2015-08-07 08:18:34 -0700,629672991060815872,City under the blood-red Son,Eastern Time (US & Canada) -6540,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,comicriffs,,2,,,"The #GOPdebate, as told in real-time sketches: #cleveland #politics @foxnews http://t.co/xO0Jd1Mn0C",,2015-08-07 08:18:34 -0700,629672989810905088,Wash DC via UCSD,Quito -6541,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,AlexfromPhilly,,1,,,"""Donald Trump just gave a master class on how to get away with sexism"" #GOPDebate - -http://t.co/FWrq8mkzTb",,2015-08-07 08:18:33 -0700,629672985415294976,New York City ,Eastern Time (US & Canada) -6542,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,onhilburn,,5,,,RT @JoshKlemp: Lame question for Trump... Megan Kelly @FoxNews #GOPdebate #FoxDebate @JohnDePetroshow,,2015-08-07 08:18:31 -0700,629672977144000512,, -6543,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,Abortion,0.6705,,frabjouslinz,,71,,,"RT @mochamomma: My son: Mom, why do they stay talking about abortions? - -Me: Because the power they want most is over women. -#GOPDebate",,2015-08-07 08:18:29 -0700,629672969824944128,, -6544,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,The_Robzilla,,0,,,#GOPDebate @HouseGOP @Senate_GOPs and most right-wingers in general have no problem dismissing/ignoring the oppression of marginalized ppl.,,2015-08-07 08:18:29 -0700,629672969527111680,J.A.P.A.N. ,Central Time (US & Canada) -6545,Donald Trump,0.3923,yes,0.6264,Neutral,0.3297,,0.23399999999999999,,AmoremGaudium,,121,,,RT @PatrickSvitek: Perry adviser Rob Johnson: Trump has spent 14 years saying you're fired and Perry has spent 14 years saying you're hired…,,2015-08-07 08:18:27 -0700,629672960564035584,Nor✯Cal,Pacific Time (US & Canada) -6546,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,Johnisnotamused,,0,,,Huckabee is so transphobic it is downright disgusting. #GOPDebate,,2015-08-07 08:18:26 -0700,629672955681841152,literally anywhere else,Quito -6547,Donald Trump,0.409,yes,0.6396,Negative,0.6396,Immigration,0.409,,iowafarm3,,119,,,"RT @JudgeJeanine: #GOPDebate @realDonaldTrump go donald ""money going out drugs coming in"" no problem w legal immigration """,,2015-08-07 08:18:24 -0700,629672949646249984,,Central Time (US & Canada) -6548,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,raniecep,,0,,,"#GOPDebate --> Jeb looked/sounded as if he had just left a horror movie showing, stunned, stilted, frozen. Jeb doesn't want to be President",,2015-08-07 08:18:22 -0700,629672941123272704,Florida,Eastern Time (US & Canada) -6549,Donald Trump,1.0,yes,1.0,Positive,0.6897,Jobs and Economy,0.6897,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @realDonaldTrump said he's made 10 billion dollars. And America owes 19 trillion.,,2015-08-07 08:18:21 -0700,629672938053218304,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6550,No candidate mentioned,0.4347,yes,0.6593,Neutral,0.3331,Racial issues,0.4347,,CharlotteAbotsi,,1,,,RT @txindyjourno: #BlackLivesMatter Activists @CharlotteAbotsi & Others Highlight Candidates' White Supremacist Ties During #GOPDebate: htt…,,2015-08-07 08:18:21 -0700,629672937172434944,Providence,Eastern Time (US & Canada) -6551,Ben Carson,1.0,yes,1.0,Negative,0.6546,None of the above,1.0,,arrzD,,12,,,"RT @LadySandersfarm: Sadly, there's too many lowinfos. Look at KK and Kanye with Hillary. #GOPDebate http://t.co/PjoRQqIRA3",,2015-08-07 08:18:20 -0700,629672931187101696,Michigan,Atlantic Time (Canada) -6552,No candidate mentioned,1.0,yes,1.0,Neutral,0.6598,None of the above,0.6495,,audrey52546,,183,,,"RT @ChuckNellis: I said the other day that every time Carly speaks Hillary pees a little, still true. #GOPDebate",,2015-08-07 08:18:20 -0700,629672930948063232,, -6553,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,party_of_foor,,0,,,You know how your grandpa says something embarrassing each Christmas and you just have to roll with it? That was last night's #GOPDebate,,2015-08-07 08:18:19 -0700,629672929610043392,,Atlantic Time (Canada) -6554,No candidate mentioned,0.6711,yes,1.0,Negative,1.0,FOX News or Moderators,0.6597,,tamaraleighllc,,4,,,Disappointed. @megynkelly was my media #girlcrush &after #GOPDebate think #WeAreOnABreak @FoxNews @realDonaldTrump https://t.co/2DW9WCYTWI,,2015-08-07 08:18:19 -0700,629672928246935552,Host of Tamara Leighs Trend On,Mountain Time (US & Canada) -6555,No candidate mentioned,0.4335,yes,0.6584,Neutral,0.3526,Religion,0.2322,,drinkmorewater5,,11,,,RT @CloneNic: I’m basically in tears as I keep yelling “Separation of church and state” at my TV. #GOPDebate http://t.co/xKjLfiVwba,,2015-08-07 08:18:19 -0700,629672926824890368,, -6556,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,tenacioushope,,6,,,"RT @talleytweets: ""Oh, and Lord...Please help make the @gregorybrothers mashup of tonight's #GOPDebate their best one yet. Amen."" #bedtimep…",,2015-08-07 08:18:18 -0700,629672926103519232,United States, -6557,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,704Livin,,129,,,"RT @LindaSuhler: Drudge Report has Trump running away with the debate at >39%. -Cruz is #2, at almost 14%. -#GOPDebate",,2015-08-07 08:18:18 -0700,629672924019064832,"Charlotte, North Carolina USA",Mountain Time (US & Canada) -6558,Ben Carson,1.0,yes,1.0,Negative,0.6859999999999999,FOX News or Moderators,0.6977,,makeliberalscry,,96,,,"RT @fakedansavage: Kelly: ""Dr. Carson, you are an unqualified, misinformed idiot. Who are you fooling?"" (I'm paraphrasing here.) #GOPDebate",,2015-08-07 08:18:18 -0700,629672923112960000,with the Kurds & Israelis 100%,Central Time (US & Canada) -6559,Ben Carson,1.0,yes,1.0,Negative,1.0,Religion,0.6395,,onemorechad,,230,,,RT @cenkuygur: Does Ben Carson also want to follow God's law on non-virgin wives - stoning them in front of their father's house? #GOPDebate,,2015-08-07 08:18:17 -0700,629672921640796160,, -6560,No candidate mentioned,1.0,yes,1.0,Positive,0.6686,None of the above,1.0,,Jyotsna3550,,4,,,RT @PaperCutPrint: #GOPDebate looked like fun. Though I think I missed the swimsuit and talent contest rounds. #EveryoneLovesAPrincess htt…,,2015-08-07 08:18:16 -0700,629672917710680064,, -6561,No candidate mentioned,0.4664,yes,0.6829,Neutral,0.37799999999999995,Jobs and Economy,0.2582,,coopek,,2,,,"RT @etammykim: Starting at 11 a.m. EST, join us to Tweet about poverty and other topics the #GOPDebate failed to address. https://t.co/utic…",,2015-08-07 08:18:16 -0700,629672913688506368,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -6562,Ted Cruz,1.0,yes,1.0,Neutral,0.3556,None of the above,1.0,,mtcsedwards,,1,,,RT @DaTechGuyblog: Is it jut me or is @tedcruz playing 3D chess in a room full of checkers players? #gopdebate #tcot #p2,,2015-08-07 08:18:15 -0700,629672913193553920,,Eastern Time (US & Canada) -6563,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,karibowieHertel,,6,,,RT @robportman: Watching the #GOPdebate in Dublin with our Columbus interns and supporters! - RP http://t.co/OomoEsnMhO,,2015-08-07 08:18:15 -0700,629672909468905472,"Dublin, Ohio",Eastern Time (US & Canada) -6564,Jeb Bush,0.6854,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DougAdamavich,,1,,,RT @LotusTom: FOX news last night revealed themselves to what many of us already knew they were: Bush apologists. #GOPDebate,,2015-08-07 08:18:14 -0700,629672909192101888,"Mesa, AZ",Arizona -6565,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,lasager,,71,,,"RT @Momastery: Yes,Trump and audience at the #GOPDebate it's HILARIOUS to call women fat pigs and tell them to get on their knees. Laugh aw…",,2015-08-07 08:18:12 -0700,629672900941877248,, -6566,Donald Trump,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,SmittyMyBro,,0,,,"Trump's response? -""I think the biggest problem this country has is being politically correct."" -#GOPDebate @SmittyMyBro",,2015-08-07 08:18:12 -0700,629672897791963136,John Smith AKA Bazooka Joe,Central Time (US & Canada) -6567,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,redandright,,0,,,So Donald Trump is uncouth misogynist. Another thing he has in common with Bill Clinton. @megynkelly #GOPDebate @ellencarmichael,,2015-08-07 08:18:12 -0700,629672896890314752,,Central Time (US & Canada) -6568,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aleyjhuesgen,,0,,,"Trump is done after last night, end of story #GOPDebate",,2015-08-07 08:18:11 -0700,629672894348443648,Washington DC,Arizona -6569,No candidate mentioned,1.0,yes,1.0,Negative,0.6873,None of the above,0.6873,,lewisrobs,,0,,,"#GOPDebate Fun Fact: -Carly Fiorina is the only one of last night's debaters to have ever given a woman an orgasm. #politics",,2015-08-07 08:18:11 -0700,629672893581017088,"Barton, VT", -6570,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sumner,,0,,,Maybe the only way to compete with Trump is to bring one of the Duck Dynasty characters into the primary. #GOPDebate,,2015-08-07 08:18:11 -0700,629672893320966144,"29.949035,-95.330847",Central Time (US & Canada) -6571,Donald Trump,0.4171,yes,0.6458,Neutral,0.6458,None of the above,0.4171,,GaltsGirl,,1,,,"Trump's entire #GOPDebate performance: Don't hate the player. The rules are made for me, and I love it.",,2015-08-07 08:18:11 -0700,629672892880560128,Behind The Obama Curtain,Mountain Time (US & Canada) -6572,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,DanSmith300,,42,,,RT @LibyaLiberty: The #GOPDebate in pictures. http://t.co/3wYsQ41YaK,,2015-08-07 08:18:10 -0700,629672888568668160,,Pacific Time (US & Canada) -6573,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Sofia16E,,4,,,RT @TripLangley: Are they running for pope or president? Why would you end a political debate by asking if anyone is hearing DIRECTLY FROM …,,2015-08-07 08:18:08 -0700,629672883749548032,, -6574,No candidate mentioned,1.0,yes,1.0,Neutral,0.6729,None of the above,0.6523,,rkblogs,,0,,,Because karma ? #GOPDebate https://t.co/oWSu2wfkM4,,2015-08-07 08:18:08 -0700,629672881795002368,,Eastern Time (US & Canada) -6575,Jeb Bush,1.0,yes,1.0,Negative,0.6771,None of the above,1.0,,kevin_spencer,,124,,,"RT @DamienFahey: When Jeb Bush speaks during a debate, it feels like when a band plays something off the new album. #GOPDebate",,2015-08-07 08:18:08 -0700,629672880410791936,Phoenix,Pacific Time (US & Canada) -6576,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6593,,therightswrong,,0,,,"Closed Captioning At #GOPDebate Actually Cat Walking On Keyboard -http://t.co/xpJJOElIgm",,2015-08-07 08:18:06 -0700,629672875700670464,, -6577,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6744,,ReesesPeanut,,0,,,And that was only because someone in the crowd ran up to moderators during the break to suggest it. #GOPDebate https://t.co/14AT9Qpk74,,2015-08-07 08:18:06 -0700,629672875633590272,"Delaware County, OH",Eastern Time (US & Canada) -6578,No candidate mentioned,0.4062,yes,0.6374,Neutral,0.6374,None of the above,0.4062,,GIVENT0FLY,,0,,,Spot on what I believe #LindseyGraham's attitude would be of his enemies once reality hits. #GOPDebate http://t.co/EVS0zzhTo5,,2015-08-07 08:18:05 -0700,629672871288156160,"Hamilton County, IN",Eastern Time (US & Canada) -6579,No candidate mentioned,1.0,yes,1.0,Neutral,0.6877,None of the above,1.0,,g8r84,,2,,,RT @Wise_Jones: He loaded LOL #tcot #GOPDebate #kushandalcohol https://t.co/pYWBcNRkN8,,2015-08-07 08:18:05 -0700,629672869845446656,,Eastern Time (US & Canada) -6580,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TheDionneMama,,0,,,"@KateBolduan You're a news reporter... I don't care to hear your personal opinion, disdain for a candidate. #GOPDebate #CNN",,2015-08-07 08:18:04 -0700,629672866615693312,Somewhere West of Tomorrowland,Central Time (US & Canada) -6581,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.6458,None of the above,0.4171,,poweraaron619,,0,,,last nights #GOPdebate was crazy. pretty entertaining but i think very few candidates showed presidential stature.,,2015-08-07 08:18:04 -0700,629672866414374912,,Quito -6582,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6883,,ZoumZoum_,,0,,,"Shame on them, they should have watched reruns of the Apprentice and take some notes. #GOPDebate https://t.co/LBYJacIKkK",,2015-08-07 08:18:03 -0700,629672862505402368,"Kingdom of the Ouest, MA",Casablanca -6583,No candidate mentioned,1.0,yes,1.0,Negative,0.6595,None of the above,0.6216,,MSkvarla36,,39,,,"RT @AlongsideWild: I don't think there was a single question in #GOPDebate about science, conservation, or climate except maybe. ""Would you…",,2015-08-07 08:18:03 -0700,629672862052282368,, -6584,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6428,,GKMTNtwits,,0,,,Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/nCalKxYW5c #HillaryClinton #PDMFNB,,2015-08-07 08:18:03 -0700,629672861930770432,Boston ,Eastern Time (US & Canada) -6585,Donald Trump,1.0,yes,1.0,Positive,0.6713,None of the above,1.0,,ArrogantDemon,,61,,,RT @brownandbella: Trump packed his fucks in a separate suitcase that never made it Ohio. THIS THE BEST DEBATE EVER. #GOPDebate,,2015-08-07 08:18:02 -0700,629672856515911680,"LexCorp Towers, Metropolis",Eastern Time (US & Canada) -6586,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,FOX News or Moderators,1.0,,DutraGale,,1,,,RT @MStuart1970: @willneal001 Definitely #bias there! #GOPDebate Massacre by FOX. Deliberate attempt to smear R's.,,2015-08-07 08:18:01 -0700,629672854506725376,, -6587,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Newsradio1025,,1,,,RT @MichaelYaffee: I'm back at the perfect time! Talking #GOPDebate tonight at 8pm!! http://t.co/z5YujsUjmg @Newsradio1025,,2015-08-07 08:18:01 -0700,629672853433155584,Orlando,Eastern Time (US & Canada) -6588,No candidate mentioned,1.0,yes,1.0,Negative,0.6636,None of the above,1.0,,SerendipitySays,,1,,,RT @gamermatt117: @saladinahmed I think after the #GOPDebate Cthulhu is a pretty solid choice as well.,,2015-08-07 08:18:01 -0700,629672852472602624,A Pale Blue Dot,Europe/London -6589,No candidate mentioned,1.0,yes,1.0,Neutral,0.7079,None of the above,1.0,,khlivingston,,10,,,RT @Riogringa: This is a really strange political moment in both Brazil and the US. Says a lot about leadership in both places. #GOPDebate …,,2015-08-07 08:18:00 -0700,629672850090250240,"DC and Rio de Janeiro, Brasil",Eastern Time (US & Canada) -6590,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6087,,Jericho4PPs,,15,,,RT @monatougs: @Instagram stop censoring @Dreamdefenders for their work pointing out the racism of the #GOPDebate candidates. https://t.co/…,,2015-08-07 08:17:59 -0700,629672842309689344,Washington DC, -6591,No candidate mentioned,1.0,yes,1.0,Neutral,0.6706,None of the above,1.0,,SnookLion,,1,,,"RT @GreatnessNYou: Opinions abound after last night's GOP Debate, but what America is starving for is authentic leadership and someone we c…",,2015-08-07 08:17:58 -0700,629672841798119424,,Atlantic Time (Canada) -6592,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,marti431uew,,128,,,RT @DWStweets: There's no difference in the policies these candidates stand for. They're all singing from the same songbook. It's a bad son…,,2015-08-07 08:17:58 -0700,629672841491939328,, -6593,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RightBlackAtYou,,0,,,"@GOP I think u can stay OFF MY TL. -P.S. F*** @JebBush @marcorubio @ChrisChristie @GovernorPerry & any sockpuppet you endorse. -#GOPDebate",,2015-08-07 08:17:57 -0700,629672834986590208,Nashville TN & beyond via NC,Eastern Time (US & Canada) -6594,No candidate mentioned,0.6693,yes,1.0,Negative,0.6693,FOX News or Moderators,0.6815,,renomarky,,4,,,"EARTH TO @megynkelly THIS AINT ABOUT YOU! - -#GOPDebate -#FoxDebate -#MegynKelly -#MegynKellyDebateQuestions http://t.co/yxHy6FQkWw",,2015-08-07 08:17:55 -0700,629672828586065920,VEGAS , -6595,,0.2256,yes,0.6561,Negative,0.3335,None of the above,0.4305,,rob_in_nyc,,0,,,NYT: Winners at the #GOPDebate Include #Rubio and #Kasich #gop #politics #election2016 http://t.co/gJc6r46aVI,,2015-08-07 08:17:55 -0700,629672827550044160,"Williamsburg, Brooklyn",Eastern Time (US & Canada) -6596,No candidate mentioned,0.5041,yes,0.71,Negative,0.2559,None of the above,0.5041,,PeterLRuden,,1,,,"RT @Lemmits92: #GOPDebate went very well. My masters will soon choose which candidate will carry out their agenda -#WakeUpAmerica #p2 http:/…",,2015-08-07 08:17:54 -0700,629672825008332800,"Savannah, Georgia",Quito -6597,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,None of the above,1.0,,cdalybrink,,0,,,"Fact Checking the first GOP presidential debates - The Washington Post -#GOPdebate http://t.co/Z0MEE2Wix0",,2015-08-07 08:17:54 -0700,629672823649378304,NYC,Eastern Time (US & Canada) -6598,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GhesheS,,1,,,#GOPDebate: Trump Trumped! http://t.co/zWIN7P0vhH,,2015-08-07 08:17:52 -0700,629672816066064384,,London -6599,Donald Trump,1.0,yes,1.0,Positive,0.6522,Jobs and Economy,0.3478,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @realDonaldTrump said the lenders are killers. Chris Wallace was exceedingly disrespectful,,2015-08-07 08:17:51 -0700,629672811871735808,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6600,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,rolling_2,,1,,,"the hillary campaign was trolling during #GOPDebate -LOL http://t.co/oreEEE5HFQ",,2015-08-07 08:17:50 -0700,629672807949963264,,Central Time (US & Canada) -6601,No candidate mentioned,0.6932,yes,1.0,Negative,0.6705,FOX News or Moderators,1.0,,Genderwoman,,5,,,"RT @EvilConservativ: Gotta give @LindseyGrahamSC props. He saw the same ambush we did at #GOPDebate and is calling out @FoxNews on it. - -ht…",,2015-08-07 08:17:50 -0700,629672805877940224,"Pasadena, CA", -6602,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kdstarbux,,0,,,Prioritize attributes that will produce the most qualified and electable #GOP candidate. Abandon whatever's stuck in your craw. #GOPDebate,,2015-08-07 08:17:49 -0700,629672801788690432,#CenterofTheUniverse Google it,Central Time (US & Canada) -6603,No candidate mentioned,0.4211,yes,0.6489,Neutral,0.3298,None of the above,0.4211,,AmandaMarleFair,,117,,,"RT @YourYakiri: Is it rude to throw a Valium into someone's mouth while they're talking??? - -Asking for a few million friends. - -#GOPDebate",,2015-08-07 08:17:48 -0700,629672799729250304,"Maynard, MA", -6604,Ted Cruz,1.0,yes,1.0,Negative,0.6535,None of the above,1.0,,nottedcruz,,1,,,"RT @r33fking: Don't you DARE try to show me your fruits, Ted Cruz. #GOPDebate",,2015-08-07 08:17:48 -0700,629672796436725760,Texas & DC by way of Canada,Eastern Time (US & Canada) -6605,No candidate mentioned,1.0,yes,1.0,Negative,0.7049,Abortion,1.0,,MakeeshaThomas,,0,,,@peggebeen A fraud gets no cooperation from true and American people. A fraud should be impeached. #GOPDebate #CharacterMatters,,2015-08-07 08:17:45 -0700,629672786726817792,,Central Time (US & Canada) -6606,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,1,,,I did watch all 2nd string #GOPDebate ... can tell y they are 2nd string. Not enough original stupidty and hatred. Just standard levels,,2015-08-07 08:17:44 -0700,629672781882523648,Norcal,Pacific Time (US & Canada) -6607,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.7032,,SarahLeeAnne,,2,,,RT @AngelaHaysMoore: A good debate is when you don't even notice the moderators. @FoxNews #GOPDebate,,2015-08-07 08:17:44 -0700,629672779957280768,Ohio,Eastern Time (US & Canada) -6608,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,RomeosMom7,,1,,,"RT @leslieshedd: .@brithume: ""I think we have a clear winner ... Carly Fiorina"" #GOPDebate #Carly2016 https://t.co/sqS7SOT7sU",,2015-08-07 08:17:44 -0700,629672779500122112,Upstate South Carolina,Eastern Time (US & Canada) -6609,No candidate mentioned,0.3974,yes,0.6304,Negative,0.337,FOX News or Moderators,0.3974,,JennyKincaid,,0,,,Good eyes .@randikayeCNN on spotting @360vodka Patriot btl on #GOPDebate's show. We should send you a reward. ;) #KC http://t.co/0Wr4jcUsvs,,2015-08-07 08:17:43 -0700,629672778875023360,,Central Time (US & Canada) -6610,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KellyBluegrass,,149,,,"RT @PamelaGeller: In my considered opinion the winners tonight are Ted Cruz, Ben Carson, and Marco Rubio #GOPDebate",,2015-08-07 08:17:42 -0700,629672773363834880,Lexington,Quito -6611,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeroToBeotch,,1,,,"RT @ABurgerADay: ""Balderdash"" is my favorite word that describes @realDonaldTrump's presidential campaign run. #GOPDebate",,2015-08-07 08:17:42 -0700,629672772306894848,, -6612,Donald Trump,1.0,yes,1.0,Negative,0.6595,None of the above,1.0,,SerendipitySays,,1,,,"RT @ProAudioLabs: @BBCNewsUS @realDonaldTrump #GOPDebate There are many Don's but just two Donald's, Trump and Duck... and they both quack…",,2015-08-07 08:17:41 -0700,629672769257635840,A Pale Blue Dot,Europe/London -6613,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6648,,loveisloveKW,,30,,,RT @JoeMyGod: Ben Carson wants all Americans to tithe the federal government. I think I just heard the Hunger Games cannon. #GOPDebate,,2015-08-07 08:17:40 -0700,629672766376161280,Key West Florida, -6614,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6525,,RookwoodAmbrose,,2,,,"RT @PuestoLoco: .@RawStory -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:17:40 -0700,629672764878667776,,Pacific Time (US & Canada) -6615,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.3483,None of the above,0.2348,,nanci_pray2jc,,2,,,RT @WhitneyNeal: Crickets from #GOPDebate on this key youth vote issue last night: Hillary readies student loan reform rollout http://t.co/…,,2015-08-07 08:17:39 -0700,629672759635902464,Gator Country Florida, -6616,Mike Huckabee,0.4656,yes,0.6824,Neutral,0.3647,None of the above,0.4656,,MitchMcC44,,2,,,"RT @GtownHeckler: Huckabee: ""I'm actually boys with G-d, and he's telling me he didn't say any of this to any of these guys."" #GOPDebate",,2015-08-07 08:17:39 -0700,629672759518474240,Georgetown University,Atlantic Time (Canada) -6617,No candidate mentioned,0.424,yes,0.6512,Negative,0.6512,None of the above,0.424,,toyeenb,,0,,,Photo: Selfie of life! @HillaryClinton + Mr & Mrs @kanyewest http://t.co/x5l81b1RkV @KimKardashian #GOPDebate #HillaryForPresident #TBW,,2015-08-07 08:17:38 -0700,629672757404438528,Dubai U.A.E,Abu Dhabi -6618,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Foreign Policy,0.4594,,PennsCurse,,10,,,RT @LPNational: And now @LindseyGrahamSC will send more troops to #Iraq and #Afghanistan. Any bets on what country is next? #GOPDebate #war…,,2015-08-07 08:17:38 -0700,629672755496112128,Florida, -6619,No candidate mentioned,1.0,yes,1.0,Neutral,0.6809,None of the above,0.6809,,Miller_RotoDad,,0,,,#GOPDebate #SportsMatter Would be nice to hear a candidate address Childhood Obesity by promoting & harboring growth in youth athletics,,2015-08-07 08:17:37 -0700,629672751775752192,"Atlanta, GA",Atlantic Time (Canada) -6620,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CarolHello1,,0,,,#GOPDebate Facts: https://t.co/nSD1bebDoa,,2015-08-07 08:17:36 -0700,629672748155957248,California❀◄★►❀Conservative,Arizona -6621,No candidate mentioned,1.0,yes,1.0,Negative,0.6679999999999999,None of the above,1.0,,g8r84,,1,,,RT @aleklev: It's possible that @GovernorPerry didn't know they were going to ask him questions. #GOPDebate,,2015-08-07 08:17:36 -0700,629672747766030336,,Eastern Time (US & Canada) -6622,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3647,,MishaisShort,,3,,,RT @TheClothier: The #StraitOuttaCompton commercial was longer than the #BlackLivesMatter question/ answer. #GOPDebate,,2015-08-07 08:17:36 -0700,629672747053023232,,Central Time (US & Canada) -6623,Rand Paul,0.6818,yes,1.0,Positive,0.6818,None of the above,1.0,,randalladams,,0,,,"Big hit of the #GOPDebate for me? @CarlyFiorina, @RandPaul on NSA, @RealBenCarson, @MarcoRubio. and @SenTedCruz closing statements",,2015-08-07 08:17:36 -0700,629672747002499072,usually in Texas,Central Time (US & Canada) -6624,Donald Trump,1.0,yes,1.0,Neutral,0.6147,FOX News or Moderators,1.0,,ctmommy,,0,,,The real winner in @FoxNews #GOPDebate is @oreillyfactor… when @megynkelly #KellyFile viewership tanks. @realDonaldTrump,,2015-08-07 08:17:35 -0700,629672744658042880,New Jersey,Eastern Time (US & Canada) -6625,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,feliciaagrelius,,0,,,Had the weirdest/scariest dream last night... thinking the #GOPDebate messed with my subconscious,,2015-08-07 08:17:35 -0700,629672743311683584,Currently in DC,Pacific Time (US & Canada) -6626,No candidate mentioned,0.3681,yes,0.6067,Negative,0.6067,,0.2386,,rstanek,,2,,,RT @sabinazafar: #GOPDebate:10 men talking about planned parenthood. How many of them have given birth?@emilyslist @EmergeCA @CADemWomen #m…,,2015-08-07 08:17:35 -0700,629672741600280576,East Bay,Pacific Time (US & Canada) -6627,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,marie_bigham,,0,,,"I was tweeting so hard during the #GOPCircus that I thought I broke my finger. Nope, but I did dislocate it. #GOPDebate",,2015-08-07 08:17:34 -0700,629672738639249408,, -6628,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,sosoggybread,,34,,,"RT @paulisci: Comparing #macdebate to #GOPdebate, I think Canadians are the big winners tonight.",,2015-08-07 08:17:33 -0700,629672735715692544,Canada,Eastern Time (US & Canada) -6629,No candidate mentioned,0.3997,yes,0.6322,Negative,0.6322,FOX News or Moderators,0.3997,,joesam04,,9,,,RT @Politics_PR: #FoxNews insults candidates with awkward staging(video): http://t.co/YDLJHGHuvy #GOPdebate #p2 http://t.co/j1sAgVx8Ku,,2015-08-07 08:17:33 -0700,629672733228412928,, -6630,Donald Trump,1.0,yes,1.0,Neutral,0.6353,None of the above,1.0,,jimmyrakowski22,,1,,,RT @MoiraMMerani: After the #GOPDebate last nite Im between @realDonaldTrump & @marcorubio #Decision2016 #Election2016 #BestCandidate #Mak…,,2015-08-07 08:17:31 -0700,629672728451260416,"New York, NY", -6631,Ted Cruz,1.0,yes,1.0,Neutral,0.665,None of the above,1.0,,lo_mitch87,,5,,,RT @geoffreyvs: Don't know if Luntz focus group means jack but lots of new Cruz voters in that crew. #gopdebate,,2015-08-07 08:17:31 -0700,629672726710628352,, -6632,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,0.6667,,StephenFleming,,1,,,"NYTimes: “It compels me to write a cluster of words I never imagined writing: hooray for Fox News.” #GOPdebate -http://t.co/zDJ3liGTAy",,2015-08-07 08:17:29 -0700,629672718326177792,"Atlanta, Georgia",Eastern Time (US & Canada) -6633,Marco Rubio,1.0,yes,1.0,Positive,0.639,Jobs and Economy,0.361,,correa_jec,,3,,,RT @foolsinthehalls: WOW! Even @marcorubio is saying we should be using E-Verify! @GOP are coming over to the Dems side! #GOPDebate,,2015-08-07 08:17:26 -0700,629672706712010752,, -6634,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,0.6632,,ResistTyranny,,2,,,RT @DMashak: Establishment's framing of Election 2016 begins w/ Republican Debate http://t.co/o4Frt2Fn4I @examinercom #Millennials #GOPDeba…,,2015-08-07 08:17:25 -0700,629672702970716160,With the Constitution,Central Time (US & Canada) -6635,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.3295,None of the above,0.4344,,PennsCurse,,27,,,"RT @LPNational: ""Treat everyone equally under the law"" what a great idea! Now let's elect some #Libertarians to make it a reality. #GOPDeba…",,2015-08-07 08:17:25 -0700,629672700877914112,Florida, -6636,Donald Trump,1.0,yes,1.0,Positive,0.3529,None of the above,0.6471,,pinasexual,,62,,,"RT @OhNoSheTwitnt: I'm surprised Trump doesn't use air quotes when he says ""president"" Obama. #GOPDebate",,2015-08-07 08:17:24 -0700,629672696704401408,, -6637,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,ellermanjw,,199,,,"RT @YoungBLKRepub: Liberals: Democrat Debate will be more interesting - -Me: Yeah two 70 year old white socialists going at it, pretty inter…",,2015-08-07 08:17:22 -0700,629672688777179136,, -6638,No candidate mentioned,1.0,yes,1.0,Neutral,0.6411,None of the above,1.0,,TCMKemp,,0,,,Didn't get to watch last night's #GOPDebate but sounds like it would have made Will McAvoy proud. Sort of proud.,,2015-08-07 08:17:20 -0700,629672680006922240,Saint Paul,Central Time (US & Canada) -6639,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,None of the above,1.0,,slackmistress,,2,,,"There's visual evidence of @DaisyJDog's thoughts on last night's debate, but I'm not posting a pic of dog crap at 8:16am. #GOPDebate",,2015-08-07 08:17:19 -0700,629672675594493952,blanket fort with my pitbull,Pacific Time (US & Canada) -6640,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AnnahBackstrom,,0,,,Who won in last night's debate? @KObradovich says several people for several reasons. http://t.co/IF0rChH2Hk #GOPDebate,,2015-08-07 08:17:18 -0700,629672674294370304,DSM by way of MKG,Pacific Time (US & Canada) -6641,No candidate mentioned,0.4916,yes,0.7011,Positive,0.3511,None of the above,0.2462,,adamcancryn,,0,,,.@PFTCommenter's national recognition (& hair) is the best thing to come out of the #GOPDebate http://t.co/kCjlyXBxvQ http://t.co/qM68cVQMvE,,2015-08-07 08:17:18 -0700,629672670796361728,Virginia,Eastern Time (US & Canada) -6642,Donald Trump,1.0,yes,1.0,Neutral,0.3755,None of the above,0.6949,,Lady_Battle,,0,,,"""That's a broken system (that I have only ever benefitted from and still think is awesome)!"" @realDonaldTrump #GOPDebate",,2015-08-07 08:17:17 -0700,629672667654717440,Minnesota,Central Time (US & Canada) -6643,Marco Rubio,0.4486,yes,0.6698,Neutral,0.3409,None of the above,0.4486,,desmoinesdem,,0,,,BHeartland thoughts on #GOPdebate: http://t.co/VeNHpRmUry Still don't understand hype about Rubio. #IAGOP #iacaucus,,2015-08-07 08:17:17 -0700,629672667012960256,"suburbs of Des Moines, Iowa",Central Time (US & Canada) -6644,,0.2282,yes,0.6477,Neutral,0.3409,,0.2282,,CtrKaren,,17,,,"RT @steve0423: I don't want my marriage or my guns registered in Washington!! #StandWithRand -#GOPDebate",,2015-08-07 08:17:17 -0700,629672666765594624,, -6645,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ashby802,,0,,,2016 bender starts now #SkimmLife #GOPDebate http://t.co/XyjNbf0ymI via @theSkimm,,2015-08-07 08:17:16 -0700,629672662692941824,"Virginia Beach, Virginia",Quito -6646,Mike Huckabee,0.7174,yes,1.0,Neutral,0.6413,None of the above,1.0,,georgehenryw,,0,,,"I Think He Made Her Cry - -She was so Proud - -#gopdebate #gop #teaparty #ccot #tcot #uniteright #imwithhuck #th2016 http://t.co/JxfYaMMXho",,2015-08-07 08:17:12 -0700,629672648776138752,Texas,Central Time (US & Canada) -6647,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OMGJDH,,0,,,"If only...18 months from now, debris from a crashed Republican party would wash up on a beach somewhere. #GOPDebate",,2015-08-07 08:17:12 -0700,629672645643010048,,Mountain Time (US & Canada) -6648,Ted Cruz,0.6628,yes,1.0,Positive,1.0,None of the above,1.0,,conserva8,,0,,,My personal front runners for #2016 : #Cruz #Carson #Trump #GOPDebate,,2015-08-07 08:17:11 -0700,629672644741218304,,Mountain Time (US & Canada) -6649,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,contextsubtext,,0,,,In the aftermath of the #GOPDebate I’m inclined to say that the stage impressed me more than I thought. Except trump. His ride is ending.,,2015-08-07 08:17:11 -0700,629672643759747072,"College Station, TX",Central Time (US & Canada) -6650,No candidate mentioned,1.0,yes,1.0,Neutral,0.3441,None of the above,1.0,,g8r84,,1,,,RT @MaeDenver: I made a donation to the Democratic Party in the middle of last night's #GOPDebate & I don't claim a party affiliation. #Sca…,,2015-08-07 08:17:10 -0700,629672638420516864,,Eastern Time (US & Canada) -6651,Donald Trump,0.6796,yes,1.0,Negative,0.6796,None of the above,1.0,,mjkdailyreading,,49,,,RT @Jacque_Isaacs: Who here is only a republican because it's politically convenient at the moment? #GOP2016debate #GOPDebate http://t.co/o…,,2015-08-07 08:17:08 -0700,629672629662822400,, -6652,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,0.6556,,VixenByNight72,,11,,,"RT @Jamey_Giddens: You'd think GOP voters would demand more than this asinine ""I'm a man's man. I grab my cock, screw my wife & love Jesus""…",,2015-08-07 08:17:07 -0700,629672626328219648,, -6653,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,ACounterLeftist,,0,,,@dcexaminer Hell no! I can think of about 5 GOP candidates she CANT beat. NOBODY fears @hillaryclinton anymore. #GOPDebate,,2015-08-07 08:17:07 -0700,629672625170743296,"Austin, TX",Pacific Time (US & Canada) -6654,No candidate mentioned,1.0,yes,1.0,Neutral,0.6903,None of the above,0.6903,,LauraBedrossian,,0,,,Thought I was done w/name generators then @Slate did this http://t.co/47drztl2Q4 #ornithology #GOPDebate #RonaldRaven http://t.co/k5iaRX9IDw,,2015-08-07 08:17:07 -0700,629672624650481664,"New York (Astoria), NY ",Eastern Time (US & Canada) -6655,Donald Trump,1.0,yes,1.0,Neutral,0.3637,None of the above,1.0,,JerryWilliamso1,,0,,,"RT @TPM: In press release, Donald Trump crowns self winner of #GOPDebate. Unsurprisingly. http://t.co/kQCbcKBjkI http://t.co/c6QMAgEvF3",,2015-08-07 08:17:07 -0700,629672624201814016,"Boone, NC", -6656,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.6383,None of the above,0.4074,,shmody,,17,,,RT @politicoroger: The spin room signs are necessary so you know who they are. #GOPDebate http://t.co/JOcBYOY2Xp,,2015-08-07 08:17:06 -0700,629672620963823616,Baltimore/DC area,Central Time (US & Canada) -6657,Jeb Bush,0.4204,yes,0.6484,Negative,0.6484,,0.228,,g8r84,,1,,,RT @PruneJuiceMedia: Jeb needs a reality check that it was HIS brother who messed up Iraq. Don’t put Obama on that. #GOPDebate,,2015-08-07 08:17:04 -0700,629672615448301568,,Eastern Time (US & Canada) -6658,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.3295,None of the above,0.4344,,POLITICOEvents,,0,,,"#PlaybookBreakfast yesterday: ""What we'll see tonight is...on every issue they're all the same"" Was @davidbrockdc correct about #GOPDebate?",,2015-08-07 08:17:04 -0700,629672614370283520,"Washington, D.C.",Atlantic Time (Canada) -6659,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,LGBT issues,0.6404,,s_smey,,167,,,"RT @fakedansavage: You can believe in traditional marriage and believe in same-sex marriage too. -#GOPDebate",,2015-08-07 08:17:03 -0700,629672608708079616,, -6660,No candidate mentioned,0.4756,yes,0.6897,Neutral,0.6897,None of the above,0.4756,,joeflyde,,1,,,#KKKorGOP during the #GOPDebate http://t.co/gRW9cK3XcB (2/2),,2015-08-07 08:17:02 -0700,629672603632955392,"Orlando, FL",Eastern Time (US & Canada) -6661,John Kasich,0.4599,yes,0.6782,Neutral,0.3448,None of the above,0.4599,,EricFlanny58,,341,,,RT @JohnKasich: Giving a free hat away - random from the first 250 RTs! Go! #Kasich4Us #GOPDebate http://t.co/y4TWJWEwIt,,2015-08-07 08:17:01 -0700,629672602395672576,, -6662,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6769,,nhbaptiste,,0,,,Big man child Donald Trump is mad at Megyn Kelly for calling out his garbage. #GOPDebate http://t.co/ck0vDCwBZW,,2015-08-07 08:17:01 -0700,629672599879045120,"Washington, DC",Eastern Time (US & Canada) -6663,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,BKHinson,,0,,,Been on my mind all day. @megynkelly @FoxNews & Chris Wallace you did a terrible job last night. You were losers of the night. #GOPDebate,,2015-08-07 08:16:59 -0700,629672594275483648,USA,Eastern Time (US & Canada) -6664,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CarolHello1,,0,,,"Thank you Donald Trump ... - -#GOPDebate https://t.co/Cw81oP2bt4",,2015-08-07 08:16:59 -0700,629672594250203136,California❀◄★►❀Conservative,Arizona -6665,John Kasich,0.2299,yes,0.6667,Neutral,0.3448,None of the above,0.2299,,meghanUSCgirl,,154,,,RT @megynkelly: .@JohnKasich: @realDonaldTrump is hitting a nerve in this country #GOPDebate,,2015-08-07 08:16:59 -0700,629672593361010688,, -6666,John Kasich,1.0,yes,1.0,Neutral,0.6531,None of the above,1.0,,CSingerling,,0,,,John #Kasich’s Standout Performance in #GOPDebate | http://t.co/UC6zGUjYvM | http://t.co/pNpFOwV7Ix #Kasich4Us #ExperienceMatters,,2015-08-07 08:16:59 -0700,629672592253800448,"Alexandria, VA",Eastern Time (US & Canada) -6667,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,agx25,,0,,,When will the GOP decide who moves up to the varsity debate and who goes down to the JV debate? #GOPDebate,,2015-08-07 08:16:58 -0700,629672590248906752,,Atlantic Time (Canada) -6668,No candidate mentioned,0.6318,yes,1.0,Negative,0.6715,Women's Issues (not abortion though),1.0,,KevinMLevy,,0,,,"""She was mean to me. Tried calling me sexist. I sure mansplained to her on how women should behave."" #GOPDebate https://t.co/FuW1M1u2f9",,2015-08-07 08:16:58 -0700,629672587170349056,"Washington, DC",Eastern Time (US & Canada) -6669,No candidate mentioned,1.0,yes,1.0,Neutral,0.6704,Religion,1.0,,C131Mia,,0,,,"“@Franklin_Graham: As you watch the #GOPDebate, pray for the future of this nation and that America would turn back to God. #PrayforAmerica”",,2015-08-07 08:16:57 -0700,629672586239197184,, -6670,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sixstringphonic,,0,,,#Bernie Sanders live-tweeted the #GOPDebate http://t.co/0bCP3dHFYQ via @HuffPostPol,,2015-08-07 08:16:56 -0700,629672581512208384,Los Angeles,Pacific Time (US & Canada) -6671,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,Hermetec,,99,,,RT @aebrennen: PSA: The police have killed more unarmed and armed americans than ISIS. Why dont we spend more than 20 secs talking about …,,2015-08-07 08:16:56 -0700,629672580903862272,,Mountain Time (US & Canada) -6672,Ben Carson,1.0,yes,1.0,Positive,0.3723,None of the above,1.0,,danilodelgadocu,,0,,,"Fifty-fifty% on ""the stupidity of the American voter"" .@RealBenCarson on @HillaryClinton at the #GOPDebate http://t.co/pkyjSglvFr",,2015-08-07 08:16:53 -0700,629672568711049216,Miami,Eastern Time (US & Canada) -6673,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,g8r84,,1,,,"RT @aelmore: I tried to watch the debate, but instead I watched 10 millionaires play Who Grew Up the Poorest?"" #GOPDebate",,2015-08-07 08:16:53 -0700,629672567243206656,,Eastern Time (US & Canada) -6674,Ben Carson,1.0,yes,1.0,Positive,0.6112,None of the above,1.0,,AlanaVassSays,,1,,,Dr. Ben Carson's Closing Statements at #GopDebate #2016Election https://t.co/0FqaLjoz3c via @YouTube,,2015-08-07 08:16:53 -0700,629672567066882048,California,Pacific Time (US & Canada) -6675,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LetsTalkNevada,,1,,,RT @atdleft: Now @LetsTalkNevada: How poorly did @JebBush fare @ #GOPDebate? & can @realDonaldTrump be stopped? http://t.co/oc22zjuRqM #Uni…,,2015-08-07 08:16:53 -0700,629672567016521728,"Mesquite, Nevada",Pacific Time (US & Canada) -6676,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DenBoomer1,,0,,,"@tamronhall @newsnation my takeaway from last nights #GOPDebate is,it's all #smokeandmirrors pseudo-#RealityTV . #clowncar full of idiots",,2015-08-07 08:16:53 -0700,629672566685364224,NYC,Eastern Time (US & Canada) -6677,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6428,,_BrothaMan,,3,,,RT @AFickleLover_: Lol now the republican love Carson. Racism loves a Black man who submits! Let's stop now #GOPDebate,,2015-08-07 08:16:49 -0700,629672550184951808,Decolonizing my mind,Eastern Time (US & Canada) -6678,Donald Trump,1.0,yes,1.0,Negative,0.7143,None of the above,1.0,,rone317,,1,,,RT @tamaraholder: This makes me laugh! https://t.co/03ypLNFagb #GOPDebate #DonaldTrump,,2015-08-07 08:16:49 -0700,629672549408972800,, -6679,No candidate mentioned,1.0,yes,1.0,Negative,0.7049,Gun Control,0.7049,,Anisha_S113,,0,,,Topics left out of #GOPdebate: 5.) The debate was a “gun-free zone.” #GOPTBT,,2015-08-07 08:16:47 -0700,629672543390158848,DC via FL via NY ,Eastern Time (US & Canada) -6680,Donald Trump,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,JaclynHStrauss,,0,,,I loved it in the #GOPdebate when @realDonaldTrump said on 4 occasions he's used the laws of America to his advantage.,,2015-08-07 08:16:47 -0700,629672542928805888,"Halifax, Nova Scotia, Canada",Mid-Atlantic -6681,Marco Rubio,0.4259,yes,0.6526,Negative,0.6526,Immigration,0.4259,,ItsShoBoy,,3,,,Neither @marcorubio nor @JebBush defend #immigrants at #GOPDebate -#TNTVote #AINF #tlot #p2 #Latism #Florida #Miami https://t.co/7VLvRnX8sp,,2015-08-07 08:16:47 -0700,629672540806344704,CALIFORNIA,Pacific Time (US & Canada) -6682,No candidate mentioned,1.0,yes,1.0,Neutral,0.6518,Religion,0.6518,,rkblogs,,0,,,"Those are the things that God should take care of, so she asked if they had any word from God yet. #GOPDebate https://t.co/QnzD1e5znb",,2015-08-07 08:16:46 -0700,629672539682394112,,Eastern Time (US & Canada) -6683,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Bach_Singh,,0,,,"@FrankLuntz I think you did a great job with the panel, it was great to see hard questions being put forward @megynkelly #GOPDebate",,2015-08-07 08:16:46 -0700,629672536427614208,London,Amsterdam -6684,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mannysullivan,,0,,,MANNIE WATCHING TEH #GOPDEBATE. DEY IZ ACTIN LIEK DUM GOGGIES.,,2015-08-07 08:16:46 -0700,629672536196841472,Noo Yawk Sitie,Eastern Time (US & Canada) -6685,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,FOX News or Moderators,0.6867,,SluttySlutSlut1,,0,,,"Neither moderator’s in yest’s #GOPDebate explicitly ref'd #BlackLivesMatter mvmnt,NO candidate ack.it http://t.co/dRy03TMgq5",,2015-08-07 08:16:45 -0700,629672534515036160,"Baltimore, MD", -6686,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,g8r84,,2,,,RT @writewright7: #GOPDebate rivaled a grand production of a Ringling Brothers & Barnum & Bailey circus with 10 mudslinging elephants on pa…,,2015-08-07 08:16:43 -0700,629672527581827072,,Eastern Time (US & Canada) -6687,,0.2309,yes,0.6383,Positive,0.3191,,0.2309,,lben18,,0,,,Donated to @PPact in @JebBush name during the #GOPDebate. #StandwithPP #PlannedParenthood @monteiro http://t.co/XDjZV1tR9N,,2015-08-07 08:16:43 -0700,629672527565090816,NoVA,Eastern Time (US & Canada) -6688,Jeb Bush,1.0,yes,1.0,Negative,0.6581,None of the above,1.0,,marti431uew,,6,,,"RT @WendyWinston4: Florida graduation rate was last when Bush left office #StrongPublicSchools #NEATruthSquad #GOPDebate -(http://t.co/q6zBY…",,2015-08-07 08:16:43 -0700,629672523530149888,, -6689,Ted Cruz,0.3707,yes,0.6088,Neutral,0.3097,None of the above,0.3707,,correa_jec,,66,,,RT @BuhByeGOP: Liar Ted Cruz is a liar... #GOPDebate #CruzCrew http://t.co/WiLAWJOHMQ,,2015-08-07 08:16:42 -0700,629672523429343232,, -6690,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DJ_CandyKorn,,0,,,can't believe that actually happened last night (the #GOPDebate),,2015-08-07 08:16:41 -0700,629672518064951296,"Mount Pleasant, Michigan",Quito -6691,Ted Cruz,1.0,yes,1.0,Positive,0.6897,None of the above,1.0,,DaTechGuyblog,,1,,,Is it jut me or is @tedcruz playing 3D chess in a room full of checkers players? #gopdebate #tcot #p2,,2015-08-07 08:16:38 -0700,629672504445898752,Central massachusetts,Eastern Time (US & Canada) -6692,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PaulWartenberg,,0,,,The #GOPDebate Hangover Blues August 2015 Edition http://t.co/gYtgz2pT43 I should have posted a hangover cure to the drinking game...,,2015-08-07 08:16:36 -0700,629672497760370688,Florida,Eastern Time (US & Canada) -6693,Donald Trump,1.0,yes,1.0,Negative,0.6551,FOX News or Moderators,1.0,,tsimsparker,,1,,,RT @MikeMalinconico: @megynkelly @FoxNews @FoxNewsSunday @BretBaier not 1 of these ?'s 4 @realDonaldTrump #KellyFile #gopdebate #foxnews ht…,,2015-08-07 08:16:36 -0700,629672496736940032,"McDonough, GA",Tehran -6694,Marco Rubio,1.0,yes,1.0,Positive,0.6923,None of the above,0.6593,,carriesheffield,,1,,,#GOPDebate Econ @MarcoRubio won @JebBush falters @GovMikeHuckabee exaggerates @GovChristie Good idea #SocialSecurity http://t.co/rJk8S4Hd6F,,2015-08-07 08:16:36 -0700,629672494790746112,New York City,Eastern Time (US & Canada) -6695,No candidate mentioned,1.0,yes,1.0,Neutral,0.6296,None of the above,0.6296,,allDigitocracy,,0,,,"@rhondalevaldo @UNITY_JFD One of the poorest communities in the country, correct? What's life like for them? #talkpoverty #gopdebate",,2015-08-07 08:16:36 -0700,629672494195187712,"Washington, DC", -6696,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6737,,randallr01,,123,,,"RT @NerdyWonka: Brother of the guy who almost plunged U.S. into a Great Depression is telling you the guy who fixed it is the problem - -Amer…",,2015-08-07 08:16:35 -0700,629672491594571776,Los Angeles,Pacific Time (US & Canada) -6697,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3438,FOX News or Moderators,0.4444,,ferristician,,6,,,RT @alittlestats: Fox Failed Statistics in Explaining Its G.O.P. Debate Decision http://t.co/JBZchd34wa #APStats #statschat #GOPDebate h/t …,,2015-08-07 08:16:34 -0700,629672486754496512,,Central Time (US & Canada) -6698,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6909,,JonOswald,,0,,,"Fox News was second rate last night. ""Fair and Balanced"" needs to be replaced with ""Agendas and Pandering"" Terrible job Fox! #GOPDebate",,2015-08-07 08:16:33 -0700,629672485466861568,Atlanta, -6699,Scott Walker,0.6973,yes,1.0,Negative,0.6973,Foreign Policy,1.0,,ImSoConfused4,,44,,,"RT @ShannonBream: Terminate the Iran deal on day one, put even more crippling sanctions in place, convince allies to do same - says @GovWal…",,2015-08-07 08:16:32 -0700,629672478193897472,, -6700,Marco Rubio,1.0,yes,1.0,Positive,0.6637,None of the above,1.0,,awelch744,,0,,,"The only true contenders are #Rubio, #Bush, #Walker, and #Kasich. #Carly is really making the case to be the VP nominee, though. #GOPDebate",,2015-08-07 08:16:31 -0700,629672473970278400,"Charlottesville, VA",Eastern Time (US & Canada) -6701,No candidate mentioned,1.0,yes,1.0,Neutral,0.7032,None of the above,1.0,,MichaelYaffee,,1,,,I'm back at the perfect time! Talking #GOPDebate tonight at 8pm!! http://t.co/z5YujsUjmg @Newsradio1025,,2015-08-07 08:16:30 -0700,629672471495639040,, -6702,Jeb Bush,1.0,yes,1.0,Positive,0.6632,None of the above,0.6526,,jvsgooch,,8,,,"RT @UnitedCitizen01: @FOXNEWS #GOPdebate @megynkelly - -I am PROUD of AMERICANS seeing THROUGH the BIAS, SETUP TRICK, PersonalAttacks, Favor…",,2015-08-07 08:16:29 -0700,629672466558926848,, -6703,Jeb Bush,0.2325,yes,0.6588,Positive,0.3529,None of the above,0.434,,John_R_Dykstra,,0,,,"2016 PREDICTION: - -Clinton 43.0% -Bush 37.5% -Trump 18.9% - -(millions don't vote b/c Bush is a RINO) - -https://t.co/BDSp6iG77V - -#GOPDebate",,2015-08-07 08:16:26 -0700,629672455502610432,"Kenmore, WA",Alaska -6704,No candidate mentioned,0.4545,yes,0.6742,Positive,0.3371,None of the above,0.4545,,Jef_Fincher,,0,,,".@brithume: ""I think we have a clear winner ... Carly Fiorina"" #GOPDebate #Carly2016 https://t.co/3JmYdIdcdf",,2015-08-07 08:16:26 -0700,629672454038929408,, -6705,Donald Trump,0.3813,yes,0.6175,Neutral,0.3169,,0.2362,,wolfeprowler1,,4,,,RT @SBSwenson: The truth will set us free! Donald Trump made one shockingly insightful comment re money #GOPdebate http://t.co/sb4JrvrvmU v…,,2015-08-07 08:16:25 -0700,629672451019046912,Florida,Eastern Time (US & Canada) -6706,Ben Carson,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Upstatethinker,,0,,,"Winners @ #GOPDebate: @RealBenCarson, @GovMikeHuckabee. Losers: @realDonaldTrump, @ChrisChristie",,2015-08-07 08:16:21 -0700,629672434816425984,,Eastern Time (US & Canada) -6707,Marco Rubio,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,raniecep,,0,,,#GOPDebate --> Marco Rubio is rehashing his past Florida campaign speeches...Don't be fooled; owned by GOP Olde Guard! He needs a real job!,,2015-08-07 08:16:21 -0700,629672432773697536,Florida,Eastern Time (US & Canada) -6708,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Women's Issues (not abortion though),1.0,,Ruby_DeSantiago,,0,,,"After last night, I want to hear clear answers for women, education, taxes, and immigration! #GOPDebate",,2015-08-07 08:16:21 -0700,629672432714919936,USofA,Central Time (US & Canada) -6709,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SmittyMyBro,,0,,,"""...you once told a contestant on Celebrity Apprentice it would be a ""pretty picture"" to see her on her knees."" -#GOPDebate",,2015-08-07 08:16:20 -0700,629672430273847296,John Smith AKA Bazooka Joe,Central Time (US & Canada) -6710,No candidate mentioned,0.4584,yes,0.6771,Neutral,0.6771,None of the above,0.4584,,ShaylanHarris,,0,,,2016 bender starts now! #SkimmLife #GOPDebate http://t.co/fHPfrhvKJE via @theSkimm,,2015-08-07 08:16:20 -0700,629672430185746432,Arkansas,Eastern Time (US & Canada) -6711,No candidate mentioned,1.0,yes,1.0,Neutral,0.6889,None of the above,0.3556,,Wordplay4Days,,0,,,"@facebook @instagram let my people GO! @Dreamdefenders #KKKorGOP -#GOPDebate",,2015-08-07 08:16:18 -0700,629672420559949824,2 blocks frm heaven,Central Time (US & Canada) -6712,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,,0.2319,,culturejedi,,0,,,Thanks to #NetNeutrality #BlackTwitter gave me my life at the exact moment the #GOPDebate was killing me. #Internet2016 #BlackLivesMatter,,2015-08-07 08:16:17 -0700,629672418374586368,Your Town,Pacific Time (US & Canada) -6713,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WeepingSophia,,1,,,"@arsamandica @megynkelly Sexist #MegynKelly made the #GOPDebate about sex, instead of getting the White House.",,2015-08-07 08:16:16 -0700,629672413614223360,Ohio, -6714,No candidate mentioned,0.4545,yes,0.6742,Negative,0.3708,Foreign Policy,0.4545,,VillageMutt,,27,,,"RT @TheMurdochTimes: Democrat #ChuckSchumer announces, during #GOPDebate, he will join Republicans in making it easier for Iran to get nucl…",,2015-08-07 08:16:16 -0700,629672411991027712,,Central Time (US & Canada) -6715,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KingOfBabylonia,,0,,,"This is a Long-Shot but if #RandPaul won the Republican Nomination and chose #RonPaul has his Running Mate, He'd have my Vote. #GOPDebate",,2015-08-07 08:16:15 -0700,629672408975282176,DMV (D.C/Maryland/Virginia) ,Quito -6716,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,lovinabox,,9,,,RT @PoliticalAnt: @TheDemocrats should be vigorously defending @HillaryClinton who was savaged during the #GOPdebate.,,2015-08-07 08:16:15 -0700,629672407364694016,NJ,Eastern Time (US & Canada) -6717,No candidate mentioned,1.0,yes,1.0,Positive,0.7093,None of the above,1.0,,readwriteblue,,11,,,"RT @RepGeoffDiehl: #GOPDebate is great, but for #MAGOP who want to take a positive step for our state on Nov. 3, please attend: -https://t.c…",,2015-08-07 08:16:13 -0700,629672399697498112,MA,Eastern Time (US & Canada) -6718,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,tupakapoor,,0,,,the resemblance is uncanny #GOPDebate https://t.co/sc4OVC5rSF,,2015-08-07 08:16:11 -0700,629672393070497792,"Pittsburgh, PA, USA",Eastern Time (US & Canada) -6719,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,g8r84,,1,,,"RT @Anisha_S113: Topics left out of #GOPDebate: 2.) On the 50th anniversary of the Voting Rights Act, voting rights was not mentioned once.…",,2015-08-07 08:16:11 -0700,629672390704939008,,Eastern Time (US & Canada) -6720,No candidate mentioned,0.4287,yes,0.6548,Positive,0.6548,FOX News or Moderators,0.4287,,Cluw_girl,,16,,,RT @UniteWomenOrg: #CarlyFiorina is perfect GOP candidate. Great performance at #GOPDebate with 0% truth rating via @PolitiFact,,2015-08-07 08:16:09 -0700,629672383687880704,, -6721,Donald Trump,1.0,yes,1.0,Negative,0.6492,None of the above,0.6609,,uncleblabby,,6,,,RT @BverInFL: #GOPDebate did not touch several important issues. Trump gets most time. http://t.co/tvrIxUG666,,2015-08-07 08:16:08 -0700,629672379271090176,Beverly IL USA, -6722,No candidate mentioned,1.0,yes,1.0,Negative,0.6751,None of the above,1.0,,YourVeganHO,,1,,,"RT @SninkyPoo: .@SpeakerBoehner It's time to evolve on #climatechange sir! https://t.co/p9fKQuZmj8 - -(Yes, #evolution is real, too. ;-) - -#G…",,2015-08-07 08:16:07 -0700,629672373386481664,, -6723,Donald Trump,0.6829,yes,1.0,Negative,0.6463,None of the above,1.0,,AlWilson725,,0,,,@TheFix @washingtonpost Wow. Amazing country we live in where being rude/unprofessional elicits praise #GOPDebate #Trump2016 #Trump,,2015-08-07 08:16:07 -0700,629672373135011840,, -6724,Donald Trump,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,fairfieldet,,0,,,"If the Clintons sat front row at Trump's wedding, did he score an invite to Chelsea's? #GOPDebate",,2015-08-07 08:16:07 -0700,629672372925263872,, -6725,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,g8r84,,1,,,RT @matt_lichstein: Anyone heard from God yet? #GOPDebate,,2015-08-07 08:16:06 -0700,629672371692113920,,Eastern Time (US & Canada) -6726,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6429,,JayDubya83,,0,,,So Jon Stewart quits the same day of the #GOPDebate. I feel like he is going to miss the greatest comedic election of all time.,,2015-08-07 08:16:04 -0700,629672362540011520,, -6727,No candidate mentioned,1.0,yes,1.0,Negative,0.6838,FOX News or Moderators,0.6838,,IAmMackWilliams,,0,,,You know the #GOPDebate last night was horribly run when liberals/CNN say it was well organized.,,2015-08-07 08:16:03 -0700,629672359444660224,"Nashville,TN/Seattle, WA",Central Time (US & Canada) -6728,No candidate mentioned,1.0,yes,1.0,Neutral,0.6679,None of the above,1.0,,jgaryp,,2,,,"Debate winners, losers and jokers. Who impressed, who flopped and who flailed last night #gopdebate http://t.co/f0v7MUBKKG",,2015-08-07 08:16:03 -0700,629672358639476736,"Raleigh, NC", -6729,No candidate mentioned,1.0,yes,1.0,Neutral,0.6903,None of the above,1.0,,CP_BERRY,,0,,,"#GOPDebate Pundits, political analysts You're wrong people don't share their true political feelings via polls. scan social media.",,2015-08-07 08:16:03 -0700,629672356986908672,Physical SE. Heart NE. Soul W,Eastern Time (US & Canada) -6730,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Big6domino,,1,,,RT @lala_houston: #Trump should have been asked the question on policing of America and the civil rights movement of our time. Not Walker. …,,2015-08-07 08:16:02 -0700,629672354780741632,"Atlanta, GA", -6731,No candidate mentioned,1.0,yes,1.0,Negative,0.6903,None of the above,1.0,,Cluw_girl,,32,,,"RT @UniteWomenOrg: Gentle Reminder: #CarlyFiorina fired 18,000 people from HP then took $21MILLION. http://t.co/ltVJNGXobe … #GOPDebate",,2015-08-07 08:15:58 -0700,629672336321605632,, -6732,Donald Trump,1.0,yes,1.0,Negative,0.3469,FOX News or Moderators,0.6531,,PathFlounder,,0,,,#trump uses money just like #obama uses race. #GOPDebate #FoxNews Whats the difference?,,2015-08-07 08:15:57 -0700,629672333293264896,,America/Chicago -6733,No candidate mentioned,0.4002,yes,0.6326,Negative,0.6326,None of the above,0.4002,,lemonseedsucker,,325,,,RT @DaneCook: The #GOPDebate is like watching The Bachelorette without the rose ceremony.,,2015-08-07 08:15:56 -0700,629672327035420672,"Georgia, sugar.", -6734,Ted Cruz,0.4347,yes,0.6593,Positive,0.3516,None of the above,0.4347,,cmaholden,,26,,,"RT @MichiganCRs: ""I believe the people are looking for someone to tell the truth"" @tedcruz #Cruz2016 #GOPDebate",,2015-08-07 08:15:55 -0700,629672326028730368,,Central Time (US & Canada) -6735,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rainbo_zebra,,51,,,RT @CloneNic: Me during this social issues section of the debate. #GOPDebate http://t.co/oC9cGr7H2z,,2015-08-07 08:15:55 -0700,629672325256863744,Platform 9 and 3/4, -6736,No candidate mentioned,0.4805,yes,0.6932,Negative,0.6932,None of the above,0.4805,,MIRighttowork,,12,,,RT @sirenidica: Add this to #HilaryClinton accomplishments. Selfies with K's. #GOPDebate http://t.co/1r1lEnUNU1,,2015-08-07 08:15:53 -0700,629672317552095232,Michigan,Eastern Time (US & Canada) -6737,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,Robert_Starkey,,0,,,Really? Hey Donald you were face to face with her less than a day ago then you cast shade of Twitter. #GOPDebate 😒 https://t.co/rdu8Od3tEc,,2015-08-07 08:15:53 -0700,629672316134277120,"Los Angeles, Ca",Alaska -6738,Donald Trump,0.3889,yes,0.6237,Negative,0.6237,,0.2347,,TruthTeamOne,,2,,,#GOPDebate Unplanned GOP parenthood ... You're going to have a Trump. http://t.co/6RZMowRG8u,,2015-08-07 08:15:53 -0700,629672315152760832,"Fort Truth, Planet Earth", -6739,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6797,,DutraGale,,2,,,RT @BNLieb: By smearing opponents of #WhiteGenocide as “Nazis” Libzis perverted the #MemoryOfTheHolocaust into a weapon to GUARANTEE genoci…,,2015-08-07 08:15:53 -0700,629672314305560576,, -6740,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,fadboo,,1,,,RT @EvilConservativ: @tedcruz was brilliant last night as always. I love #Trump/Cruz or Cruz/@CarlyFiorina ticket for the win #GOPDebate h…,,2015-08-07 08:15:52 -0700,629672309595344896,The Choom state.,Mountain Time (US & Canada) -6741,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,LilTimmyBoy,,8,,,RT @jessicanasoda: My mom sees a similarity #GOPDebate http://t.co/PEM7e9drx6,,2015-08-07 08:15:51 -0700,629672307007614976,, -6742,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Anisha_S113,,0,,,Topics left out of #GOPDebate: 4.) The entire conversation around #BlackLivesMatter lasted a total of 47 seconds. #GOPTBT,,2015-08-07 08:15:51 -0700,629672306877575168,DC via FL via NY ,Eastern Time (US & Canada) -6743,No candidate mentioned,0.4539,yes,0.6737,Positive,0.6737,None of the above,0.4539,,kr_bateman,,5,,,RT @gb_ball: Carly Fiorina would make a phenomenal contrast against the dilapidated figure of a dishonest and corrupted Hilary Clinton. #GO…,,2015-08-07 08:15:51 -0700,629672306269417472,"Tampa Bay, Florida", -6744,Donald Trump,0.4858,yes,0.6970000000000001,Neutral,0.6970000000000001,None of the above,0.4858,,RonSupportsYou,,0,,,"MT @YahooPolitics Trump on his ""stupid"" rivals, and other highs and lows of the #GOPDebate from @mattbai: http://t.co/MylC6Y51u6",,2015-08-07 08:15:50 -0700,629672302884466688,California,Pacific Time (US & Canada) -6745,Donald Trump,0.4568,yes,0.6759,Negative,0.3553,None of the above,0.4568,,Tundraeyes,,0,,,""".@FoxNews: Opinion: Trump loses #GOPDebate but Rubio, Cruz and others triumph via @lizpeek http://t.co/q13VkuLP3r http://t.co/qoCnOIxEdN""",,2015-08-07 08:15:49 -0700,629672298048417792,"Dallas,Texas",Central Time (US & Canada) -6746,Marco Rubio,0.4625,yes,0.6801,Positive,0.6801,None of the above,0.4625,,TeamMarcoIA,,1,,,Marco Rubio emerges as the party’s brightest star http://t.co/kggnwJ9GC4 #GOPDebate #Rubio2016 #ImwithMarco,,2015-08-07 08:15:47 -0700,629672291442520064,"Des Moines, IA",Eastern Time (US & Canada) -6747,No candidate mentioned,0.519,yes,0.7204,Negative,0.7204,Jobs and Economy,0.519,,Cluw_girl,,28,,,"RT @UniteWomenOrg: GOOD point: -#CarlyFiorina could know a lot about foreign lands, since she sends our -American jobs there. -#GOPDebate htt…",,2015-08-07 08:15:46 -0700,629672284714835968,, -6748,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,0.6484,,JIllypop_rog,,0,,,"“@JohnFugelsang #GOPDebate -Nothing new. Same old song and dance.",,2015-08-07 08:15:45 -0700,629672282181386240,, -6749,Ben Carson,0.4366,yes,0.6608,Negative,0.3412,Healthcare (including Medicare),0.4366,,sellwithmarcy,,15,,,RT @MormonDems: Ben Carson: I will end polarization by removing health insurance from 17 million Americans. #Obamacare #GOPDebate,,2015-08-07 08:15:45 -0700,629672281489469440,Media, -6750,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6531,,thisgirldontply,,0,,,#GOPDebate #DumpTrump stop wasting air time on this chump. What a waste. He couldn't carry a conversation w any world leader. Joke-City👎🏻🌍,,2015-08-07 08:15:43 -0700,629672275713871872,"Paris, Ile-de-France", -6751,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sistertoldjah,,4,,,Fiorina: I didn't get a phone call from Bill Clinton | Fox News Republican Debate (VIDEO) https://t.co/9Y3B5ZejP5 #GOPdebate #GOP2016,,2015-08-07 08:15:43 -0700,629672274124218368,North Carolina,Eastern Time (US & Canada) -6752,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,g8r84,,1,,,"RT @barbicue: Last night was a bad TV game show. FOX should be embarrassed. Like ""Wipeout"" without rubber mallets and water hazards. @tonyk…",,2015-08-07 08:15:43 -0700,629672272316469248,,Eastern Time (US & Canada) -6753,Donald Trump,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,1.0,,ScallywagNYC,,0,,,Donald Trump disses Megyn Kelly: ‘She’s a cxnt’ http://t.co/VSaQbTKxgK #GOPDebate #DonaldTrump #MegynKelly #Republicandebate #fox news,,2015-08-07 08:15:42 -0700,629672269422399488,"Manhattan, NYC",Eastern Time (US & Canada) -6754,No candidate mentioned,0.3765,yes,0.6136,Neutral,0.6136,None of the above,0.3765,,RedStateRay,,0,,,Hey @washingtonpost... don't go bringing facts into the #GOPDebate. https://t.co/0ED8hlHUA1,,2015-08-07 08:15:42 -0700,629672268562444288,A Red State, -6755,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6903,,RivaaaPlante21,,2,,,"RT @KenDiesel: If it's not clear to Conservatives yet, we are going to have to win the primary with NO fair treatment from the media. #GOPD…",,2015-08-07 08:15:41 -0700,629672266184290304,, -6756,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.3229,,0.2287,,ACounterLeftist,,0,,,@sallykohn Somebody has slept through the last few election cycles. Not to mention complete and utter lack of enthusiasm on left. #GOPDebate,,2015-08-07 08:15:39 -0700,629672259192520704,"Austin, TX",Pacific Time (US & Canada) -6757,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RussOnPolitics,,1,,,The Fox News #GOPDebate moderators ran the show last night exactly the way RNC Chairman @Reince instructed. http://t.co/Ie55TXbvnP,,2015-08-07 08:15:39 -0700,629672259175718912,"New York, NY",Eastern Time (US & Canada) -6758,No candidate mentioned,1.0,yes,1.0,Neutral,0.6818,None of the above,1.0,,BeIIoq,,0,,,@KyleKulinski cant wait for your #GOPDebate video!,,2015-08-07 08:15:38 -0700,629672251877654528,Geheimhaven,Belgrade -6759,Rand Paul,0.415,yes,0.6442,Neutral,0.6442,None of the above,0.415,,FanofDixie,,1,,,"New Hampshire Poll: Paul leads Hillary by 2%, Trump losing by 10% - http://t.co/vXszukmivB #GOPDebate #Trump #RandPaul #StandWithRand",,2015-08-07 08:15:37 -0700,629672248689958912,"Somewhere, USA",Eastern Time (US & Canada) -6760,No candidate mentioned,1.0,yes,1.0,Negative,0.6512,None of the above,1.0,,Anglo_Axeman,,0,,,"Don't think Rosie O'Donnell needs to explain anything about being a fat, ugly pig to her children. #GOPDebate http://t.co/6YKnybXLW6",,2015-08-07 08:15:36 -0700,629672245254754304,South Carolina the hard way,Eastern Time (US & Canada) -6761,No candidate mentioned,0.4061,yes,0.6372,Negative,0.3246,None of the above,0.4061,,DataCommunityDC,,1,,,"A very cool #dataviz shared by @kennethsilber about the #GOPDebate last night -http://t.co/FACtlsxf4g http://t.co/PSYNbUelhy",,2015-08-07 08:15:34 -0700,629672237709271040,"Washington, DC",Eastern Time (US & Canada) -6762,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,ronnieressler,,139,,,RT @LodiSilverado: Biggest Loser in Tonight’s #GOPdebate : Foxnews,,2015-08-07 08:15:34 -0700,629672236211765248,"Greenbelt, MD", -6763,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Foreign Policy,0.2292,,palabrasamantes,,1,,,RT @erinnrobinsonn: Can we please stop using 9/11 to get some kind of bizarre street cred?? #GOPDebate,,2015-08-07 08:15:30 -0700,629672219921268736,, -6764,No candidate mentioned,1.0,yes,1.0,Neutral,0.6957,None of the above,0.6413,,patriotflag2016,,147,,,"RT @GretchenCarlson: ""Hillary Clinton lied about #Benghazi. I can do this job & I need your help"" @CarlyFiorina #GOPDebate @foxnewspolitics…",,2015-08-07 08:15:29 -0700,629672213654974464,USA,Central Time (US & Canada) -6765,No candidate mentioned,1.0,yes,1.0,Negative,0.653,None of the above,0.6438,,mary_heisey,,0,,,"""The minority community"" - guess who said it, #GOPDebate",,2015-08-07 08:15:26 -0700,629672203223715840,"Charlotte, NC, USA", -6766,,0.2337,yes,0.6277,Neutral,0.6277,,0.2337,,philstockworld,,85,,,From our Live Chat Room: #GOPDebate #Trump #Futures $SPY #NonFarmPayrolls #Jobs #Netflix -- http://t.co/0K06Sf81rq http://t.co/SiNu1AStpS,,2015-08-07 08:15:25 -0700,629672198303780864,USA,Eastern Time (US & Canada) -6767,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,prettyplusmore,,0,,,"You didn't do a bad job, @BretBaier, but a reporter should never scold & say things like, ""You mean to tell me???"" - -Do better. -#GOPDebate",,2015-08-07 08:15:24 -0700,629672192435884032,,Mountain Time (US & Canada) -6768,Donald Trump,0.4162,yes,0.6452,Negative,0.6452,FOX News or Moderators,0.4162,,NunnyFB,,0,,,#FOX slurped so hard on #GOP establishments slurpy they got brain freeze. #AVN has offered #MegynKelly an award @realDonaldTrump #GOPdebate,,2015-08-07 08:15:22 -0700,629672187419451392,, -6769,Jeb Bush,0.4493,yes,0.6703,Negative,0.6703,None of the above,0.4493,,MarxSUCKS,,0,,,#ConservativeScoreCard @JebBush showed his colors - waiting for him to announce his VP with #Hillary #tcot #GOPDebate #DumpJeb,,2015-08-07 08:15:21 -0700,629672181551730688,NJ,Eastern Time (US & Canada) -6770,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,None of the above,0.6859999999999999,,tpkroger,,0,,,On the subject of bloodsuckers: http://t.co/B0USrMKb67 #indiekindle #ebook #vampires #colonialism #altlit #GOPDebate #fridayreads,,2015-08-07 08:15:21 -0700,629672180704391168,,Eastern Time (US & Canada) -6771,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,TaylorSatterthw,,8,,,RT @JJSportsBeat: I thought this was the most compelling moment of the #GOPDebate http://t.co/aQ1wAzV2s8,,2015-08-07 08:15:21 -0700,629672180658405376,,Atlantic Time (Canada) -6772,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,Anisha_S113,,0,,,"Topics left out of #GOPDebate: 3.) Despite its centrality to so many important issues, economic inequality was not mentioned once. #GOPTBT",,2015-08-07 08:15:20 -0700,629672177734971392,DC via FL via NY ,Eastern Time (US & Canada) -6773,Donald Trump,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,gblundquist,,0,,,Can Donald trump be in the democratic debate too? #GOPDebate #entertainment,,2015-08-07 08:15:20 -0700,629672177130864640,"Oakdale, MN",Central Time (US & Canada) -6774,No candidate mentioned,0.6413,yes,1.0,Negative,0.6739,None of the above,1.0,,BobbysByline,,1,,,Check out my recap of last night's #GOPDebate http://t.co/FMPcxRRFn3,,2015-08-07 08:15:18 -0700,629672167454691328,NY,Eastern Time (US & Canada) -6775,Donald Trump,0.4227,yes,0.6502,Negative,0.6502,None of the above,0.4227,,the_ken_leonard,,0,,,"@NYTimeskrugman: #DonaldTrump ""is, fundamentally, an absurd figure, so are his rivals"" http://t.co/j9MrfLRzS6 #GOPDebate #election2015",,2015-08-07 08:15:17 -0700,629672164376117248,"New York, NY",Quito -6776,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,babe2u,,0,,,"What #GOPDebate? I saw a Q and A session, nothing exciting, same old, same old",,2015-08-07 08:15:16 -0700,629672161779810304,,Eastern Time (US & Canada) -6777,Chris Christie,0.6591,yes,1.0,Negative,1.0,None of the above,1.0,,fritchee,,4,,,RT @NoChristie16: #ChrisChristie is a thin-skinned #bully. If we feel sorry for him the more fool us. #RandPaul #GOPDebate,,2015-08-07 08:15:15 -0700,629672156125888512,, -6778,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3478,,dnaples3,,1,,,@sallykohn @graceslick77 After last night's #GOPDebate there can be no doubt the corporatocracy rules.,,2015-08-07 08:15:14 -0700,629672153865031680,,Eastern Time (US & Canada) -6779,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,0.6629,,CarolHello1,,0,,,"Me too .... - -#GOPDebate Fox Assassins Boomerang: -Self-Inflicted Irrepairable Damage! https://t.co/Km9maqD4S8",,2015-08-07 08:15:13 -0700,629672146315247616,California❀◄★►❀Conservative,Arizona -6780,No candidate mentioned,1.0,yes,1.0,Neutral,0.3469,FOX News or Moderators,1.0,,BlaineNelson3,,48,,,RT @KevXIndy: I seriously wish @JamesRosenFNC was one of tonight's moderators #FOXNEWSDEBATE #GOPDebate,,2015-08-07 08:15:12 -0700,629672144981508096,, -6781,No candidate mentioned,1.0,yes,1.0,Neutral,0.6917,None of the above,0.6653,,BACFA,,1,,,RT @WillCarrFNC: .@CarlyFiorina ignites interest as rivals seek post-debate momentum #FoxNews #GOPDebate http://t.co/F5vda4YE9x http://t.co…,,2015-08-07 08:15:10 -0700,629672135238225920,"Obamapocalypso, North Mexico",Eastern Time (US & Canada) -6782,No candidate mentioned,0.4588,yes,0.6774,Negative,0.6774,None of the above,0.2294,,DANEgerus,,2,,,"I didn't expect Chris Wallace(D) to be the 2nd worst partisan pontificating asshole ""moderating"" #GOPDebate @megynkelly",,2015-08-07 08:15:09 -0700,629672132247564288,Ithilien,Alaska -6783,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,MartinBrothers,,1,,,"RT @cherryvanilla48: “@thehill: Hillary spent the #GOPDebate with Kim and Kanye: http://t.co/xrafWtxlpZ http://t.co/7ugpDCpNon” - -What time …",,2015-08-07 08:15:09 -0700,629672131098509312,"Goshen, Indiana",Central Time (US & Canada) -6784,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,bgittleson,,0,,,"Top candidates discussed during #GOPDebate on Facebook: -1. DonaldTrump -2. Ben CarsonCarson -3. Rand Paulul -4. Mike Huckabee -5. Chris Christie",,2015-08-07 08:15:09 -0700,629672129903001600,"New York, NY",Eastern Time (US & Canada) -6785,Ben Carson,0.4642,yes,0.6813,Negative,0.6813,Jobs and Economy,0.2396,,correa_jec,,3,,,RT @JoSpiv: I hope Ben Carson says more about using taxes and tithes because that was the most batshit crazy thing said all night. #GOPDeba…,,2015-08-07 08:15:08 -0700,629672125545123840,, -6786,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wdrclr3,,9,,,RT @VinylGodson: #GOPDebate ....Republicans talk about Reagan like Cowboys fans talk about their past championships. @RealDLHughley @BILLB…,,2015-08-07 08:15:05 -0700,629672113201389568,"Virginia, USA", -6787,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,0.6991,,struble_eric,,25,,,"RT @HeatherWhaley: ""Save all the babies! Except those killed by unsecured guns."" - #GOPDebate",,2015-08-07 08:15:02 -0700,629672099867676672, New Jersey, -6788,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7021,,ChapmanGOP,,3,,,"But @realDonaldTrump supporters are saying he was treated ""unfairly?"" Yea... Right. #GOPDebate http://t.co/nJrwoYrrzM",,2015-08-07 08:15:00 -0700,629672091625754624,"Orange County, CA",Pacific Time (US & Canada) -6789,Donald Trump,0.4646,yes,0.6816,Neutral,0.3538,None of the above,0.4646,,FloggerMiester,,0,,,"@paulbibeau @LOLGOP ""never give up your leverage before the negotiation starts"" - Donald #Trump 2015 -#GOPDebate -#TrumpForPresident",,2015-08-07 08:14:59 -0700,629672090820571136,The Dungeon,Dublin -6790,No candidate mentioned,1.0,yes,1.0,Negative,0.6023,None of the above,0.7045,,BryBryHMM,,0,,,"Last night, they only cared about their money, god, and fetuses. #GOPDebate",,2015-08-07 08:14:59 -0700,629672089545342976,The Northern Hemisphere ,Eastern Time (US & Canada) -6791,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,JJPatriot,,2,,,My greatest takeaway from the #GOPDebate is the format stinks. Eliminate the moderator questions. Let the candidates actually debate.,,2015-08-07 08:14:59 -0700,629672088173981696,"Florida, USA.", -6792,Donald Trump,1.0,yes,1.0,Negative,0.6659,None of the above,1.0,,ashpaladin,,5,,,"RT @JesseCox: I am eager to see what the next polls say, cause they hammered Trump hard. If that didn't slow him down I don't know what wil…",,2015-08-07 08:14:59 -0700,629672087691464704,, -6793,No candidate mentioned,1.0,yes,1.0,Positive,0.6705,None of the above,0.6818,,RebeccaBradshaw,,0,,,BEST THING I'VE READ TODAY. I'm forever thankful for the wit and humor of Willy Boy. #GOP #GOPDebate https://t.co/ovKOImS5Ty,,2015-08-07 08:14:59 -0700,629672087385288704,,Quito -6794,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.679,,vanessainboston,,34,,,"RT @NatashaVianna: ""Can you not?"" - God to #GOPDebate",,2015-08-07 08:14:58 -0700,629672085380575232,"Boston, MA",Eastern Time (US & Canada) -6795,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,SamSummitt11b,,0,,,@megynkelly you were completely embarrassing and unprofessional last evening #GOPDebate,,2015-08-07 08:14:58 -0700,629672085263130624,"Indiana, USA", -6796,No candidate mentioned,1.0,yes,1.0,Neutral,0.6837,None of the above,0.6429,,MachadoKirk,,5,,,RT @LadySandersfarm: #GOPDebate True. https://t.co/aJkV9FLHpG,,2015-08-07 08:14:56 -0700,629672078858448896,, -6797,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6609999999999999,,marksluckie,,3,,,Donald Trump late-night angry-tweets Megyn Kelly: http://t.co/oQaO3th0IM #GOPDebate http://t.co/pIRCINLByl,,2015-08-07 08:14:53 -0700,629672065235329024,New York City,Eastern Time (US & Canada) -6798,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,iKick_cASS,,44,,,RT @Leapoverthat: #GOPDebate had lower attendance than the national spelling bee and its opponents are probably less qualified http://t.co/…,,2015-08-07 08:14:52 -0700,629672061217050624,"Colorado Springs, CO",Pacific Time (US & Canada) -6799,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EvilConservativ,,1,,,@tedcruz was brilliant last night as always. I love #Trump/Cruz or Cruz/@CarlyFiorina ticket for the win #GOPDebate https://t.co/qe4GGapqC1,,2015-08-07 08:14:52 -0700,629672060671934464,America,Pacific Time (US & Canada) -6800,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,JewleenDWarm1,,2,,,"RT @TimBartender: @realDonaldTrump @FoxNews @megynkelly Trump you are funny. Unqualified. Nasty. Wrong-headed, but funny. #GOPDebate",,2015-08-07 08:14:52 -0700,629672059057086464,STAMFORD BRIDGE,Pacific Time (US & Canada) -6801,No candidate mentioned,0.43700000000000006,yes,0.6609999999999999,Negative,0.3507,Jobs and Economy,0.43700000000000006,,montpeliervt,,0,,,#GOPDebate who really thinks that US manufacturing can be competitive in labor-intensive industries?,,2015-08-07 08:14:51 -0700,629672057614241792,, -6802,No candidate mentioned,1.0,yes,1.0,Negative,0.6737,Religion,0.6632,,PrimeRib_Young,,21,,,"RT @BELUTHAHATCHIE: God, with usual sadism, seems to be telling multiple GOP candidates they have ""His"" vote. #GOPDebate",,2015-08-07 08:14:51 -0700,629672054015565824,,Atlantic Time (Canada) -6803,Donald Trump,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,wahba47,,0,,,Donald Trump gets the award for most entertaining. #GOPDebate,,2015-08-07 08:14:48 -0700,629672045098455040,"Wooster, Ohio",Pacific Time (US & Canada) -6804,Marco Rubio,0.6667,yes,1.0,Negative,0.6548,FOX News or Moderators,1.0,,Duceman03,,0,,,@AlexisinNH Fox clearly forgot the entire issue until someone from the audience had to jump in. Fox was the big loser last night.#GOPDebate,,2015-08-07 08:14:48 -0700,629672041302528000,"Littleton, MA, Westford, MA",Quito -6805,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6512,,Jake_Lester,,0,,,Donald Trump always looks like he was on the business end of a fart you can taste. #GOPDebate http://t.co/kEB7ecHcSE,,2015-08-07 08:14:46 -0700,629672035824873472,"Bloomington, IN",Eastern Time (US & Canada) -6806,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,guyfromguelph,,3,,,"What an uptight, humourless, mean spirited pickle up your arse bunch of fools without any redeeming qualities. #GOPDebate #atheist",,2015-08-07 08:14:46 -0700,629672033413124096,, -6807,No candidate mentioned,1.0,yes,1.0,Negative,0.6693,FOX News or Moderators,1.0,,JesseBotello1,,3,,,RT @Lisa_Luerssen: If the New York Times thinks Fox News did a good job then no matter who your candidate is. We are in trouble. #GOPDebate,,2015-08-07 08:14:45 -0700,629672032494448640,"San Antonio, TX.",Central Time (US & Canada) -6808,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aleklev,,0,,,I wonder if the 14 people in the audience were just on their way out from the Don Henley concert and stuck around. #GOPDebate,,2015-08-07 08:14:45 -0700,629672031009705984,Los Angeles, -6809,Donald Trump,1.0,yes,1.0,Negative,0.6603,FOX News or Moderators,0.6603,,scorpio5053,,2,,,@WalterWhfla @DesignerDeb3 @realDonaldTrump ABSOLUTELY! I REFUSE TO ALLOW @FoxNews to speak for me. I'll draw my own conclusions #GOPDebate,,2015-08-07 08:14:45 -0700,629672029294362624,The United States, -6810,No candidate mentioned,1.0,yes,1.0,Neutral,0.6573,None of the above,1.0,,jbf1755,,2,,,"RT @chris_rowley: Professor Freeman's (@jbf1755) op-ed in @nytopinion perfectly sums up last night's #GOPDebate, state of US politics http:…",,2015-08-07 08:14:43 -0700,629672024282132480,"New Haven, CT", -6811,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CamdenMailman,,41,,,"RT @FixYourLife: So you're all 100% voting democrat no matter what, but you spent your night watching the #GOPDebate so you could tweet jok…",,2015-08-07 08:14:43 -0700,629672021148987392,,Atlantic Time (Canada) -6812,No candidate mentioned,1.0,yes,1.0,Negative,0.6477,None of the above,1.0,,Sue_Gulley,,5,,,"RT @ohiomail: #GOPDebate Carly Fiorina's Only Accomplishment was ""I Ran a Top 50 American Company"" Into The GROUND & Got Fired - https://t.c…",,2015-08-07 08:14:41 -0700,629672012839948288,, -6813,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6458,,melguzzy,,4,,,"RT @coreylim_: get a uterus, then we'll talk. #GOPDebate",,2015-08-07 08:14:38 -0700,629672001737723904,"Portland, ME", -6814,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ImSoConfused4,,6,,,RT @ProfessorF: Agreed. Well said @RealBenCarson! #GOPDebate #WakeUpAmerica https://t.co/N0k0VaHZg6,,2015-08-07 08:14:38 -0700,629672000496238592,, -6815,No candidate mentioned,1.0,yes,1.0,Negative,0.6679,None of the above,1.0,,carlofbaltimore,,1,,,"RT @SenBillFerg: Well, 14 more months of this. Elections have consequences. Let's not forget that in November 2016. #GOPDebate",,2015-08-07 08:14:38 -0700,629671999665782784,baltimore,Atlantic Time (Canada) -6816,Donald Trump,1.0,yes,1.0,Negative,0.6662,FOX News or Moderators,0.6892,,JeannieMDamon,,0,,,Does @realDonaldTrump believe he's gonna win republican women support by attaching @megynkelly ? #GOPDebate,,2015-08-07 08:14:36 -0700,629671991813931008,Seattle,Pacific Time (US & Canada) -6817,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6957,,barbicue,,1,,,"Last night was a bad TV game show. FOX should be embarrassed. Like ""Wipeout"" without rubber mallets and water hazards. @tonykatz #GOPDebate",,2015-08-07 08:14:35 -0700,629671990228615168,, -6818,Donald Trump,1.0,yes,1.0,Negative,0.695,None of the above,1.0,,annapizarro,,0,,,"Hey media - If you ignore Trump, maybe he'll go away. Just a hint. #honeybadger #GOPDebate",,2015-08-07 08:14:35 -0700,629671987179323392,New York,Eastern Time (US & Canada) -6819,Donald Trump,0.4259,yes,0.6526,Negative,0.3368,None of the above,0.4259,,MSalasBlair,,0,,,"#GOPDebate was hugely entertaining. Sadly, we learned almost nothing http://t.co/1Gt4LrEePO #tcot #LatinosListen #latism",,2015-08-07 08:14:34 -0700,629671984448839680,,Eastern Time (US & Canada) -6820,Donald Trump,1.0,yes,1.0,Positive,0.6941,None of the above,1.0,,NewExcaliburC,,0,,,@realDonaldTrump Wild Card 2016 Presidential Race. It's Good to be Underestimated! #MakeAmericaGreatAgain #GOPDebate http://t.co/bnBPBZ82o6,,2015-08-07 08:14:34 -0700,629671983370801152,Sydney Australia,Sydney -6821,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,EightDotters,,1,,,"I just took a stroll through #GOPDebate hashtag. Have spit loads of coffee laughing. Good form progressives. (@djmorrison01, nice job)",,2015-08-07 08:14:33 -0700,629671979981778944,, -6822,Scott Walker,1.0,yes,1.0,Negative,0.7134,None of the above,0.6279,,dueylou,,108,,,"RT @jricole: Scott Walker thinks Iran, the most effective anti-ISIL force, is tied to ISIL #GOPDebate",,2015-08-07 08:14:30 -0700,629671965809352704,Dean's Blue Hole, -6823,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Immigration,1.0,,FemsKnowBest,,0,,,The candidate that consistently talks about &plans on cutting ALL forms of immigration will quickly gain the electorate's support.#GOPDebate,,2015-08-07 08:14:29 -0700,629671965440151552,"Immigrantville, Obamaland",Eastern Time (US & Canada) -6824,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,matt_lichstein,,1,,,Anyone heard from God yet? #GOPDebate,,2015-08-07 08:14:29 -0700,629671964802711552,,Eastern Time (US & Canada) -6825,No candidate mentioned,0.4113,yes,0.6413,Negative,0.6413,None of the above,0.4113,,Anisha_S113,,1,,,"Topics left out of #GOPDebate: 2.) On the 50th anniversary of the Voting Rights Act, voting rights was not mentioned once. #GOPTBT",,2015-08-07 08:14:29 -0700,629671962281967616,DC via FL via NY ,Eastern Time (US & Canada) -6826,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MonicaKaye,,2,,,RT @DrenzPen: My feelings for each #GOPDebate candidate http://t.co/lLlPAgV2jj,,2015-08-07 08:14:28 -0700,629671958989307904,Colorado,Mountain Time (US & Canada) -6827,No candidate mentioned,1.0,yes,1.0,Neutral,0.6577,None of the above,0.6732,,ottawafamtree,,0,,,"“@megynkelly: Crazy day, fun night, exhausting week -This is moments b4 the #GOPDebate -firing up for the big event -http://t.co/O9NFDTytpr”",,2015-08-07 08:14:27 -0700,629671956976115712,"Ottawa, Canada", -6828,Ben Carson,1.0,yes,1.0,Negative,0.6908,None of the above,1.0,,correa_jec,,5,,,"RT @TotalFutbalNow: #GOPDebate Ben Carson, the GOP depends on uneducated voters!",,2015-08-07 08:14:27 -0700,629671956833398784,, -6829,Mike Huckabee,1.0,yes,1.0,Negative,0.7079,None of the above,0.6404,,duranyanf,,36,,,"RT @ShelbyKnox: ""The purpose of the military is to kill people & break things."" - Huckabee in route to being wildly transphobic. #GOPDebate",,2015-08-07 08:14:26 -0700,629671951779368960,"Bala Cynwyd, PA",Paris -6830,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Denlan1,,1,,,RT @Nicolucci1899: I've never seen a white-face minstrel show before. #GOPDebate,,2015-08-07 08:14:24 -0700,629671942153375744,,Central Time (US & Canada) -6831,John Kasich,0.3867,yes,0.6218,Neutral,0.3277,,0.2352,,alonnaatterbury,,44,,,"RT @MrLXC: Well, Kasich has been to a gay wedding. What's the next huge news at the #GOPDebate? Is Huckabee going to name the 3 black peopl…",,2015-08-07 08:14:24 -0700,629671941302001664,Chicago ✈ London ✈ New York,Central Time (US & Canada) -6832,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheThinGrayLine,,0,,,This stinks so far. #GOPDebate,,2015-08-07 08:14:21 -0700,629671931785035776,"Edmonton, AB", -6833,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LyndonEvansCT,,0,,,#DonaldTrumpforPresident in the #GOPDebate proves he's a neanderthal http://t.co/BGySqOiv3K #WhatILearnedToday #BitchyOldQueen @HeidiVoight,,2015-08-07 08:14:21 -0700,629671931621580800,"Danbury, CT",Eastern Time (US & Canada) -6834,No candidate mentioned,0.4255,yes,0.6523,Neutral,0.3477,LGBT issues,0.4255,,CannabisVoting,,2,,,"RT @laniar: Why my young conservative friends and I feel awkward: we support gay marriage, decriminalizing marijuana, and choice, so... #GO…",,2015-08-07 08:14:21 -0700,629671930250063872,,Central Time (US & Canada) -6835,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AlanaVassSays,,0,,,Carly Fiorina #GOPdebate #Election2016 https://t.co/n1UR11y1gz via @YouTube,,2015-08-07 08:14:21 -0700,629671928366657536,California,Pacific Time (US & Canada) -6836,Donald Trump,1.0,yes,1.0,Negative,0.3482,FOX News or Moderators,1.0,,c00kinbabe,,2,,,RT @jolemo376: I think @FoxNews did everything it could to derail the @realDonaldTrump during the #GOPDebate. Newsflash you failed @megynke…,,2015-08-07 08:14:19 -0700,629671922956111872,"Greer, SC", -6837,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Anthony_Liveris,,1,,,RT @valzarya: Everyone go watch the #GOPDebate story on @Snapchat. Who needs @FoxNews when you have snaps?,,2015-08-07 08:14:18 -0700,629671917734264832,"New York, NY", -6838,No candidate mentioned,0.4247,yes,0.6517,Positive,0.3483,None of the above,0.4247,,MiamiFLare,,227,,,"RT @NerdyWonka: Somewhere in the White House, President Barack Obama is doing this and he's not even watching the #GOPDebate http://t.co/Yr…",,2015-08-07 08:14:18 -0700,629671915670515712,, -6839,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,danlovesthecubs,,54,,,RT @WarrenHolstein: The only doctor worse than Ben Carson is Bill Cosby. #GOPdebate,,2015-08-07 08:14:18 -0700,629671915658022912,,Central Time (US & Canada) -6840,Donald Trump,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,ABurgerADay,,1,,,"""Balderdash"" is my favorite word that describes @realDonaldTrump's presidential campaign run. #GOPDebate",,2015-08-07 08:14:15 -0700,629671906271199232,"Baltimore, MD", -6841,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6602,,aelmore,,1,,,"I tried to watch the debate, but instead I watched 10 millionaires play Who Grew Up the Poorest?"" #GOPDebate",,2015-08-07 08:14:14 -0700,629671902487842816,Atlanta,America/New_York -6842,No candidate mentioned,0.4756,yes,0.6897,Neutral,0.3448,FOX News or Moderators,0.4756,,Progress4Ohio,,0,,,"@FoxNews I Am Listening To A Radio Station. -They Are Calling In A/B The #GOPDebate #BlackFolks -Gave You A #GOPFail #Cleveland #OHIO",,2015-08-07 08:14:14 -0700,629671900713721856,No #RWNJS Zone!,Eastern Time (US & Canada) -6843,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,0.6292,,nailmagician,,272,,,"RT @catie__warren: Tonight #DonaldTrump is everyone's drunk, kinda racist uncle who posts Jesus memes on Facebook. #GOPDebate",,2015-08-07 08:14:14 -0700,629671899853922304,"sunny, tropical Ohio",Central Time (US & Canada) -6844,No candidate mentioned,0.4458,yes,0.6677,Neutral,0.3545,None of the above,0.4458,,Boudah329,,2,,,RT @SheanWOW: 😩RT @Rik_FIair: X___X RT @kvxrdashian: when you leave the Republican Party and become a Democrat. #GOPDebate http://t.co/d3wg…,,2015-08-07 08:14:14 -0700,629671899157667840,somewhere different,Eastern Time (US & Canada) -6845,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,PruneJuiceMedia,,1,,,Jeb needs a reality check that it was HIS brother who messed up Iraq. Don’t put Obama on that. #GOPDebate,,2015-08-07 08:14:10 -0700,629671885022867456,"Atlanta, Georgia",Eastern Time (US & Canada) -6846,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,MiamiFLare,,52,,,"RT @NerdyWonka: Somewhere in the world, an ISIS member is telling Jeb Bush, ""YOU LIE!."" We came into power because of your brother. #GOPDeb…",,2015-08-07 08:14:09 -0700,629671878475452416,, -6847,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DannyF145,,0,,,Only in America could Trump be a serious contender to lead the country #GOPDebate,,2015-08-07 08:14:07 -0700,629671872091815936,Bristol,Pacific Time (US & Canada) -6848,No candidate mentioned,0.6484,yes,1.0,Negative,1.0,None of the above,1.0,,nhdogmom,,1,,,"RT @freespeak3: Our media is such that a failed CEO who calls former FLOTUS/Senator/SOS a ""liar"" wins #GOPDebate -sad https://t.co/KwnkTgKbm5",,2015-08-07 08:14:06 -0700,629671866668417024,New Hampshire,Eastern Time (US & Canada) -6849,No candidate mentioned,1.0,yes,1.0,Positive,0.6838,None of the above,1.0,,MaeDenver,,1,,,I made a donation to the Democratic Party in the middle of last night's #GOPDebate & I don't claim a party affiliation. #Scary,,2015-08-07 08:14:04 -0700,629671860196741120,, -6850,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wout0032,,0,,,"In the @politico caucus, Republican insiders call #Trump's first debate a 'disaster' #GOPDebate #Election2016 - http://t.co/UBW0tXlvwV",,2015-08-07 08:14:03 -0700,629671853984878592,Gdynia,Brussels -6851,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,Jdailey42,,1,,,RT @CounselorAdrian: #BerkeleyBreathed came back to us just in time. Maybe Bill Watterson will as well... #GOPDebate http://t.co/KfC4F8OkYD,,2015-08-07 08:14:02 -0700,629671851611017216,, -6852,Donald Trump,0.4074,yes,0.6383,Positive,0.3191,,0.2309,,JesseBotello1,,3,,,RT @Sanddragger: #TrumpBashing at it's finest. #MegynKelly #MegynKellyDebateQuestions #GOPDebate https://t.co/3vyUKSNrWE,,2015-08-07 08:14:02 -0700,629671848691679232,"San Antonio, TX.",Central Time (US & Canada) -6853,No candidate mentioned,1.0,yes,1.0,Neutral,0.6977,None of the above,1.0,,rabenito23,,521,,,RT @barkbox: The #GOPDebate got me like... http://t.co/Q8xVMzU0Fd,,2015-08-07 08:13:56 -0700,629671825765703680,, -6854,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Whtapl,,0,,,"#GOPDebate -It's not just what #Trump said, but what others said about what he said. -Daniel Drezner v David Frum http://t.co/hjsmeZcPni",,2015-08-07 08:13:55 -0700,629671820292009984,"North San Juan, CA", -6855,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kbolten,,0,,,"""We're in for a very long nomination fight,"" one political pundit tells @JenniferJJacobs after #GOPDebate. http://t.co/cXg2q6OoYn",,2015-08-07 08:13:51 -0700,629671804437721088,"Des Moines, Iowa",Central Time (US & Canada) -6856,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thisgirldontply,,0,,,#GOPDebate #Chump/Trump He is an ignorant. Not Presidential. No class just money. Clearly money can't buy u class & he skipped dignity too.,,2015-08-07 08:13:50 -0700,629671800390205440,"Paris, Ile-de-France", -6857,No candidate mentioned,1.0,yes,1.0,Neutral,0.6862,None of the above,1.0,,gabbybarikian,,0,,,"Well, @nbcsnl is going to have a ball this weekend with last night's #GOPDebate. #SNL",,2015-08-07 08:13:50 -0700,629671799085662208,"Queens, the city, my bed",Atlantic Time (Canada) -6858,No candidate mentioned,0.4298,yes,0.6556,Neutral,0.3333,None of the above,0.4298,,aleklev,,1,,,It's possible that @GovernorPerry didn't know they were going to ask him questions. #GOPDebate,,2015-08-07 08:13:48 -0700,629671789811990528,Los Angeles, -6859,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,dferg21_,,10,,,RT @faithcouch: Ya'll want to look into the criminal activity of planned parenthood and not the police force??? Ok #GOPDebate,,2015-08-07 08:13:47 -0700,629671786301509632,Deep inside my inner thoughts,Central Time (US & Canada) -6860,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,thatmachetegirl,,93,,,"RT @maureenjohnson: ""What was the first thing you did when you were defrosted?"" #GOPDebate",,2015-08-07 08:13:46 -0700,629671784485396480,Citizen of the World,Berlin -6861,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7011,,whovian15,,2,,,I'm disappointed that #MegynKelly never bothered to ask if any of the candidates believed in this guy #GOPDebate http://t.co/touQqTdXzY,,2015-08-07 08:13:44 -0700,629671775631114240,"Dana Point, California",Alaska -6862,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AtroposRFH,,0,,,"If this is where democracy has led us, maybe we should head back to the trees. #Devolve #GOPDebate",,2015-08-07 08:13:44 -0700,629671775324893184,Utah,Pacific Time (US & Canada) -6863,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,creynolds518,,3,,,RT @creynoldsnc: Definitely noticed. Definitely NOT appreciated. Definitely NOT acceptable. #GOPDebate #GOPTBT https://t.co/1v4TvJLa6c,,2015-08-07 08:13:44 -0700,629671774138015744,coastal NC,Central Time (US & Canada) -6864,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,Religion,1.0,,samalterman,,270,,,RT @elonjames: Did they just ask PRESIDENTIAL CANDIDATES IF GOD SENT THEM A MESSAGE? Did #TheDoctor drop by w/ his TARDIS as well? #GOPdeba…,,2015-08-07 08:13:42 -0700,629671767649484800,Williams College,America/Detroit -6865,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,vivian_terry,,0,,,#GOPDebate being Politically Correct has nothing to do with Bad Manners.,,2015-08-07 08:13:41 -0700,629671763853582336,, -6866,No candidate mentioned,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,ArsenioHall,,7,,,"BTW ... @CarlyFiorina earned a spot at the ""big table"" for next debate, don't you think? #GOPDebate #shebrungit",,2015-08-07 08:13:41 -0700,629671763425648640,[In a Cleveland state of mind],Pacific Time (US & Canada) -6867,Scott Walker,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,RamsonJess,,6,,,RT @rodimusprime: Scott Walker brought up his Harley in his reason for why he should be president. #GOPDebate,,2015-08-07 08:13:39 -0700,629671755007836160,, -6868,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,MTfromCC,,42,,,RT @sarahkendzior: The new American exceptionalism: We suck and everyone is better than us #GOPDebate,,2015-08-07 08:13:39 -0700,629671753820827648,, -6869,No candidate mentioned,1.0,yes,1.0,Neutral,0.7025,None of the above,1.0,,jeffreynola,,0,,,"They're the perfect post #GOPDebate hangover cure... -@frangeladuo, on the @SMShow... -#DoIt!",,2015-08-07 08:13:36 -0700,629671743242645504,IN HOUSTON W/ MY BABY,Central Time (US & Canada) -6870,,0.2298,yes,0.642,Positive,0.642,None of the above,0.4121,,Mariamrom,,5,,,RT @coryhaik: .@washingtonpost collab w @Genius on #GOPDebate was pretty awesome http://t.co/Y7HXub2yAz annotation is cool ;) http://t.co/W…,,2015-08-07 08:13:36 -0700,629671741116280832,"Brooklyn, NY ",Buenos Aires -6871,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,LGBT issues,0.4204,,5OClockShadow_,,0,,,The biggest disappointment from the #GOPDebate is that more time was spent talking about gay marriage than on improving the economy.,,2015-08-07 08:13:35 -0700,629671738926698496,The Big Peach, -6872,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6608,,CSRA_prsn,,1,,,RT @sduncan: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/rPqiu6uLvO,,2015-08-07 08:13:33 -0700,629671729942495232,"Williston, S.C.",Eastern Time (US & Canada) -6873,No candidate mentioned,0.3889,yes,0.6237,Neutral,0.3333,None of the above,0.3889,,moonfire3x3,,2,,,"RT @StevenTylerisms: We Spotted An American Rockstar at the #GOPDebate — Once He Turns Around, You’ll Know Right Away -http://t.co/ERuLGFolWZ",,2015-08-07 08:13:33 -0700,629671728894115840,california,Pacific Time (US & Canada) -6874,Donald Trump,0.2294,yes,0.6667,Negative,0.3441,Racial issues,0.4444,,dignitasnews,,0,,,#asian Success Debunks Liberal #WhitePrivilege debate: http://t.co/wFcPvVP5L3 #GOPDebate @RealJamesWoods @RealDLHughley @realDonaldTrump,,2015-08-07 08:13:32 -0700,629671725920223232,"Los Angeles, CA USA", -6875,Donald Trump,0.6905,yes,1.0,Negative,1.0,None of the above,1.0,,DrunkenBasco,,1,,,RT @LaceyLuken: Sorry to get political but this makes me sick. #GOPDebate #trumpisanidiot #shameonhim #republicanfail https://t.co/N3aZL0wa…,,2015-08-07 08:13:30 -0700,629671718110375936,"Boise, Idaho",Mountain Time (US & Canada) -6876,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6654,,CP_BERRY,,0,,,#GOPDebate yes everyone had their ups and downs. But it was really no debate with 10 candidates. Not enough time to hear them individually,,2015-08-07 08:13:30 -0700,629671716009213952,Physical SE. Heart NE. Soul W,Eastern Time (US & Canada) -6877,Donald Trump,0.4135,yes,0.643,Negative,0.3235,,0.2296,,emyjar,,97,,,RT @theLadyGrantham: Who put Lord Grantham in charge of Donald Trump's finances? #GOPDebate,,2015-08-07 08:13:30 -0700,629671715140820992,, -6878,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,adobe11,,0,,,So disappointed in the lack of respect from Fox News and their moderators towards all the candidates. #FoxNews #GOPDebate,,2015-08-07 08:13:30 -0700,629671714188886016,Tennessee,Central Time (US & Canada) -6879,Jeb Bush,0.4853,yes,0.6966,Positive,0.3596,Foreign Policy,0.4853,,PruneJuiceMedia,,0,,,Look at Jeb coming through with throwing GWB under the bus about the Iraq War. He needs to do this more often. #GOPDebate,,2015-08-07 08:13:29 -0700,629671713215807488,"Atlanta, Georgia",Eastern Time (US & Canada) -6880,No candidate mentioned,0.4871,yes,0.6979,Negative,0.6979,None of the above,0.2472,,CSRA_prsn,,1,,,RT @vying4equality: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/HxHAHGlaYq #TrustHillary…,,2015-08-07 08:13:28 -0700,629671705942716416,"Williston, S.C.",Eastern Time (US & Canada) -6881,Donald Trump,0.3819,yes,0.618,Positive,0.3146,FOX News or Moderators,0.3819,,user33131,,0,,,@realDonaldTrump can insult everyone & call them stupid but then cries at @megynkelly tough but fair questions.#GOPDebate @assholeofday,,2015-08-07 08:13:27 -0700,629671705087225856,Miami, -6882,Donald Trump,0.6522,yes,1.0,Negative,1.0,FOX News or Moderators,0.6522,,claudet28549415,,0,,,"Embarrassed for @Fox News forway they conducted #GOPDebate . Giggles, snark & fangs out for #realdonaldtrump . Blatent bias, unprofessional.",,2015-08-07 08:13:27 -0700,629671704294391808,,Central Time (US & Canada) -6883,Donald Trump,0.4902,yes,0.7002,Negative,0.4902,None of the above,0.4902,,TaylaaNewroth,,10,,,"RT @TheRecruitChair: Not going to vote for Trump, but I'll definitely let him guest write in my Burn Book #GOPDebate",,2015-08-07 08:13:27 -0700,629671703820406784,ΑΣΑ • IV.XXI.XII • Dallas,Mountain Time (US & Canada) -6884,No candidate mentioned,1.0,yes,1.0,Neutral,0.6418,None of the above,1.0,,Wise_Jones,,2,,,He loaded LOL #tcot #GOPDebate #kushandalcohol https://t.co/pYWBcNRkN8,,2015-08-07 08:13:26 -0700,629671700427370496,Dothan,Eastern Time (US & Canada) -6885,No candidate mentioned,0.4133,yes,0.6429,Negative,0.3367,,0.2296,,bobcivil,,1,,,RT @alilihay: I would also prefer that my uterus isn't registered with Washington #GOPDebate,,2015-08-07 08:13:26 -0700,629671697403277312,new york,Atlantic Time (Canada) -6886,Donald Trump,1.0,yes,1.0,Positive,1.0,Healthcare (including Medicare),0.6792,,coopek,,2,,,RT @JaclynHStrauss: I loved it in the #GOPdebate when @realDonaldTrump said the insurance companies have control over the politicians #obam…,,2015-08-07 08:13:25 -0700,629671695897468928,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -6887,No candidate mentioned,0.4876,yes,0.6983,Negative,0.6983,None of the above,0.4876,,sundapp,,3,,,"RT @drskyskull: My summary of #GOPDebate candidates from last night: mouth-breathing, paste-eating poster children for the banality of evil.",,2015-08-07 08:13:25 -0700,629671695306002432,,Pacific Time (US & Canada) -6888,Donald Trump,1.0,yes,1.0,Negative,0.6683,None of the above,1.0,,whosesarinow,,101,,,"RT @FrankLuntz: I'm waiting for the day Donald Trump pulls off his face and is revealed to be a character performance by Andy Kaufman. - -#GO…",,2015-08-07 08:13:24 -0700,629671692361666560,, -6889,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,CSRA_prsn,,1,,,RT @stillwaters1029: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/gNDrtlFsNT,,2015-08-07 08:13:24 -0700,629671691858219008,"Williston, S.C.",Eastern Time (US & Canada) -6890,No candidate mentioned,0.4491,yes,0.6701,Negative,0.6701,Jobs and Economy,0.4491,,PHIrepub,,0,,,#TalkPoverty what have dems done for the poor in the last 60 years? Trapped them. It's time for #GOPDebate,,2015-08-07 08:13:19 -0700,629671670870110208,"Philadelphia, PA",Pacific Time (US & Canada) -6891,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.644,,jolemo376,,0,,,@realDonaldTrump should see this #gopdebate #FoxDebate @foxnewspolitics https://t.co/PSN0asmewp,,2015-08-07 08:13:19 -0700,629671669162872832,, -6892,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,_CassandraDee_,,0,,,"I don't know who won, but Abraham Lincoln lost the #GOPDebate last night.",,2015-08-07 08:13:18 -0700,629671667082510336,"Philadelphia, PA",Eastern Time (US & Canada) -6893,Donald Trump,0.7283,yes,1.0,Neutral,1.0,None of the above,1.0,,InvadingMars,,0,,,Photo: What did you think of the #gopdebate #donaldtrump #pleasefollowback #follow @TagsForLikes #follow me... http://t.co/toDpcTJjBF,,2015-08-07 08:13:18 -0700,629671664381526016,"ÜT: 39.888436,-75.28597",Eastern Time (US & Canada) -6894,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NickolasMyers,,0,,,"The comb-over: for when your hair needs to be a perfect physical representation of denial. -#Trump -#GOPDebate","[38.2359719, -85.7730258]",2015-08-07 08:13:17 -0700,629671661718106112,"Louisville, KY", -6895,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,cbow70,,0,,,Rewatching GOP Forum. #gluttonforpunishment Interesting which candidates answered questions in terms of inclusion vs exclusion. #GOPDebate,,2015-08-07 08:13:15 -0700,629671654671695872,"Chicago, IL USA",Eastern Time (US & Canada) -6896,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6385,,mamabearcoffey,,1,,,"RT @alison_rambles: For once @voxdotcom you're spot on about @realDonaldTrump. - -#GOPDebate #FOXNEWSDEBATE - http://t.co/ig0r1LaSko http://t…",,2015-08-07 08:13:15 -0700,629671651936833536,USA,Central Time (US & Canada) -6897,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ALLCAPSBRO,,0,,,#THEWORSTPARTOFDEPRESSIONIS U DO SELF HARM THINGS LIKE WATCH THE #GOPDEBATE,,2015-08-07 08:13:14 -0700,629671649667850240,KEYBOARD,Eastern Time (US & Canada) -6898,Scott Walker,1.0,yes,1.0,Negative,0.35700000000000004,None of the above,1.0,,WisconsinStrong,,1,,,"RT @rodeodance: @ScottWalker Dodges Media At State Fair, Hours Before First #GOPDebate http://t.co/k7xM1gYBSu #Walker16 #wiunion #wipolitic…",,2015-08-07 08:13:12 -0700,629671642399145984,In the middle. Of everything.,Eastern Time (US & Canada) -6899,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,CSRA_prsn,,1,,,RT @PattiKimble: @GOP ha no respect for women Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.c…,,2015-08-07 08:13:11 -0700,629671636233400320,"Williston, S.C.",Eastern Time (US & Canada) -6900,,0.2273,yes,0.6508,Negative,0.6508,None of the above,0.4235,,JED54,,0,,,@marklevinshow NO! #RINO #McConnell #Jeb #GOPDebate #Rove #ChamberOfCommerce #MegynKelly @GrahamBlog SELL SOULS #tcot http://t.co/1IJlcmqlH8,,2015-08-07 08:13:10 -0700,629671632722771968,"Due South, USA",Eastern Time (US & Canada) -6901,Donald Trump,0.4102,yes,0.6404,Negative,0.6404,FOX News or Moderators,0.4102,,jdashiel,,17,,,"RT @msnbc: .@realDonaldTrump says Fox News anchors were not ""fair"" to him: http://t.co/DGAv1xxbn0 #GOPDebate http://t.co/uQq5SQLBYI",,2015-08-07 08:13:09 -0700,629671628926877696,18950, -6902,Donald Trump,1.0,yes,1.0,Negative,0.6923,None of the above,0.6593,,dennisjansen,,1,,,"Donald Trump late-night angry-tweets Megyn Kelly, and it is epic http://t.co/sOaYXrXPTl #GOPDebate",,2015-08-07 08:13:09 -0700,629671628209844224,"Dallas, TX",Central Time (US & Canada) -6903,No candidate mentioned,0.4241,yes,0.6513,Neutral,0.6513,None of the above,0.4241,,dynaracer33,,2,,,"RT @bgittleson: Facebook: During #GOPDebate, 7.5m ppl in the U.S. made 20m interactions (likes, posts, comments and shares) related to the …",,2015-08-07 08:13:09 -0700,629671627958128640,"Stanton, Michigan",Central Time (US & Canada) -6904,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6703,,StrumSingLuv,,1,,,"RT @MarcGreen25: #Huckabee : ""the purpose of the military is to kill people and break things"", I thought military was for national security…",,2015-08-07 08:13:08 -0700,629671624753557504,"California, USA",Pacific Time (US & Canada) -6905,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.6322,None of the above,0.3997,,TheTruthUnEdit,,0,,,Why's #Hillary the #clearchoice for #Dems? No one can explain her vision for the next 4 years? But yet she's the clear choice? #GOPDebate,,2015-08-07 08:13:07 -0700,629671619938484224,,Eastern Time (US & Canada) -6906,Ted Cruz,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,JesseBotello1,,9,,,"RT @AshorDeKelaita: Ted Cruz at the GOP Debate in Cleveland ""God speaks in the Bible"" https://t.co/eHkQWoe2Cy #GOPDebate #CruzCrew @TedCruz",,2015-08-07 08:13:07 -0700,629671617757491200,"San Antonio, TX.",Central Time (US & Canada) -6907,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DK5108,,2,,,"RT @msmallywelch: ""This is the worst Miss America competition I have ever seen."" --@thejoemoses #GOPDebate",,2015-08-07 08:13:06 -0700,629671616813867008, Kim-chi Is my G-Spot ,Central Time (US & Canada) -6908,Ted Cruz,0.405,yes,0.6364,Negative,0.3409,,0.2314,,smithroyalties,,0,,,"#Awkord is correct. What was that suppose to mean, ""Talk to the hand""? @Cameron_Gray @writingdownpat #FoxDebate #GOPDebate",,2015-08-07 08:13:06 -0700,629671614381076480,, -6909,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,gripe_dog,,0,,,@AIIAmericanGirI Holy cow. #CarlyFiorina smoked Chris Matthews! #GOPDebate,,2015-08-07 08:13:05 -0700,629671609343676416,, -6910,No candidate mentioned,0.4681,yes,0.6842,Neutral,0.3474,None of the above,0.4681,,amallinoff,,2,,,"RT @SissiYado: Skipping the #GOPDebate, have somewhere important to be. ;) - -Prepping for the future of organizing in America with #OFAFello…",,2015-08-07 08:13:04 -0700,629671607557070848,"Baltimore, MD",Pacific Time (US & Canada) -6911,No candidate mentioned,1.0,yes,1.0,Negative,0.6582,None of the above,0.6482,,OkhutSayopo,,0,,,"hey, i feel am left out in the #GOPDebate",,2015-08-07 08:13:04 -0700,629671606617550848,"Kampala,Uganda", -6912,Donald Trump,1.0,yes,1.0,Negative,0.7065,None of the above,1.0,,DannyWoodburn,,2,,,As lies go--Trump's hair was the smallest. #GOPDebate,,2015-08-07 08:13:04 -0700,629671605166149632,BEHIND YOU!, -6913,No candidate mentioned,0.4538,yes,0.6736,Neutral,0.3376,None of the above,0.2274,,PennsCurse,,61,,,"RT @LPNational: Yes, let's cut congressional pensions. #GOPDebate",,2015-08-07 08:13:03 -0700,629671603610238976,Florida, -6914,Donald Trump,0.4139,yes,0.6434,Positive,0.3252,None of the above,0.4139,,GeekAaron,,5,,,RT @ggfletcher: Trump's big beautiful door: #GOPDebate http://t.co/f2CR23uXFL,,2015-08-07 08:13:03 -0700,629671603563986944,"Cottage Grove, MN",America/Chicago -6915,Donald Trump,0.444,yes,0.6663,Negative,0.3337,None of the above,0.444,,BegorKeraton,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/H5XBIbvgST #DonaldTrump #GOPDebate http://t.co/F9Yh5LaFMu,,2015-08-07 08:13:03 -0700,629671602481983488,Depan UNDIP Polines Tembalang, -6916,Donald Trump,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,javaman47,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/OKOqZojXFJ #DonaldTrump #GOPDebate http://t.co/yTusGmoClG,,2015-08-07 08:13:03 -0700,629671602339319808,,Pacific Time (US & Canada) -6917,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),0.6667,,CSRA_prsn,,1,,,RT @JBSass: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/ZKQDhTkQhS,,2015-08-07 08:13:02 -0700,629671599692591104,"Williston, S.C.",Eastern Time (US & Canada) -6918,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,0.6667,,bgittleson,,0,,,"Top issues discussed during the #GOPDebate on Facebook: -1. Immigration -2. Racial issues -3. The economy -4. Education -5. Abortion",,2015-08-07 08:13:02 -0700,629671597901623296,"New York, NY",Eastern Time (US & Canada) -6919,No candidate mentioned,1.0,yes,1.0,Negative,0.6771,Religion,1.0,,Cybertalker99,,0,,,#TheCrazyOnes RT @wmcinally: Have we completely thrown away the separation of church and state? #GOPDebate,,2015-08-07 08:13:01 -0700,629671593766039552,Somewhere in America,Central Time (US & Canada) -6920,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,Healthcare (including Medicare),0.6703,,flipsville,,0,,,After watching the #GOPDebate last night I made a donation to Planned Parenthood! https://t.co/hwbFq67B6c,,2015-08-07 08:13:01 -0700,629671593573101568,US,Eastern Time (US & Canada) -6921,No candidate mentioned,0.4556,yes,0.675,Negative,0.3484,FOX News or Moderators,0.2352,,GKMTNtwits,,0,,,Last night's #GOPDebate: What topics merited attention/Which were ignored #HillaryClinton #PDMFNB,,2015-08-07 08:12:59 -0700,629671586476503040,Boston ,Eastern Time (US & Canada) -6922,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,teemonee31066,,0,,,“@EricHaywood: The #GOPDebate got my man Ben Carson out there like: http://t.co/NcWnW9JttT”,,2015-08-07 08:12:59 -0700,629671585088208896,ATL/ NYC.... miami . soon,Quito -6923,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,Women's Issues (not abortion though),0.6477,,CSRA_prsn,,1,,,RT @SuzanneinLGB: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/Ygm8ARcwzO,,2015-08-07 08:12:58 -0700,629671582093344768,"Williston, S.C.",Eastern Time (US & Canada) -6924,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,xxxGUDAxxx,,0,,,"Being a ignorant close minded stupid fuck is the prerequisite for joining #GOP - -#GOPDebate",,2015-08-07 08:12:57 -0700,629671578020675584,Portland,Pacific Time (US & Canada) -6925,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheSubtleDoctor,,0,,,"Did last night really happen, or was it some kind of collective Twitter fever dream? #GOPDebate",,2015-08-07 08:12:57 -0700,629671576049324032,Promoted to Ani-twitter FC ,Central Time (US & Canada) -6926,Marco Rubio,0.4205,yes,0.6484,Positive,0.6484,None of the above,0.4205,,emiluminati,,1,,,"@marcorubio make it happen, cap'n!! Your responses at the #GOPDebate were spot on. Thank you!! #Rubio2016 #GeniusAtWork #PartyOfTheFuture",,2015-08-07 08:12:56 -0700,629671575155949568,, -6927,No candidate mentioned,0.2292,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,trentengland,,0,,,"RT @sistertoldjah: Not sure how long this will be up, but here is full video of last night's primetime #GOPDebate: https://t.co/ZhuAC3yfLV",,2015-08-07 08:12:56 -0700,629671572391989248,Oklahoma City,Pacific Time (US & Canada) -6928,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,FOX News or Moderators,1.0,,HungryFeminist,,0,,,"#GOPDebate Winners: Megyn Kelly, Carly Fiorina, and (hopefully) Hillary's and Bernie's Finance teams.",,2015-08-07 08:12:55 -0700,629671570567491584,"Washington, DC",Pacific Time (US & Canada) -6929,Donald Trump,1.0,yes,1.0,Neutral,0.7021,None of the above,1.0,,jayoung1892,,0,,,Watch Party for the Trump debate at the State Democratic headquarters last night. What a great show! #GOPDebate http://t.co/2h47TKg2Lk,,2015-08-07 08:12:55 -0700,629671570433310720,"The Omni Hotel in New Haven, C", -6930,Donald Trump,0.4052,yes,0.6366,Negative,0.6366,None of the above,0.4052,,MarkMacias,,0,,,What the candidates did wrong at the #GOPDebate @realDonaldTrump @ScottWalker @JebBush @RandPaul http://t.co/EFp81Zsufp,,2015-08-07 08:12:54 -0700,629671566394191872,New York,Quito -6931,No candidate mentioned,1.0,yes,1.0,Neutral,0.6585,FOX News or Moderators,0.3415,,kjboies,,35,,,RT @LilaGraceRose: .@MegynKelly @BretBaier Ask candidates on #GOPDebate if they will commit to defunding @PPact in light of these videos. #…,,2015-08-07 08:12:54 -0700,629671563839705088,yes,Central Time (US & Canada) -6932,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,GothBunnyy,,0,,,@chuckwoolery I'm just hoping I have an opportunity to vote for @CarlyFiorina by the time the CA primary cones around. #GOPDebate #Carly2016,,2015-08-07 08:12:53 -0700,629671562715619328,"South Bay, Los Angeles",Pacific Time (US & Canada) -6933,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NshvilleSeahawk,,0,,,Very obvious last night that @FoxNews wants Bush to win. Gave him softballs all night long. #NoCredibility #GOPDebate,,2015-08-07 08:12:53 -0700,629671560589246464,"Nashville, TN",Central Time (US & Canada) -6934,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6629,,mpgonfishin,,0,,,"@LizClaman Taking a step back, who among GOP candidates has the stature to stand next to/toe-to-toe with, say, Putin? #GOPDebate #bigpicture",,2015-08-07 08:12:52 -0700,629671554893398016,North Carolina,Eastern Time (US & Canada) -6935,No candidate mentioned,1.0,yes,1.0,Neutral,0.6905,FOX News or Moderators,0.3571,,mrobin032009,,0,,,Thank you. Finally a rational analysis of the #GOPDebate https://t.co/hyEySm3zU9,,2015-08-07 08:12:52 -0700,629671554679308288,Minnesota,Central Time (US & Canada) -6936,Mike Huckabee,1.0,yes,1.0,Negative,0.6765,None of the above,0.643,,correa_jec,,22,,,"RT @JonScottFNC: Ever think you'd hear about pimps, prostitutes and drug dealers as taxpayers in a GOP debate? Mike Huckabee made it happen…",,2015-08-07 08:12:49 -0700,629671543329591296,, -6937,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RSteffas,,0,,,"@marcorubio As part of the Luntz focus group, I can report you received the most consistent & highest favorable ratings! -#GOPDebate",,2015-08-07 08:12:47 -0700,629671535914143744,"Cleveland, Ohio", -6938,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,goodmigrations1,,0,,,#GOPDebate Can't help but think of Smith from the Matrix- they're multiplying!!,,2015-08-07 08:12:47 -0700,629671533615562752,"Olympia, WA", -6939,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,Foreign Policy,0.2299,,Nebula63,,1,,,RT @sundapp: Looking forward to POTUS @realDonaldTrump whining & trash talking on twttr after each Summit meeting he holds with world leade…,,2015-08-07 08:12:42 -0700,629671516469211136,"Sadly, not London",Pacific Time (US & Canada) -6940,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,renomarky,,7,,,If you @megynkelly think that your question to @realDonaldTrump to begin #GOPDebate was FAIR & BALANCED..... http://t.co/TKeadpd5mf,,2015-08-07 08:12:42 -0700,629671516393865216,VEGAS , -6941,No candidate mentioned,0.4074,yes,0.6383,Positive,0.6383,None of the above,0.4074,,Fanilow96,,66,,,"RT @MartinOMalley: Didn’t see the #GOPdebate, but heard it was entertaining. #WWOMD? Have more democratic debates. -O'M #WeNeedDebate",,2015-08-07 08:12:41 -0700,629671511507517440,, -6942,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,CharlesFinch,,3,,,"Unless I'm mistaken, @ScottWalker admitted that he would rather allow a woman to DIE than get an abortion in that first question? #GOPDebate",,2015-08-07 08:12:41 -0700,629671510257438720,"Oxford, UK",Atlantic Time (Canada) -6943,No candidate mentioned,1.0,yes,1.0,Neutral,0.6882,Religion,1.0,,russellglong,,45,,,"RT @mrmedina: God gives me unconditional love I'm going to give it to the people around me. - -— Someone on stage at #GOPDebate",,2015-08-07 08:12:41 -0700,629671509133524992,"Birmingham, AL",Central Time (US & Canada) -6944,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,CSRA_prsn,,1,,,RT @RachelIGraber: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/MIXjeKCSa4,,2015-08-07 08:12:39 -0700,629671503965990912,"Williston, S.C.",Eastern Time (US & Canada) -6945,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ViscoLewis,,0,,,"@thehill ok. But how about also running a story of how #Bernie2016 live tweeted #GOPDebate, gained 10k followers #DebateWithBernie",,2015-08-07 08:12:37 -0700,629671495690665984,"California, USA", -6946,No candidate mentioned,0.4241,yes,0.6513,Negative,0.6513,None of the above,0.4241,,CK_Hallman5,,57,,,RT @HillaryforSC: #GOPDebate has shown Republicans have no answers for future--more interested in turning back the clock on progress #sctwe…,,2015-08-07 08:12:35 -0700,629671485356048384,"Columbia, SC",Quito -6947,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Konstantinos305,,0,,,"Good people of the U.S., how fucking dumb can you possibly be? #GOPDebate http://t.co/AD1lxazuGQ",,2015-08-07 08:12:34 -0700,629671481711046656,"Melbourne, Australia", -6948,No candidate mentioned,1.0,yes,1.0,Negative,0.6977,Racial issues,1.0,,Aemok,,129,,,RT @samswey: Does respecting life include black lives taken by police??? #GOPDebate,,2015-08-07 08:12:34 -0700,629671481077800960,"Tampa, FL",Eastern Time (US & Canada) -6949,Donald Trump,1.0,yes,1.0,Positive,0.7011,None of the above,1.0,,GENECYDAL,,0,,,@realDonaldTrump dodged those questions like a first 48 suspect lol #GOPDebate #,,2015-08-07 08:12:34 -0700,629671480456941568,, -6950,No candidate mentioned,0.415,yes,0.6442,Negative,0.6442,,0.2292,,BNLieb,,2,,,By smearing opponents of #WhiteGenocide as “Nazis” Libzis perverted the #MemoryOfTheHolocaust into a weapon to GUARANTEE genocide.#GOPDebate,,2015-08-07 08:12:34 -0700,629671479790186496,USA or UK, -6951,Donald Trump,1.0,yes,1.0,Negative,0.6804,None of the above,1.0,,ZeroSageHarpuia,,0,,,"#GOPDebate Reps r like minions, searching 4 the guy who acts the most evil 2 make their boss. @realDonaldTrump could learn from that movie.",,2015-08-07 08:12:32 -0700,629671472982831104,"Duluth, GA",Eastern Time (US & Canada) -6952,Donald Trump,1.0,yes,1.0,Neutral,0.6309,None of the above,0.6644,,kmj808,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/FcdtvMR4k9 #DonaldTrump #GOPDebate http://t.co/vEYi4rWLQ2,,2015-08-07 08:12:32 -0700,629671471644852224,Earth,Alaska -6953,Chris Christie,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,CameronShiZzFOH,,0,,,Chris Christie was using this classic tactic as his debate strategy https://t.co/P3kDzHzak8 #GOPDebate #ChrisChristie #RandPaul2016,,2015-08-07 08:12:30 -0700,629671466452168704,"San Jose, Ca",Pacific Time (US & Canada) -6954,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,carlsshephard,,0,,,"“@AmyMek: Status 👉 Single - -I broke up with @FoxNews last night! Goodbye @megynkelly & Chris Wallace. - -#GOPDebate http://t.co/YeoE8fZe8A”",,2015-08-07 08:12:30 -0700,629671466016067584,"Destin, FL",Central Time (US & Canada) -6955,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sistertoldjah,,5,,,"Not sure how long this will be up, but here is full video of last night's primetime #GOPDebate: https://t.co/9hM7sP8DcY #tcot #GOP2016",,2015-08-07 08:12:29 -0700,629671461016481792,North Carolina,Eastern Time (US & Canada) -6956,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lexthorul,,0,,,Chewbacca should be up there just roaring every once in a while. Would fit right in. #GOPDebate http://t.co/5phvKdBKrS via @someecards,,2015-08-07 08:12:29 -0700,629671460609486848,, -6957,No candidate mentioned,1.0,yes,1.0,Neutral,0.3629,None of the above,1.0,,Lemmits92,,1,,,"#GOPDebate went very well. My masters will soon choose which candidate will carry out their agenda -#WakeUpAmerica #p2 http://t.co/x8UWh4Kowv",,2015-08-07 08:12:28 -0700,629671457828634624,, -6958,No candidate mentioned,1.0,yes,1.0,Neutral,0.6198,None of the above,1.0,,StrumSingLuv,,1,,,RT @wall_ezy: Entertainment at its finest. Can't help but wonder how #educated #Americans are reacting to #GOPDebate or the lack there…,,2015-08-07 08:12:28 -0700,629671455987384320,"California, USA",Pacific Time (US & Canada) -6959,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LilianaRose001,,2,,,"RT @metanoiajawbone: Another performance like that, and #CarlyFiorina will have political operatives of both sides digging in her backgroun…",,2015-08-07 08:12:25 -0700,629671444788543488,, -6960,Ted Cruz,1.0,yes,1.0,Neutral,0.6727,None of the above,0.6615,,ChrisLilienthal,,0,,,"Seriously, I want to know what messages @TheTweetOfGod sends to GOP candidates. I mean, what are you telling Ted Cruz every day? #GOPDebate",,2015-08-07 08:12:25 -0700,629671444125982720,"Harrisburg, PA",Eastern Time (US & Canada) -6961,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,WhitneyNeal,,2,,,Crickets from #GOPDebate on this key youth vote issue last night: Hillary readies student loan reform rollout http://t.co/f9dFWMqt2O,,2015-08-07 08:12:23 -0700,629671436412522496,"Arlington, VA",Eastern Time (US & Canada) -6962,Mike Huckabee,0.3959,yes,0.6292,Negative,0.6292,,0.2333,,ceejay410,,1,,,"RT @TruthTeamOne: If I understand his statement correctly, Mike Huckabee believes fertilized eggs should be able to vote. -#GOPDebate #RWNJ",,2015-08-07 08:12:23 -0700,629671436240691200,Lil Blue Dot in a Red State,Central Time (US & Canada) -6963,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,k_rae_ro,,0,,,"If you are a woman and you vote for Donald Trump, no. #GOPDebate #Fridaynewstoundup",,2015-08-07 08:12:22 -0700,629671432319070208,"Edwardsville, IL",Central Time (US & Canada) -6964,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ACounterLeftist,,0,,,"Dems would NEVER agree to let FOX host a debate. Not bc of bias, but because they are in the business of NOT answering tough Q's #GOPDebate",,2015-08-07 08:12:21 -0700,629671428141527040,"Austin, TX",Pacific Time (US & Canada) -6965,No candidate mentioned,1.0,yes,1.0,Negative,0.3488,None of the above,0.6859999999999999,,TheLensLord,,0,,,@GMA Who won the #GOPDebate? The #DemocraticParty won last nights GOP debate.,,2015-08-07 08:12:20 -0700,629671423024328704,"San Diego, CA 92111",Pacific Time (US & Canada) -6966,Jeb Bush,0.6854,yes,1.0,Neutral,0.6517,None of the above,1.0,,Barrowings,,0,,,@piersmorgan @CNN @HilaryClinton What do you think about the #Bush3rdQtr pursuance @TheQArena yday? #GOPDebate a total waste of time or...??,,2015-08-07 08:12:19 -0700,629671416271605760,, -6967,Donald Trump,1.0,yes,1.0,Positive,0.6746,None of the above,0.6746,,javaman47,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/8PxIVxHnxB - #GOPDebate #DonaldTrump,,2015-08-07 08:12:17 -0700,629671409648828416,,Pacific Time (US & Canada) -6968,John Kasich,1.0,yes,1.0,Negative,0.3483,None of the above,1.0,,kjboies,,38,,,RT @LilaGraceRose: .@govmikehuckabee @scottwalker @governorchristie @johnkasich @JebBush Will you tell the truth about @PPact during tonigh…,,2015-08-07 08:12:17 -0700,629671409610944512,yes,Central Time (US & Canada) -6969,John Kasich,0.6494,yes,1.0,Negative,0.6641,None of the above,0.6494,,TheGayVegans,,0,,,"@NorahODonnell , I honestly think you are so much better than the questions you asked Governor Kasich. @CBSThisMorning #GOPdebate",,2015-08-07 08:12:17 -0700,629671409610944512,"Monrovia, CA",Mountain Time (US & Canada) -6970,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dcbsky,,30,,,RT @larryelder: Disappointed #DonaldTrump supporters should stop whining about the questions--and tell Trump next time to actually prepare.…,,2015-08-07 08:12:17 -0700,629671408323334144,"Pasadena, CA",Pacific Time (US & Canada) -6971,No candidate mentioned,1.0,yes,1.0,Negative,0.3514,None of the above,0.6486,,LgnCtn,,18,,,.@instagram and @facebook need to free the @Dreamdefenders acct. #KKKorGOP is a legitimate convo highlighting real concerns. #GOPDebate,,2015-08-07 08:12:16 -0700,629671405681016832,"Houston, TX",Central Time (US & Canada) -6972,Scott Walker,1.0,yes,1.0,Negative,0.6941,Religion,1.0,,stephmisc,,39,,,"RT @goldengateblond: ""It's only by the blood of Jesus Christ and cash from the Koch brothers that my sins are redeemed."" -- Scott Walker, c…",,2015-08-07 08:12:14 -0700,629671398517030912,san francisco bay area,Pacific Time (US & Canada) -6973,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6707,,sistercelluloid,,0,,,"Christie: ""9/11 happened in my state."" When we were running from the collapsing South Tower that day I had no idea we were in NJ. #GOPDebate",,2015-08-07 08:12:14 -0700,629671396755566592,Where old movies go to live,Atlantic Time (Canada) -6974,Donald Trump,0.4495,yes,0.6705,Positive,0.6705,None of the above,0.4495,,rjgnewdawn,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/TdLF7jC3Ig - #GOPDebate #DonaldTrump,,2015-08-07 08:12:14 -0700,629671396671623168,World-Wide,Pacific Time (US & Canada) -6975,Donald Trump,1.0,yes,1.0,Positive,0.6541,FOX News or Moderators,1.0,,therightswrong,,0,,,"Fox News Couldn't Kill #Trump’s Momentum & May Have Only Made It Stronger. #GOPDebate -http://t.co/UjAgBlG1UQ",,2015-08-07 08:12:12 -0700,629671388903833600,, -6976,Donald Trump,0.3999,yes,0.6324,Negative,0.6324,Women's Issues (not abortion though),0.3999,,sls3mm,,11,,,RT @danitaharris: Trump says he doesn't have time for political correctness when questioned about his negative remarks about women! #GOPDeb…,,2015-08-07 08:12:11 -0700,629671385208647680,,Atlantic Time (Canada) -6977,No candidate mentioned,0.4599,yes,0.6782,Negative,0.6782,None of the above,0.4599,,tokenliberal,,0,,,"@ChairmanL I watched the #GOPDebate debate. I know if you say something often enough, it must be true. Gerrymander gerrymander gerrymander.",,2015-08-07 08:12:09 -0700,629671377994428416,"Columbus, Ohio",Eastern Time (US & Canada) -6978,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,0.6966,,beergeekjoey,,4,,,"RT @nickgillespie: Sorry bitches, I'm going to @Penn and @mrteller on Broadway rather watch #GOPDebate http://t.co/g4aBpfAGzg",,2015-08-07 08:12:09 -0700,629671377650470912,Terra ... incognita,Eastern Time (US & Canada) -6979,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,FOX News or Moderators,0.4171,,EvilConservativ,,5,,,"Gotta give @LindseyGrahamSC props. He saw the same ambush we did at #GOPDebate and is calling out @FoxNews on it. - -http://t.co/qtNxztDJIs",,2015-08-07 08:12:09 -0700,629671376283136000,America,Pacific Time (US & Canada) -6980,No candidate mentioned,0.4228,yes,0.6502,Negative,0.3304,None of the above,0.4228,,lexthorul,,0,,,Can't wait to see which Lannister they kill off in the next episode of #GOPDebate http://t.co/L6Wv7VkMk0 via @someecards,,2015-08-07 08:12:09 -0700,629671375603548160,, -6981,Donald Trump,0.435,yes,0.6596,Negative,0.6596,None of the above,0.435,,DisorderlyF,,0,,,Watching that last night made me afraid of politicians--even more so Donald Trump. #GOPDebate,,2015-08-07 08:12:08 -0700,629671373569265664,Los Angeles,Pacific Time (US & Canada) -6982,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Mauxes_,,1,,,The #GOPDebate candidates honestly terrify me because if one is actually elected our country will be fucked.,,2015-08-07 08:12:08 -0700,629671372659236864,WORLDWIDE,Central Time (US & Canada) -6983,Donald Trump,1.0,yes,1.0,Negative,0.3626,None of the above,1.0,,kmj808,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/v4wnjcy9Sw - #GOPDebate #DonaldTrump,,2015-08-07 08:12:07 -0700,629671367861006336,Earth,Alaska -6984,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ILoveMySteelers,,0,,,Somewhere in the Whitehouse ~ #GOPDebate http://t.co/oYZWnVvPLv,,2015-08-07 08:12:06 -0700,629671364023201792,Dancing Most Every Day, -6985,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Rojowo,,0,,,John Gambling is right. #GOPDebate isn't a 'debate' it's a group interview controlled by the moderators who get the most time on stage.,,2015-08-07 08:12:04 -0700,629671357161308160,Yonkers, -6986,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.3472,,DeborahPeasley,,0,,,One youth notes that @FoxNews moderators feed questions to some of the candidates to fit their talking points #GOPDebate,,2015-08-07 08:12:04 -0700,629671356993544192,,Central Time (US & Canada) -6987,Rand Paul,0.7048,yes,1.0,Neutral,0.6753,Gun Control,0.7048,,PennsCurse,,75,,,RT @LPNational: #Libertarians don't want marriages or #guns registered with the federal government either @RandPaul #GOPDebate,,2015-08-07 08:12:04 -0700,629671354703454208,Florida, -6988,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6949,,joepilot56,,47,,,RT @ShaaaaaNaNa: what's the difference between the #GOPDebate moderators and Cookie Monster? Cookie Monster doesn't have @KarlRove's arm …,,2015-08-07 08:12:04 -0700,629671353885405184,, -6989,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,Clamityjan,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/X9otKzlY5O - #GOPDebate #DonaldTrump,,2015-08-07 08:12:04 -0700,629671353814269952,Olympia WA, -6990,No candidate mentioned,0.4302,yes,0.6559,Negative,0.3333,Racial issues,0.4302,,PruneJuiceMedia,,1,,,Are there ANY people of color in this #GOPDebate audience? I’m asking for a friend. #GOPDebate,,2015-08-07 08:12:01 -0700,629671344003784704,"Atlanta, Georgia",Eastern Time (US & Canada) -6991,No candidate mentioned,1.0,yes,1.0,Negative,0.7065,None of the above,1.0,,andrew2s1,,99,,,"RT @lediva: WAIT YOU GUYS - -WHAT IF #GOPDEBATE IS A CONSPIRACY TO GET ALL THE LIBERALS TO DRINK OURSELVES TO DEATH",,2015-08-07 08:12:01 -0700,629671342774861824,New England,Eastern Time (US & Canada) -6992,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3684,,CSRA_prsn,,4,,,"RT @agerney: Those elusive words the #tenmen in the #GOPDebate pretty much forgot to say: ""middle class."" #GOPtbt http://t.co/0EzYv77WMD",,2015-08-07 08:12:00 -0700,629671338303578112,"Williston, S.C.",Eastern Time (US & Canada) -6993,Donald Trump,1.0,yes,1.0,Negative,0.66,None of the above,1.0,,MHudoba,,0,,,"Trump railed because if you lose the nominee, back the party. Can't the same be said for the general election? Back the country! #GOPDebate",,2015-08-07 08:11:59 -0700,629671335250276352,, -6994,No candidate mentioned,1.0,yes,1.0,Negative,0.6216,Immigration,0.6595,,elduderino1684,,41,,,RT @k_mcq: Remind me again why we’re obligated to import Third World welfare cases who wreck our schools. #GOPDebate https://t.co/x9RqvSil…,,2015-08-07 08:11:57 -0700,629671327335587840,,Central Time (US & Canada) -6995,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,joshua_pederson,,0,,,"At #GOPDebate, others treated #Trump like I treat my cranky toddler: be nice, stay calm, and know he will find a new toy to play with soon.",,2015-08-07 08:11:57 -0700,629671324307300352,"Watertown, MA",Atlantic Time (Canada) -6996,No candidate mentioned,0.4153,yes,0.6444,Negative,0.6444,Racial issues,0.4153,,LibraryOgre,,65,,,"RT @drskyskull: One white woman killed by an illegal immigrant? THERE SHOULD BE A LAW? Black women die in police custody? ""All Lives Matter…",,2015-08-07 08:11:56 -0700,629671323304767488,"Houston, TX", -6997,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,beyer_kj,,0,,,"I do find it funny that some candidates are claiming victory last night. There were several strong contenders, no clear winner. #GOPDebate",,2015-08-07 08:11:56 -0700,629671321681551360,Iowa, -6998,No candidate mentioned,1.0,yes,1.0,Negative,0.6501,FOX News or Moderators,1.0,,CarolHello1,,0,,,"#GOPDebate Results: -Fox Cancellations? https://t.co/X4QbVOgQWI",,2015-08-07 08:11:55 -0700,629671318250655744,California❀◄★►❀Conservative,Arizona -6999,Donald Trump,1.0,yes,1.0,Negative,0.6444,Immigration,0.3556,,ambeepants,,0,,,"Trump's ""evidence"" of Mexico sending all the baddies is that he ""talked to a Border Patrol agent"" who confirmed it. #GOPDebate #Trump",,2015-08-07 08:11:49 -0700,629671292908613632,Montana,Pacific Time (US & Canada) -7000,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,new_debis,,39,,,"RT @GovtsTheProblem: I should never be able to tell from a debate who the moderators don't support. @FoxNews really blew that yesterday. -#G…",,2015-08-07 08:11:49 -0700,629671290610147328,, -7001,No candidate mentioned,1.0,yes,1.0,Neutral,0.6829,None of the above,1.0,,acohenNY,,0,,,I heard a rumor that several of the republican candidates used @Brainscape to prepare for the first #GOPdebate 🇺🇸📲😎,,2015-08-07 08:11:47 -0700,629671285950423040,New York,Eastern Time (US & Canada) -7002,No candidate mentioned,1.0,yes,1.0,Negative,0.6861,None of the above,0.6181,,CoW_mAn,,6,,,RT @heidimachen66: Has democracy ever been more for sale than w/ a GOP debate only accessible to those who pay for cable TV? #GOPDebate,,2015-08-07 08:11:46 -0700,629671278585057280,Vancouver,Pacific Time (US & Canada) -7003,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,geeyaveliii,,0,,,"Bernie Sanders For President after watching that weak ass #GOPDebate last night, everybody in the @GOP is propaganda puppets",,2015-08-07 08:11:45 -0700,629671276123131904,, -7004,No candidate mentioned,1.0,yes,1.0,Negative,0.6659999999999999,None of the above,0.6679,,La_Lokita007,,5,,,RT @melaninbarbie: I'm just looking at this debate like #GOPDebate #KKKorGOP http://t.co/GEAsg40bQD,,2015-08-07 08:11:44 -0700,629671269915607040,à l'autre bout du monde ,Bogota -7005,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,jolemitepdx,,1,,,"RT @SunshineEmpire: Is it a coincidence that #Obamacare killed another -215,000 jobs the day after the #GOPDebate?",,2015-08-07 08:11:43 -0700,629671265746292736,"Portland, OR",Pacific Time (US & Canada) -7006,No candidate mentioned,0.4094,yes,0.6399,Negative,0.6399,None of the above,0.4094,,btwalker99,,2,,,"RT @dugovich: Look, my Dad was a poor piece of shit. So, you know, I get it. #GOPDebate",,2015-08-07 08:11:42 -0700,629671262478962688,"Seattle, WA", -7007,Donald Trump,1.0,yes,1.0,Negative,0.6365,FOX News or Moderators,1.0,,worldmist1,,0,,,"FOXNews has one goal & one goal only: profit. -The American tragedy is: one whole political Party is her guinea pig @cdpiglet #GOPDebate",,2015-08-07 08:11:39 -0700,629671251120750592,Las Vegas ,Pacific Time (US & Canada) -7008,No candidate mentioned,0.4607,yes,0.6787,Negative,0.6787,FOX News or Moderators,0.4607,,allDigitocracy,,0,,,@Marisol_Bello news anchor @marthamaccallum asked at millions of ppl who remain on assistance than get a job. #TalkPoverty #GOPDebate,,2015-08-07 08:11:39 -0700,629671249942323200,"Washington, DC", -7009,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,playboystudG4L,,1,,,RT @GiftedPrude: The facial expressions of #DonaldTrump could've been an entire segment. #GOPDebate,,2015-08-07 08:11:39 -0700,629671249871044608,~non-conformist lesbian~ , -7010,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheThinGrayLine,,0,,,And now for something completely different: GOP Primary Debate. I doubt Fox throws any heat at these clowns. #GOPDebate #uspoli,,2015-08-07 08:11:38 -0700,629671248201580544,"Edmonton, AB", -7011,No candidate mentioned,1.0,yes,1.0,Neutral,0.655,None of the above,1.0,,lzzenguyen,,69,,,RT @RepubGrlProbs: RT if you think Carly just won the debate with that line and they should all just go home now. #GOPDebate,,2015-08-07 08:11:38 -0700,629671247924867072,casa de gryffindor,Eastern Time (US & Canada) -7012,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Cap_Kaveman,,0,,,The true winner of the #GOPDebate is @PFTCommenter.,,2015-08-07 08:11:38 -0700,629671246242840576,"Phoenix, AZ",Arizona -7013,Donald Trump,0.434,yes,0.6588,Positive,0.3529,Abortion,0.434,,chris63414391,,18,,,"RT @AmyMek: I am #ProLife -> @realDonaldTrump, I hate the concept of abortion! I have evolved…. #GOPDebate",,2015-08-07 08:11:38 -0700,629671244313460736,, -7014,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fakecarreras,,22,,,"RT @rebeccawatson: Trump: I had the common sense to leave Atlantic City - -Most of us have the common sense to never go there in the first pl…",,2015-08-07 08:11:36 -0700,629671237271298048,304.♠️,Eastern Time (US & Canada) -7015,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jayoung1892,,0,,,There they all are! #GOPDebate http://t.co/d6pTfWE7N0,,2015-08-07 08:11:35 -0700,629671234129821696,"The Omni Hotel in New Haven, C", -7016,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LauraGreanias,,1,,,RT @DaveMontero: Post-#gopdebate results from Republicans watching in Covina. http://t.co/pIe8ujpda1,,2015-08-07 08:11:34 -0700,629671230598057984,"Woodland Hills, CA",Pacific Time (US & Canada) -7017,Donald Trump,0.6596,yes,1.0,Negative,1.0,None of the above,1.0,,psdesignuk,,2,,,RT @TimelordQueen42: Resemblance? #GOPDebate http://t.co/WamYDOUlqs,,2015-08-07 08:11:33 -0700,629671227347615744,"Liverpool, UK",London -7018,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6842,,CSRA_prsn,,2,,,RT @agerney: Recap of the #GOPdebate: these #TenMen want to make choices for all women. #GOPtbt http://t.co/WzKTUUMiA5,,2015-08-07 08:11:33 -0700,629671226265374720,"Williston, S.C.",Eastern Time (US & Canada) -7019,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,noprezzie2012,,0,,,"....and the @FoxNews spin-man perpetuates the establishment narrative. -#GOPDebate #KellyFailed #FrankLuntz - -https://t.co/t5pIOkhD2Z",,2015-08-07 08:11:32 -0700,629671222725341184,Phoenix - Flagstaff; Arizona ,Arizona -7020,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,RealTomSongs,,0,,,1st #GOPDebate is done & no debate - Harry Nilsson belongs in the @rock_hall so JUMP INTO THE FIRE https://t.co/i3vLAZaLEP @HarryInTheHall,,2015-08-07 08:11:32 -0700,629671222083620864,"Anytown, USA",Mountain Time (US & Canada) -7021,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.6264,None of the above,0.3923,,bgodar,,0,,,You should probably go check out @PhilHands' feed for his #livetoon of the #GOPDebate. Some quality stuff. https://t.co/2rK59aIHzI,,2015-08-07 08:11:30 -0700,629671211757383680,"Madison, WI",Central Time (US & Canada) -7022,Donald Trump,0.4605,yes,0.6786,Negative,0.6786,None of the above,0.2343,,ImtheBoogyman,,10,,,"@foxandfriends @realDonaldTrump Look, we have progressive liberal media outlets praising @megynkelly performance at the #GOPDebate Nuff said",,2015-08-07 08:11:29 -0700,629671208410177536,"Texas, USA",Central Time (US & Canada) -7023,No candidate mentioned,0.6786,yes,1.0,Negative,1.0,None of the above,0.6786,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel How Deep R @POTUS SKELETONS?15YR SCAM @DeptVetAffairs MADE $M FOR 2007 PREES ADS http://t.co/Ijf80eooET,,2015-08-07 08:11:28 -0700,629671205134553088,, -7024,Ted Cruz,1.0,yes,1.0,Negative,0.669,None of the above,1.0,,ashpaladin,,30,,,RT @JesseCox: I like that we live in a world where some people think Ted Cruz will ever be president. #GOPDebate,,2015-08-07 08:11:27 -0700,629671201661517824,, -7025,Mike Huckabee,1.0,yes,1.0,Negative,0.6633,Jobs and Economy,0.6837,,Karl_Huebner,,12,,,RT @CapehartJ: When can we expect the Huckabee White Paper on the Pimp Tax? #askingforafriend #GOPDebate,,2015-08-07 08:11:27 -0700,629671200608944128,"Jefferson County, Wisconsin",Central Time (US & Canada) -7026,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TooDeepNot2Deep,,0,,,Okay...all I really learned from the Republican debate is that that bell means absolutely nothing. #GOPDebate,,2015-08-07 08:11:27 -0700,629671200289980416,Texas,Mountain Time (US & Canada) -7027,No candidate mentioned,0.6697,yes,1.0,Neutral,1.0,None of the above,1.0,,BryBryHMM,,0,,,This is what George Bush should take to heart #GOPDebate http://t.co/cSagYbaejh,,2015-08-07 08:11:25 -0700,629671191670722560,The Northern Hemisphere ,Eastern Time (US & Canada) -7028,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Andhulse1,,0,,,#GOPDebate Only 1 can b Potus however I see some really great cabinet choices.,,2015-08-07 08:11:25 -0700,629671191314321408,, -7029,Donald Trump,0.4085,yes,0.6392,Negative,0.6392,FOX News or Moderators,0.4085,,sonriver22,,0,,,Donald Trump is having a meltdown after Megyn Kelly and Fox News cut him to pieces during the debate http://t.co/F7iVRIDmU9 #GOPDebate,,2015-08-07 08:11:24 -0700,629671188118261760,Old Line State, -7030,No candidate mentioned,1.0,yes,1.0,Positive,0.6552,None of the above,1.0,,LeighxCarlson,,0,,,Loved the first #GOPdebate 🎉🎉🇺🇸,,2015-08-07 08:11:24 -0700,629671187740635136,,Eastern Time (US & Canada) -7031,No candidate mentioned,1.0,yes,1.0,Neutral,0.631,None of the above,1.0,,ok_paulo_ok,,3,,,"RT @ahzoov: Super Storms, Raging Fires, Ocean's Rising. - -Can anyone remember any mention of Global Climate Change? #GOPDebate",,2015-08-07 08:11:22 -0700,629671177892560896,"Boston, Nepal, Morocco, France",Kathmandu -7032,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,joerod966,,0,,,So the #USPrezdebate... I totally think Tanned Trump is a gaffe to all the presidential candidates #GOPDebate,,2015-08-07 08:11:21 -0700,629671177087254528,Halifax,Mountain Time (US & Canada) -7033,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Sha_SHOWTIME,,0,,,I wouldn't mind John Kasich as my next president! #Kasich4Us #Kasich #GOPDebate,,2015-08-07 08:11:19 -0700,629671168279076864,Texas,Central Time (US & Canada) -7034,Mike Huckabee,1.0,yes,1.0,Negative,0.6387,None of the above,0.6917,,MiamiFLare,,90,,,"RT @NerdyWonka: Mike Huckabee: ""The purpose of the military is to kill people and break things."" - -#GOPDebate - -Everyone right now: http://…",,2015-08-07 08:11:19 -0700,629671166873972736,, -7035,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,RandyHarman,,0,,,@megynkelly You did an awesome at the #GOPDebate I thought you were professional and pleasant to watch. Great questions btw. #standtall,,2015-08-07 08:11:19 -0700,629671166840602624,"Harrisonburg, Va",Eastern Time (US & Canada) -7036,Mike Huckabee,1.0,yes,1.0,Negative,0.6970000000000001,Abortion,0.3657,,turquoisewine,,7,,,RT @galderso: Huckabee says the military is for killing people and breaking things; reaffirms he is pro-life. Totally makes sense. #GOPDeba…,,2015-08-07 08:11:18 -0700,629671163980070912,,Istanbul -7037,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Bye_Dogma,,0,,,"It's just hilarious watching the usual #GOP shills trying to undermine #Trump this morning. Ahahahahaha! - -#GOPDebate -#GOPClownCar",,2015-08-07 08:11:18 -0700,629671163388690432,Canada,Eastern Time (US & Canada) -7038,Donald Trump,0.6703,yes,1.0,Neutral,0.6484,None of the above,1.0,,nhdogmom,,0,,,@NHGOP You built this. #NHpolitics #GOPDebate #VoteBlue2016 https://t.co/gfL7IHpZKF,,2015-08-07 08:11:18 -0700,629671161471868928,New Hampshire,Eastern Time (US & Canada) -7039,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SamWoww7,,1,,,RT @TylerGroenendal: Donald Trump is like your dirty old alcholic uncle who somehow got elected mayor. #GOPDebate,,2015-08-07 08:11:17 -0700,629671160066605056,Clavin Clollege,America/New_York -7040,John Kasich,0.3684,yes,1.0,Positive,0.6316,None of the above,1.0,,SKIJUMPOFF,,0,,,@linnyitssn His ace in the hole is Ohio. Republicans must win OHIO. #GOPDebate,,2015-08-07 08:11:16 -0700,629671155847172096,"Houston, Texas",Central Time (US & Canada) -7041,Donald Trump,1.0,yes,1.0,Neutral,0.6966,None of the above,1.0,,CarolHello1,,0,,,"Billionaire Donald Trump - -Was Not Made by MSM -and -Cannot Be Taken Down by MSM - Rush Limbaugh Quote - -#GopDebate https://t.co/UkNljPkwwf",,2015-08-07 08:11:14 -0700,629671144077918208,California❀◄★►❀Conservative,Arizona -7042,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,noahberkley,,0,,,You know it's bad when Trump comes out looking like a champ in this situation #GOPDebate,,2015-08-07 08:11:08 -0700,629671120485122048,"Somerville, MA",Eastern Time (US & Canada) -7043,No candidate mentioned,1.0,yes,1.0,Negative,0.6418,Immigration,0.6628,,DCuteri,,66,,,"RT @_Holly_Renee: Jindal: if you wanna come here, do it legally, learn English, roll up your sleeves and get to work. -#GOPDebate",,2015-08-07 08:11:08 -0700,629671119767908352,, -7044,Donald Trump,1.0,yes,1.0,Positive,0.6791,None of the above,1.0,,sedwongjowo,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/ybbA83GtMY -#GOPDebate #DonaldTrump http://t.co/1cJ3Zy1U4w,,2015-08-07 08:11:08 -0700,629671119293935616,,Pacific Time (US & Canada) -7045,No candidate mentioned,0.4588,yes,0.6774,Positive,0.6774,Abortion,0.4588,,flipsville,,0,,,"@alexhalperin @nandelabra Thanks, made the donation. Everyone needs to donate to Planned Parenthood after watching #GOPDebate!",,2015-08-07 08:11:06 -0700,629671112796827648,US,Eastern Time (US & Canada) -7046,No candidate mentioned,0.6932,yes,1.0,Negative,0.6932,None of the above,1.0,,SheanWOW,,2,,,😩RT @Rik_FIair: X___X RT @kvxrdashian: when you leave the Republican Party and become a Democrat. #GOPDebate http://t.co/d3wg0Dmyyb,,2015-08-07 08:11:05 -0700,629671109437333504,::Labyrinth::,Quito -7047,No candidate mentioned,1.0,yes,1.0,Negative,0.672,None of the above,0.6731,,NoahWebHouse,,1,,,RT @JeremyDBond: Now THIS is a divisive question. #GOPDebate #pronunciation https://t.co/GZzOcPgSYV,,2015-08-07 08:11:05 -0700,629671109219061760,"West Hartford, CT",Atlantic Time (Canada) -7048,No candidate mentioned,1.0,yes,1.0,Negative,0.6679999999999999,Religion,0.7005,,cupcakerosie02,,75,,,"RT @MikeyBolts: ""What are you going to do about the veterans?"" -""GOD LOVES US ALL"" -""Thank you."" -#GOPDebate",,2015-08-07 08:11:05 -0700,629671107725934592,, -7049,Donald Trump,0.6632,yes,1.0,Neutral,0.6842,None of the above,1.0,,Clamityjan,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/X9otKzlY5O -#GOPDebate #DonaldTrump http://t.co/3EwF8WO8Cq,,2015-08-07 08:11:05 -0700,629671107071766528,Olympia WA, -7050,Donald Trump,1.0,yes,1.0,Negative,0.6477,FOX News or Moderators,1.0,,VernonCrawfor13,,36,,,"RT @_HankRearden: Trump to Megyn Kelly: I don't have time for political correctness, and neither does this country. #GOPDebate #Trump2016",,2015-08-07 08:11:04 -0700,629671102294396928,, -7051,Rand Paul,1.0,yes,1.0,Negative,0.6935,None of the above,1.0,,eckellar,,198,,,"RT @pattonoswalt: Rand Paul is cornering the ""smattering of applause"" demographic. #GOPDebate",,2015-08-07 08:11:03 -0700,629671098150334464,,Eastern Time (US & Canada) -7052,Donald Trump,1.0,yes,1.0,Neutral,0.6565,None of the above,1.0,,javaman74,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/P8qaU5oVOW -#GOPDebate #DonaldTrump http://t.co/dG6VjjVbev,,2015-08-07 08:11:02 -0700,629671095759708160,,Pacific Time (US & Canada) -7053,Donald Trump,1.0,yes,1.0,Neutral,0.6632,None of the above,1.0,,jessicadudley,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/iHtVa9RV9y -#GOPDebate #DonaldTrump http://t.co/PiyGOzGenz,,2015-08-07 08:11:00 -0700,629671087001993216,Washington State USA,Jakarta -7054,Donald Trump,1.0,yes,1.0,Negative,0.3478,None of the above,1.0,,rjgnewdawn,,0,,,GOP Debate News - Trump Shocks GOP Faithful - http://t.co/TdLF7jC3Ig -#GOPDebate #DonaldTrump http://t.co/iu9iBu36zy,,2015-08-07 08:11:00 -0700,629671086825848832,World-Wide,Pacific Time (US & Canada) -7055,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,J_L_Walker,,0,,,Just saw a limp balloon. Made me think of @realDonaldTrump after the #GOPDebate last night #DebatesAreHard #SadClown #YoureFired,,2015-08-07 08:11:00 -0700,629671086720823296,Betwixt Rivendell & Alderaan,Pacific Time (US & Canada) -7056,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,1.0,,RavMABAY,,0,,,"@AlexanderSoros As if it wasn't obvious, last night's #GOPDebate sealed the deal. @HillaryClinton is amazing. They were a shande 4 democracy",,2015-08-07 08:10:59 -0700,629671084791500800,All tweets my own. ,Central Time (US & Canada) -7057,Donald Trump,0.4642,yes,0.6813,Neutral,0.3407,None of the above,0.4642,,ItsShoBoy,,1,,,Summary of @realDonaldTrump at #GOPDebate “I’m the best and #America is the worst” http://t.co/dgNzp2LPgr #TNTweeters #AINF #tlot #tcot #p2,,2015-08-07 08:10:59 -0700,629671082556043264,CALIFORNIA,Pacific Time (US & Canada) -7058,No candidate mentioned,1.0,yes,1.0,Neutral,0.6782,None of the above,1.0,,miss_felicia75,,44,,,RT @edeweysmith: As SOON as many of us realize that NOT every person in America is OBLIGATED to believe what you believe! We must learn to…,,2015-08-07 08:10:58 -0700,629671078420463616,,Quito -7059,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mikerainey82,,16,,,RT @ChipChantry: Straight Outta Compton commercial during #GOPDebate. Fox News viewers across the country call police on their TVs.,,2015-08-07 08:10:57 -0700,629671075840978944,,Quito -7060,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,haroldPDX,,0,,,"AWWWWW... poor Donald RT @Oregonian: Trump on #GOPdebate: ""The questions to me were not nice."" http://t.co/Npznjv5StI http://t.co/MdQP4oWhdo",,2015-08-07 08:10:57 -0700,629671073697677312,"ÜT: 45.493869,-122.657641",Pacific Time (US & Canada) -7061,Donald Trump,1.0,yes,1.0,Negative,0.6687,FOX News or Moderators,1.0,,JujuButtons,,0,,,"@realDonaldTrump @FoxNews @megynkelly Well if that isn't the pot calling the kettle black, I don't know what is. #GOPDebate",,2015-08-07 08:10:57 -0700,629671073316007936,"Gary, Indiana",Eastern Time (US & Canada) -7062,No candidate mentioned,0.4951,yes,0.7037,Neutral,0.3622,None of the above,0.4951,,PatriotTweetz,,0,,,"MT:@ peddoc63: My how times have changed.... -""Pieter_Gericke #tcot #PJNET #RedNationRising #GOPDebate http://t.co/KJ1xKUSMlk",,2015-08-07 08:10:57 -0700,629671072917520384,,Central Time (US & Canada) -7063,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,FOX News or Moderators,0.6437,,erriewirriams,,0,,,"Post-debate thoughts: Never thought D's would like Megyn Kelly this much, or R's hate her. Or that I'd want to watch Fox News #GOPDebate",,2015-08-07 08:10:56 -0700,629671070929448960,Borgeosie Eyes White Dragon,Central Time (US & Canada) -7064,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,AngryBlackLady,,15,,,All of the candidates are an absolute disaster for abortion rights. #GOPDebate,,2015-08-07 08:10:54 -0700,629671063333441536,#TheBay,Pacific Time (US & Canada) -7065,No candidate mentioned,0.4672,yes,0.6835,Negative,0.6835,Gun Control,0.4672,,ecohillbilly1,,0,,,“@kharyp: NRA-Backed Bill Enables People With Severe Mental Illness to Buy Guns http://t.co/psFpCH5WNH #GunSense #GOPDebate Holy Crap !!!,,2015-08-07 08:10:54 -0700,629671062926553088,, -7066,Donald Trump,0.2308,yes,0.6667,Negative,0.6667,None of the above,0.4444,,JamesEFinch,,0,,,Republicans & Facts go together like opposing poles on a magnet. #GOPDebate #GOPTBT #GOPClownCar #NoMoreBushes #DumpTrump #GOPshutdown,,2015-08-07 08:10:54 -0700,629671061995548672,,Atlantic Time (Canada) -7067,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DawnyaJohnson,,2,,,"RT @Tess_Harkin: No, #DonaldTrump, YOU'RE stupid. #GOPDebate",,2015-08-07 08:10:53 -0700,629671055825719296,"Baltimore, MD", -7068,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,maria_hawley,,0,,,that debate #GOPDebate was the best experience of my life. It will be a tough race for sure.,,2015-08-07 08:10:52 -0700,629671054328270848,, -7069,No candidate mentioned,1.0,yes,1.0,Positive,0.6548,None of the above,1.0,,lzzenguyen,,188,,,"RT @BuckSexton: You also get the sense that @CarlyFiorina is actually the competent executive that Hillary Clinton pretends to be, but neve…",,2015-08-07 08:10:51 -0700,629671050146631680,casa de gryffindor,Eastern Time (US & Canada) -7070,Jeb Bush,0.6235,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MStuart1970,,1,,,@willneal001 Definitely #bias there! #GOPDebate Massacre by FOX. Deliberate attempt to smear R's.,,2015-08-07 08:10:51 -0700,629671049693671424,"Middle Georgia, USA",Eastern Time (US & Canada) -7071,Scott Walker,0.7234,yes,1.0,Positive,0.6489,None of the above,1.0,,GenNerd,,0,,,"I didn't watch #GOPDebate, but here's my list of faves thus far: - -Walker -Fiorina -. -. -Rubio -. -. -. -. -. -everyone else - -#p2 #tcot",,2015-08-07 08:10:51 -0700,629671049030967296,In the Garden of My Mind,Eastern Time (US & Canada) -7072,No candidate mentioned,0.6667,yes,1.0,Neutral,0.6667,None of the above,1.0,,Iddybud,,0,,,"Here's Camille Paglia being Camille Paglia: ""Kasich is a mensch in a party of parakeets."" #GOPdebate -http://t.co/HxYjouZmje via @thr",,2015-08-07 08:10:51 -0700,629671048418566144,Upstate New York,Eastern Time (US & Canada) -7073,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,peterstanton,,0,,,"Our problem is not being too ""politically correct,"" @GOP. It's that too many Americans are anti-intellectual and ignorant. #GOPDebate #USA",,2015-08-07 08:10:49 -0700,629671042504458240,"Ketchikan, Alaska",Alaska -7074,No candidate mentioned,1.0,yes,1.0,Negative,0.6892,FOX News or Moderators,0.6662,,PuestoLoco,,2,,,".@ArthurA_P @raemd95 -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:10:49 -0700,629671040260698112,Florida Central West Coast,America/New_York -7075,No candidate mentioned,0.4408,yes,0.6639,Neutral,0.6639,None of the above,0.4408,,badgemedia,,279,,,RT @JessicaValenti: The winner is: Twitter. #GOPDebate,,2015-08-07 08:10:49 -0700,629671039975444480,"New York, NY.",Atlantic Time (Canada) -7076,No candidate mentioned,1.0,yes,1.0,Positive,0.3656,Religion,1.0,,MrShuggoth,,0,,,"Glad to see that Jesus got a shout-out at las night's debate. Them candidates were pushing the envelope. -#GOPDebate",,2015-08-07 08:10:47 -0700,629671032249409536,, -7077,No candidate mentioned,0.4584,yes,0.6771,Negative,0.6771,None of the above,0.4584,,steven_maines,,0,,,Protip: Don't watch #GOPDebate and drink. Never. Again. (I don't remember how I got to bed.),,2015-08-07 08:10:45 -0700,629671024322179072,"Dallas, Texas, USA",Central Time (US & Canada) -7078,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EmilioHarrisLau,,0,,,@Varneyco @realDonaldTrump Confrontative. As a conservative i don't feel represented by him. #GOPDebate,,2015-08-07 08:10:45 -0700,629671024003448832,Rep. Panamá., -7079,No candidate mentioned,0.4274,yes,0.6538,Negative,0.3279,None of the above,0.4274,,merentia74,,0,,,The closed captioning for the #GOPDebate was the best part http://t.co/D0ndRMOa91 http://t.co/8JZ2U7VT5O,,2015-08-07 08:10:44 -0700,629671020258045952,"Cape Town, South Africa", -7080,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,The_PAULitician,,1,,,The award for most disingenuous statement in last night's #GOPDebate goes to @JebBush for his #CommonCore doubletalk: http://t.co/76tpcVSjwD,,2015-08-07 08:10:44 -0700,629671018274103296,"Cincinnati, OH • Hillsdale, MI",Eastern Time (US & Canada) -7081,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kennypetrowski,,0,,,"I can't stand hearing politicians evade questions and use the question asked to, instead, give their spiel. #gopdebate",,2015-08-07 08:10:42 -0700,629671011575697408,,Quito -7082,Donald Trump,1.0,yes,1.0,Negative,0.6854,FOX News or Moderators,0.6742,,kyaecker,,0,,,@megynkelly successfully made the #gopdebate about @realDonaldTrump It was not her intention she wanted to destroy but it backfired #news,,2015-08-07 08:10:41 -0700,629671008027344896,California Sierra Nevada,Pacific Time (US & Canada) -7083,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,0.6871,,RickBymark,,0,,,"@FoxNews didn't ask Rubio about gang of ocho and i didn't hear anything but talking points from Marco. - -#GOPDebate",,2015-08-07 08:10:41 -0700,629671007909842944,Location: undisclosed bunkers, -7084,No candidate mentioned,1.0,yes,1.0,Negative,0.6675,None of the above,1.0,,baronvonparker,,1,,,#GOPDebate was the most watched primary debate in history. 99% of viewers say they were there for the drinking game. http://t.co/UbV8Z4M5q8,,2015-08-07 08:10:41 -0700,629671005221482496,,Central Time (US & Canada) -7085,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,0.6833,,eckellar,,202,,,"RT @pattonoswalt: All 3 moderators had 6 days intensive training to not trill the ""r"" in ""Rubio"" tonight. #GOPDebate",,2015-08-07 08:10:40 -0700,629671004994834432,,Eastern Time (US & Canada) -7086,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6737,,miss_felicia75,,1,,,RT @ziggylasvegas: Not only that but everything they have said about the ACA has been a total distortion.#GOPDebate https://t.co/p8Q3ukMeZ2,,2015-08-07 08:10:38 -0700,629670996690268160,,Quito -7087,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,17Simba,,1,,,RT @gaelicartguy: The spectacle of a VERY thin-skinned petulant misogynist bully took center stage at #GOPDebate. Trumpet Man reveals a lit…,,2015-08-07 08:10:36 -0700,629670986548445184,GA -- KY,Atlantic Time (Canada) -7088,No candidate mentioned,0.4211,yes,0.6489,Positive,0.3298,FOX News or Moderators,0.4211,,FilmLadd,,1,,,RT @mtranquilnight: #GOPDebate really captured the schism b/t Fox News' very professional production design team & intellectual dimwit (but…,,2015-08-07 08:10:36 -0700,629670984937828352,Worldwide,Central Time (US & Canada) -7089,No candidate mentioned,0.6591,yes,1.0,Negative,0.6477,None of the above,1.0,,kencf0618,,1,,,"RT @jdekz: Someone really needs to convert last night's #GOPDebate into a play. Esp good for a boy's school: - -10 Angry Men? http://t.co/sQe…",,2015-08-07 08:10:36 -0700,629670984841195520,"Boise, Idaho",Mountain Time (US & Canada) -7090,Donald Trump,1.0,yes,1.0,Negative,0.7,None of the above,0.6667,,rjgnewdawn,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/P4LNTSUxKl #DonaldTrump #GOPDebate http://t.co/uArUD3Sk0F,,2015-08-07 08:10:35 -0700,629670983331377152,World-Wide,Pacific Time (US & Canada) -7091,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,RhettFast,,0,,,Google search report from last night's #GOPdebate reveals people have NO idea about the issues facing us. https://t.co/2lh0LMJ5lo,,2015-08-07 08:10:34 -0700,629670977618747392,nashville,Central Time (US & Canada) -7092,No candidate mentioned,0.3839,yes,0.6196,Neutral,0.6196,None of the above,0.3839,,JamesDubhthaigh,,2,,,RT @mistererickson: 24 things the #GOPDebate guys totally look like. http://t.co/qGGUOb2Kf6 http://t.co/M5Fqw7vVjf,,2015-08-07 08:10:34 -0700,629670977241223168,Scotland,London -7093,Donald Trump,0.4681,yes,0.6842,Negative,0.6842,None of the above,0.2449,,soyceman,,0,,,"@realDonaldTrump Whine, whine, whine, boo-hoo I got hard questions 😩#GOPDebate",,2015-08-07 08:10:31 -0700,629670964381380608,,Arizona -7094,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,g8r84,,6,,,"RT @StephHerold: Sitting in my local laundromat listening to people talk about #GOPdebate. One grandma says, ""This country is backwards wit…",,2015-08-07 08:10:30 -0700,629670959830708224,,Eastern Time (US & Canada) -7095,No candidate mentioned,1.0,yes,1.0,Positive,0.6932,None of the above,1.0,,DelphiCr3w,,0,,,"Yeah, I'm sticking with independent. #GOPDebate #GOPPrimary",,2015-08-07 08:10:29 -0700,629670956907126784,"Tumwater, WA",Mazatlan -7096,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mjlindbergphd,,643,,,"RT @pattonoswalt: Tough words, Donald Trump. No way Obama's gonna get re-elected now! #GOPDebate",,2015-08-07 08:10:28 -0700,629670954235506688,,Central Time (US & Canada) -7097,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,paulbenedict7,,1,,,"RT @ChristIsRisen7: @paulbenedict7 Yes that was ridiculous for @FoxNews to do that. -#GOPDebate",,2015-08-07 08:10:28 -0700,629670951353888768,Southern California,Pacific Time (US & Canada) -7098,Ted Cruz,1.0,yes,1.0,Negative,0.6728,Foreign Policy,1.0,,RossDaniel7,,0,,,@SenTedCruz spot on with #ISIS I wish #Obama understood the terrorist threat as well as you do. #RedNationRising #GOPDebate #tcot,,2015-08-07 08:10:25 -0700,629670941216407552,Poland, -7099,Donald Trump,1.0,yes,1.0,Negative,0.3511,None of the above,1.0,,javaman74,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/T0k3oOKwM0 #DonaldTrump #GOPDebate http://t.co/yPSx9rOv1q,,2015-08-07 08:10:25 -0700,629670939412832256,,Pacific Time (US & Canada) -7100,No candidate mentioned,1.0,yes,1.0,Neutral,0.6501,FOX News or Moderators,0.6628,,tim6510,,0,,,"“@Drudge_Report_: #Moderators dominate speaking time at #GOPdebate: 31.7%... http://t.co/jsX9GBxg0j” - -Strike four!",,2015-08-07 08:10:24 -0700,629670936858378240,God's Country - WI,Hawaii -7101,Donald Trump,1.0,yes,1.0,Positive,0.3636,FOX News or Moderators,0.7045,,AlWilson725,,0,,,"@mcbyrne Trump did NOT threaten Megyn Kelly, drama queen. #GOPDebate #FOXNEWSDEBATE #FoxDebate",,2015-08-07 08:10:24 -0700,629670936447467520,, -7102,Jeb Bush,1.0,yes,1.0,Negative,0.6854,Jobs and Economy,0.6629,,cham_WOW_,,2,,,"RT @Brizzandonn: ""let's pay teachers less while somehow making them teach better."" - jeb bush #GOPDebate",,2015-08-07 08:10:24 -0700,629670935528910848,"doing nothing, nowhere",Quito -7103,No candidate mentioned,1.0,yes,1.0,Positive,0.6854,FOX News or Moderators,1.0,,maximlott,,0,,,Props to the @foxnews anchors for asking the tough questions -- as usual -- in the debate last night. #GOPDebate,,2015-08-07 08:10:22 -0700,629670925949108224,"New York, NY", -7104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6804,,ChubbahBubbah,,1,,,RT @brucepknight: Republican Candidates Avoid #ClimateChange in First Debate http://t.co/2jRU5JnUJS #GOPDebate,,2015-08-07 08:10:21 -0700,629670922899714048,corner of Mirth & Whimsy, -7105,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Razamatazz117,,0,,,I'm sorry for all the #GOPDebate tweets but I'm just so dam pissed off.,,2015-08-07 08:10:17 -0700,629670905707409408,North Canton, -7106,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6404,,jstrayer,,1,,,"RT @TheRealSpaf: “@Smethanie: Sure, God told me I should run, and the Tooth Fairy agreed and all the Teletubbies voted yes, so here I am. #…",,2015-08-07 08:10:17 -0700,629670904818233344,Indiana,Eastern Time (US & Canada) -7107,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Emmett_Stone,,0,,,"In the #GOPDebate, #walker16 bragged about defunding @PPact. He didn't tell you how many abortions that that action is responsible for.",,2015-08-07 08:10:15 -0700,629670900061712384,, -7108,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,i_KAN_love,,0,,,"We have 1 year and 3months guys, lets get it together #CampaignForRevolution #GOPDebate #Hillary2016 #Bernie2016",,2015-08-07 08:10:15 -0700,629670899256406016,Los Angeles, -7109,Jeb Bush,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,17Simba,,1,,,"RT @DeborahPeasley: ""They call me Jeb"". -- uh.... yeah. It's your name. #GOPDebate",,2015-08-07 08:10:15 -0700,629670896882556928,GA -- KY,Atlantic Time (Canada) -7110,Donald Trump,1.0,yes,1.0,Negative,0.6774,Women's Issues (not abortion though),1.0,,NancyLeeGrahn,,8,,,"The cheers from #GOPDebate audience afterTrump defiantly named @Rosie as the woman he called ""Fat Pig"" were the voices of GOP constituents",,2015-08-07 08:10:15 -0700,629670896261664768,Daytime TV,Pacific Time (US & Canada) -7111,Donald Trump,1.0,yes,1.0,Negative,0.6919,None of the above,1.0,,LizMair,,3,,,WE NEED BRAIN. https://t.co/U77g7OpuKY #trumpisms #GOPDebate,,2015-08-07 08:10:14 -0700,629670895620091904,"Arlington, VA",Atlantic Time (Canada) -7112,Donald Trump,0.4025,yes,0.6344,Positive,0.3333,FOX News or Moderators,0.4025,,BrianBachner,,18,,,"RT @BiasedGirl: Thank you, @megynkelly for exposing Donald Trump as the fraud he is. Thank You. - -#GOPDebate #DumpTrump",,2015-08-07 08:10:13 -0700,629670888401694720,"Nashville, TN",Central Time (US & Canada) -7113,Donald Trump,1.0,yes,1.0,Negative,0.6559,Women's Issues (not abortion though),1.0,,DiversityEric,,1,,,"A master class on how to get away with sexism, courtesy of @realDonaldTrump - http://t.co/ot8eTXtUjc via @voxdotcom #GOPDebate",,2015-08-07 08:10:11 -0700,629670881510318080,"Washington, DC",Lima -7114,No candidate mentioned,1.0,yes,1.0,Positive,0.643,None of the above,1.0,,FlyDuoATL,,2,,,RT @PolicingWatch: It's quite entertaining to read other countries' headlines of #GOPDebate vs American ones. The sensibility elsewhere giv…,,2015-08-07 08:10:11 -0700,629670880788901888,Some Place Chill,Eastern Time (US & Canada) -7115,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,mikeharris6412,,0,,,Can anyone point to one substantive answer given by @realDonaldTrump last night? #GOPDebate,,2015-08-07 08:10:10 -0700,629670877387427840,, -7116,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,iamthebullock,,0,,,#2A not apart of #GOPDebate Will it come up?,,2015-08-07 08:10:09 -0700,629670874816356352,, -7117,Donald Trump,1.0,yes,1.0,Positive,0.6966,None of the above,1.0,,grantjmiller,,46,,,"RT @BradWalsh: I will 100% vote for Donald Trump if, at the end of all this, he looks directly at the camera and shouts ""The Aristocrats!"" …",,2015-08-07 08:10:09 -0700,629670874166112256,"Phoenix, AZ",London -7118,Donald Trump,1.0,yes,1.0,Negative,0.6459999999999999,None of the above,1.0,,StrumSingLuv,,1,,,"RT @Garrison_JA: Trump's platform is essentially ""Everyone is a moron."" Winning the primary might prove his point. #GOPDebate",,2015-08-07 08:10:09 -0700,629670872635174912,"California, USA",Pacific Time (US & Canada) -7119,No candidate mentioned,1.0,yes,1.0,Neutral,0.6757,None of the above,1.0,,Wildcard247365,,0,,,Wondering who got the bigger ratings: the #GOPdebate or #JonStewart's farewell?,,2015-08-07 08:10:09 -0700,629670871578374144,ZZ9 Plural Z9A.,Mountain Time (US & Canada) -7120,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6484,,FreeAmerican100,,5,,,"Babies are just products... sick -#DefundPP #GOPDebate #JonVoyage #Compton #DragMeDownMusicVideo #PUSO2019 #BB17 #MUFC http://t.co/MNhkEPpMo9",,2015-08-07 08:10:08 -0700,629670870370394112,United States, -7121,Rand Paul,0.6477,yes,1.0,Negative,0.6477,None of the above,0.6477,,bgodar,,2,,,RT @PhilHands: Is Rand Paul jealous of @realDonaldTrump #livetoon #GOPDebate #FoxDebate http://t.co/gWNBoQ9ZJ4,,2015-08-07 08:10:08 -0700,629670869909045248,"Madison, WI",Central Time (US & Canada) -7122,No candidate mentioned,0.485,yes,0.6965,Negative,0.3495,None of the above,0.485,,BBlueCrush,,1,,,Some of the funniest reactions to #GOPdebate http://t.co/bhgMKw8qSc via @someecards,,2015-08-07 08:10:07 -0700,629670863890198528,TO,Central Time (US & Canada) -7123,Jeb Bush,1.0,yes,1.0,Positive,0.6559,None of the above,1.0,,FaithfulAcorn,,12,,,"RT @JordanSekulow: Clear: @JebBush - federal government shouldn't be involved in setting education curriculum, states should do that #GOPDe…",,2015-08-07 08:10:06 -0700,629670860169687040,USA, -7124,Donald Trump,1.0,yes,1.0,Negative,0.6559999999999999,None of the above,1.0,,BFalk1111,,2,,,"RT @faseidl: Let's just admit it: #Trump is the best showman and that's what it takes to ""win"" a show like the #GOPDebate",,2015-08-07 08:10:04 -0700,629670853421084672,,Mazatlan -7125,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ReflectTeach,,0,,,"Saddest part of #GOPDebate wasn't what @realDonaldTrump said, it was the large segment of the crowd whooping it up over what he said.",,2015-08-07 08:10:03 -0700,629670848664698880,"San Jose, CA",Eastern Time (US & Canada) -7126,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6719,,4MrBreitbart,,0,,,"Who gives a damn?.... For Christ's sake. Toughen up buttercup! -So sick of politically correct bull chyt ! -#GOPDebate https://t.co/ASQuafnuBu",,2015-08-07 08:10:03 -0700,629670848442404864,AGovtThatRobsPeterToPayPaulCan,Pacific Time (US & Canada) -7127,No candidate mentioned,0.4492,yes,0.6702,Negative,0.3511,None of the above,0.4492,,RedWolfArtist,,0,,,"@CNN No, but I watched a couple of kids argue over who had a better birthday at work. I figure the #GOPDebate went a similar way.",,2015-08-07 08:10:02 -0700,629670845250584576,Texas ,Central Time (US & Canada) -7128,No candidate mentioned,0.6588,yes,1.0,Negative,0.6941,None of the above,1.0,,paulasrsly,,0,,,"Last night's #GOPDebate felt like a Stefon sketch. ""New York's hottest nightclub is 'In Florida They Call Me Jeb...'"" http://t.co/9fT0FpRk5T",,2015-08-07 08:10:02 -0700,629670842344034304,New York,Eastern Time (US & Canada) -7129,Jeb Bush,1.0,yes,1.0,Negative,0.7011,FOX News or Moderators,0.6782,,ssc9470,,0,,,#JebBush living proof that $ and privilege doesn't guarantee you victory. #FoxNews put ball on the tee yet he failed to hit ball #GOPDebate,,2015-08-07 08:10:00 -0700,629670836488773632,, -7130,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,joeybthinks,,0,,,#GOPDebate what a bunch of uncivil human beings spewing vile with lack of respect for each other. And we want one of them to be our leader?,,2015-08-07 08:10:00 -0700,629670834651553792,Minneapolis, -7131,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SandrineC710,,0,,,Fashion and politics #election2016 #GOPDebate https://t.co/hVDNLwyTC3,,2015-08-07 08:10:00 -0700,629670834374897664,Geneva, -7132,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3511,None of the above,0.4074,,Newsmann,,0,,,Imagine how saddened Rosie O'Donnell must be. #GOPDebate,,2015-08-07 08:10:00 -0700,629670834349584384,Pacific Northwest,Pacific Time (US & Canada) -7133,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,Racial issues,1.0,,LadyAodh,,9,,,"""#Diversity"" is a code word for White genocide. #WhiteGenocide #RSR15 #GOPDebate #cuckservative #tcot http://t.co/NSmUx1vsWi",,2015-08-07 08:09:59 -0700,629670830277009408,Europa/USA ,Eastern Time (US & Canada) -7134,No candidate mentioned,1.0,yes,1.0,Neutral,0.6548,Racial issues,1.0,,txindyjourno,,1,,,#BlackLivesMatter Activists @CharlotteAbotsi & Others Highlight Candidates' White Supremacist Ties During #GOPDebate: http://t.co/fyMwBqShLL,,2015-08-07 08:09:59 -0700,629670829907800064,"College Station, Texas",Central Time (US & Canada) -7135,Scott Walker,0.6778,yes,1.0,Negative,0.6778,None of the above,0.6778,,SPZanti,,3,,,"Scott Walker cut his answers short last night, finishing before the allotted time. - -Marquette U: ""We've seen this before."" - -#GOPDebate",,2015-08-07 08:09:59 -0700,629670829358456832,,Central Time (US & Canada) -7136,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,coopek,,1,,,"RT @reneelegendre: Just got sent this #GOPDebate screenshot from my sister. I mean, COME ON! #golfcoursesarenotcredentials http://t.co/c3Nt…",,2015-08-07 08:09:58 -0700,629670826778955776,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -7137,No candidate mentioned,1.0,yes,1.0,Neutral,0.6988,FOX News or Moderators,1.0,,wisdomforwomen,,12,,,"RT @larryelder: How about, ""Megyn, let's not get ahead of ourselves. That's a long way off. Ask these folks if they'll support ME when I wi…",,2015-08-07 08:09:55 -0700,629670813398994944,,Mountain Time (US & Canada) -7138,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thedavidseth,,0,,,"Actually, I don't. #GOPDebate sucked, but last time I checked u weren't hurting for $$ https://t.co/WxSm51AFti",,2015-08-07 08:09:54 -0700,629670811658534912,"Bahia Soliman, Tulum, Mexico",Eastern Time (US & Canada) -7139,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6966,,stevenazs,,0,,,"Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/mPFrhtJUmG",,2015-08-07 08:09:54 -0700,629670810630815744,New Mexico,Arizona -7140,Donald Trump,1.0,yes,1.0,Positive,0.6966,None of the above,1.0,,mollykjo,,0,,,WHAT IS THE GREATEST THING EVER @realDonaldTrump #GOPDebate https://t.co/RkKuHeT4jS,,2015-08-07 08:09:54 -0700,629670810207285248,, -7141,No candidate mentioned,1.0,yes,1.0,Neutral,0.6437,Foreign Policy,0.3563,,ShimonCleopas,,0,,,"#GOPDebate moderators should have asked: ""Do you believe that the ME conflict is the root cause of terror and should be USA's priority?""",,2015-08-07 08:09:53 -0700,629670806587486208,Land of Abraham Lincoln,Alaska -7142,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,amandavecc,,0,,,#GOPDebate made me so pumped for politics over the next year #noshame #republicansunite,,2015-08-07 08:09:51 -0700,629670799142600704,, -7143,Donald Trump,1.0,yes,1.0,Negative,0.6657,None of the above,0.6657,,Razamatazz117,,0,,,"What evidence do you have @realDonaldTrump ? -I'll ask again, what evidence do you have? #GOPDebate",,2015-08-07 08:09:48 -0700,629670785372831744,North Canton, -7144,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,AlexCantWhistle,,0,,,@americans What do you think is the probability of @HilaryClinton becoming president? More / less than 50%? #GOPDebate,,2015-08-07 08:09:46 -0700,629670777709830144,Westeros, -7145,Donald Trump,1.0,yes,1.0,Neutral,0.7093,None of the above,0.6512,,jessicadudley,,0,,,GOP Debate News - Trump Shocks GOP Faithful http://t.co/FIU8XExfZH #DonaldTrump #GOPDebate http://t.co/D5SeyjNd7W,,2015-08-07 08:09:44 -0700,629670769639845888,Washington State USA,Jakarta -7146,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,FOX News or Moderators,1.0,,mtranquilnight,,1,,,#GOPDebate really captured the schism b/t Fox News' very professional production design team & intellectual dimwit (but entertaining) hosts.,,2015-08-07 08:09:43 -0700,629670765391032320,The Scion of San Diego,Arizona -7147,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,vivian_terry,,0,,,#GOPDebate a display of people who are proud to be ignorant,,2015-08-07 08:09:43 -0700,629670762769743872,, -7148,No candidate mentioned,1.0,yes,1.0,Neutral,0.6851,None of the above,1.0,,houseofmax,,0,,,#GOPDebate shows no clear winner. The firing squad went for #Hillary although their dismal past performance records were clearly on display.,,2015-08-07 08:09:42 -0700,629670761821634560,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -7149,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,perrytsergas,,0,,,Neat 2see realworld events like #macdebate impact @Google search volumes. And how many Canadians followed #GOPDebate. http://t.co/WvgC2aN9pt,,2015-08-07 08:09:42 -0700,629670758281641984,Ottawa | 45° 25’ N 75° 42' W,Eastern Time (US & Canada) -7150,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SphillypdSteven,,22,,,RT @seanhannity: .@JohnKasich: “I’ve always been underestimated.” #GOPDebate #Hannity,,2015-08-07 08:09:41 -0700,629670754561490944,new york, -7151,Donald Trump,1.0,yes,1.0,Negative,0.6747,Women's Issues (not abortion though),1.0,,geminieast7745,,2,,,"RT @surfinwav: Donald Trump summarized in a few words: ""I'm perfect, everything I say is perfect, even my disgusting insults aimed at women…",,2015-08-07 08:09:40 -0700,629670751365234688,USA,Eastern Time (US & Canada) -7152,No candidate mentioned,1.0,yes,1.0,Negative,0.6925,None of the above,1.0,,davidhcrocker,,1,,,"RT @Kahuna_2010: Only thing not heard last night was - -“JERRY! JERRY! JERRY! JERRY! JERRY! JERRY! JERRY! JERRY!” #GOPDebate",,2015-08-07 08:09:38 -0700,629670743509331968,"Placentia, California", -7153,No candidate mentioned,0.4426,yes,0.6653,Neutral,0.6653,None of the above,0.4426,,yungpogo,,0,,,At least the Canadian debate had some eye-candy in it.... #macdebate #GOPDebate http://t.co/Mlww1iVpuh,,2015-08-07 08:09:37 -0700,629670740770459648,"Madison, Wisconsin",Central Time (US & Canada) -7154,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6274,,SilvijaKrebs,,1,,,RT @jeremyschulman: Check out @BernieSanders' tweet storm about Fox's #GOPDebate http://t.co/Q7cHoiKd7L http://t.co/WrlF1sNdSA,,2015-08-07 08:09:37 -0700,629670738602164224,,Quito -7155,No candidate mentioned,0.4521,yes,0.6724,Negative,0.6724,None of the above,0.2507,,SouthernRock3,,0,,,".@CNBC- If u don't bother to mention all the misrepresentations of #FACTS in the #GOPDebate, why trust ur summary of Financials? @Comcast",,2015-08-07 08:09:37 -0700,629670737456926720,"Texas, USA",Eastern Time (US & Canada) -7156,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,smichelle_j,,2,,,RT @g_babytweetz: I watched the #GOPDebate and #DonaldTrump is a piece of shit,,2015-08-07 08:09:35 -0700,629670731685752832,chicago ,Central Time (US & Canada) -7157,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6705,,smoothblinkrule,,6,,,"RT @DadusAmericanis: @FoxNews - -Won't bother. We saw your true colors... #GOPDebate",,2015-08-07 08:09:35 -0700,629670730691682304,"Florida, USA",Pacific Time (US & Canada) -7158,Donald Trump,1.0,yes,1.0,Positive,0.6818,None of the above,1.0,,stockwizards3,,0,,,"#GOPDebate winners: Trump, Cruz, Carson, Kasich, Huckabee, Fiorina -#POTUS #Trump2016 #republicans",,2015-08-07 08:09:35 -0700,629670729764708352,, -7159,No candidate mentioned,0.2286,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.2286,,smoothblinkmira,,1,,,RT @justiceonly: @FoxNews #GOPDebate These Megan Kelly tweets say it all https://t.co/CVkZqinxu1 https://t.co/kIHafYCsS7 GOP setup to fail …,,2015-08-07 08:09:34 -0700,629670727806021632,"California, USA",Pacific Time (US & Canada) -7160,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,JenGlasco,,0,,,Any changes/benefits/incentives/breaks from the gov't for parents who choose to #homeschool? There should be... #GOPDebate,,2015-08-07 08:09:34 -0700,629670725037600768,"Mansfield, TX",Central Time (US & Canada) -7161,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,Immigration,0.7191,,ag_texas,,4,,,"Hillary Clinton's response to the #GOPdebate: those guys are ok, but can they secure thousands of votes from illegals?",,2015-08-07 08:09:33 -0700,629670720566460416,DFW,Central Time (US & Canada) -7162,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,de92799908de4d0,,76,,,RT @DavidLeopold: Watching the #GOPDebate 2nite? The place 2b in #CLE is @MonchosBarCLE http://t.co/fAbiesQYEU @LaMega877 @djbakan @IsabelF…,,2015-08-07 08:09:32 -0700,629670718389645312,, -7163,Donald Trump,1.0,yes,1.0,Neutral,0.3437,None of the above,0.6778,,jerryb48,,5,,,"RT @nhdogmom: GOP establishment might not like Trump, but the base they nurtured surely do. #GOPBuiltThat #NHPolitics #GOPDebate https://t…",,2015-08-07 08:09:32 -0700,629670717601153024,Heart of Texas, -7164,No candidate mentioned,0.4743,yes,0.6887,Neutral,0.6887,None of the above,0.4743,,coopek,,1,,,"RT @greghuber1204: Last night's #GOPDebate: what topics merited attention, and which were ignored #GOPtbt http://t.co/s90GINhWOM",,2015-08-07 08:09:30 -0700,629670709883707392,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -7165,,0.2247,yes,0.341,Neutral,0.341,,0.2247,,GKMTNtwits,,0,,,Last night's #GOPDebate: What topics merited attention/Which were ignored http://t.co/5xre9owpq0 cc: @robertsmsnbc @allinwithchris @maddow,,2015-08-07 08:09:29 -0700,629670703432925184,Boston ,Eastern Time (US & Canada) -7166,No candidate mentioned,0.4491,yes,0.6701,Neutral,0.3412,None of the above,0.4491,,montycbh,,54,,,"RT @darth: the recap outside is always the best part tbh - -#GOPDebate http://t.co/PIlRfPa6HC",,2015-08-07 08:09:28 -0700,629670700593254400,,Pacific Time (US & Canada) -7167,Marco Rubio,0.4545,yes,0.6742,Positive,0.6742,None of the above,0.4545,,avijustin,,0,,,"My takeaways: -Rubio cemented himself as damn good candidate -Christie reminded everyone he's legit -Kasich stood out w/ time given -#GOPDebate",,2015-08-07 08:09:27 -0700,629670697476853760,Winnipeg, -7168,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Abortion,1.0,,chooseliferacer,,9,,,#GOPDebate Never lose focus on the truly important issues #DefundPP & #PraytoEndAbortion http://t.co/OxIoW3YjS4,,2015-08-07 08:09:27 -0700,629670696776368128,Land of Enchantment, -7169,Donald Trump,0.4311,yes,0.6566,Negative,0.6566,None of the above,0.4311,,RightwingFox,,0,,,To all the media trust an Nyc steeet kid Trump is playing you @DLoesch #GOPDebate @seanhannity,,2015-08-07 08:09:26 -0700,629670694381613056,Bronx Ny, -7170,Donald Trump,1.0,yes,1.0,Negative,0.6859999999999999,Jobs and Economy,0.6512,,Razamatazz117,,1,,,"Money going out, drugs coming in. Maybe make the drugs legal and tax em bro? @realDonaldTrump #GOPDebate",,2015-08-07 08:09:24 -0700,629670683442851840,North Canton, -7171,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,1.0,,pho_6,,0,,,Bragging bc my dad organized ALL security for the #GOPDebate and there are still as many candidates living today as there were yesterday.,,2015-08-07 08:09:23 -0700,629670681844826112,,Atlantic Time (Canada) -7172,No candidate mentioned,1.0,yes,1.0,Positive,0.3485,Immigration,0.6515,,donytop5,,0,,,@NPR and I'm sure Immigrant Song came up #GOPdebate or #ledzepplin,,2015-08-07 08:09:22 -0700,629670677440655360,Rogue Valley,Pacific Time (US & Canada) -7173,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6307,,StoneMil,,1,,,I pick Trump. Most likely to start a war with a county because of a personal insult. #realdonaldtrump #GOPDebate #draftdeferment,,2015-08-07 08:09:19 -0700,629670664442658816, rock -------?----- hard place,Central Time (US & Canada) -7174,No candidate mentioned,0.6374,yes,1.0,Positive,0.3626,None of the above,0.6374,,jojosommer_,,83,,,RT @alexandergold: Kim Kardashian and Kanye West's selfie with Hillary Clinton is more important than anything said at the #GOPDebate.,,2015-08-07 08:09:18 -0700,629670657463296000,,Atlantic Time (Canada) -7175,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.6598,,Johnisnotamused,,0,,,Kasich waffled on marriage equality. #GOPDebate,,2015-08-07 08:09:17 -0700,629670656653791232,literally anywhere else,Quito -7176,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7083,,deerichards,,0,,,"A Foxy, Rowdy Republican Debate #GOPDebate Questions too long & loaded. Debate between candidates was more informing. http://t.co/rRqNTAAK3X",,2015-08-07 08:09:17 -0700,629670654971891712,"Mobile, AL",Central Time (US & Canada) -7177,Donald Trump,0.4241,yes,0.6513,Negative,0.6513,None of the above,0.2271,,GovtsTheProblem,,1,,,"But, but, but did you see who @realDonaldTrump donated to? - -Hey Pot, have you met Kettle? - -@FoxNews -#GOPDebate http://t.co/DeLeaAsXH6",,2015-08-07 08:09:17 -0700,629670653289861120,Colorado, -7178,Ted Cruz,0.4207,yes,0.6486,Neutral,0.3407,None of the above,0.4207,,wsoswald_,,23,,,"RT @RealBPhil: WATCH: Ted Cruz: If we're going to win in 2016, we need a consistent conservative. #CruzCrew #GOPDebate http://t.co/FkxCZ7A6…",,2015-08-07 08:09:15 -0700,629670645463445504,, -7179,No candidate mentioned,1.0,yes,1.0,Negative,0.6644,FOX News or Moderators,1.0,,foolish123,,0,,,@MilitantJD @megynkelly @FoxNews She's not doing it for me anymore with all the negative setups to her questions. #GOPDebate,,2015-08-07 08:09:14 -0700,629670644188250112,Michigan,Central Time (US & Canada) -7180,No candidate mentioned,1.0,yes,1.0,Negative,0.6512,Religion,0.6512,,tpkroger,,0,,,"Jesus thinks you're a jerk, #FuckfaceVonClownstick. http://t.co/4KfJGznyMX #indiebook #GOPDebate #FridayReads",,2015-08-07 08:09:14 -0700,629670642053480448,,Eastern Time (US & Canada) -7181,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BillDolanBDC,,0,,,Bell on the #GOPDebate @FoxNews last night - just like my doorbell and made my dogs go nuts. Watching @Gavin_McInnes now. Repeat. #TGMS,,2015-08-07 08:09:14 -0700,629670640799199232,"New York, NY",Eastern Time (US & Canada) -7182,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6667,,6thArticle,,0,,,@KimKardashian Really? The woman who supports the same people who would have your (dad?) hung in the streets #GOPDebate #everylifematters,,2015-08-07 08:09:14 -0700,629670640778350592,America, -7183,No candidate mentioned,1.0,yes,1.0,Negative,0.6759,Racial issues,0.6582,,yEvb0,,5,,,"RT @DerrickClifton: I really hope white, hetero, cisgender men who *get* marginalized groups will do the work of dismantling tonight's igno…",,2015-08-07 08:09:12 -0700,629670633899732992,"Media, PA",Eastern Time (US & Canada) -7184,Scott Walker,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.6986,,braedenmayer,,0,,,.@ScottWalker's line on #Russia's knowledge of the #Clinton emails was pretty good. #GOPDebate,,2015-08-07 08:09:11 -0700,629670631303454720,"Ciudad de David, Panamá",Central Time (US & Canada) -7185,No candidate mentioned,0.4888,yes,0.6991,Positive,0.6991,None of the above,0.2724,,roneub,,2,,,RT @MarkBinda: Huge local ratings for #GOPDebate in Nashville last night: 14.3. No other show in Nashville yesterday got above a 9 rating.,,2015-08-07 08:09:11 -0700,629670630955319296,"Nashville, TN", -7186,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3523,,EricStephens619,,0,,,Why does the media call Carly Fiorina the only female GOP candidate? Do the Democrats have more than one? Or anyone not white? #GOPDebate,,2015-08-07 08:09:10 -0700,629670625229934592,"San Diego, CA",Pacific Time (US & Canada) -7187,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Mae_Elizabeth3,,23,,,RT @youngrepub_: Rubio is my man right now. So well-spoken. Very impressive. #GOPDebate #DebateWithFFL,,2015-08-07 08:09:08 -0700,629670615658725376,"Skipperville, Alabama",Central Time (US & Canada) -7188,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,nursingusa,,0,,,@Newsweek @tedcruz Priceless💛❤️ My favorite picture and it speaks volumes about this amazing man. #CruzCrew #GOPDebate @marklevinshow #ccot,,2015-08-07 08:09:06 -0700,629670606695346176, ,Quito -7189,No candidate mentioned,1.0,yes,1.0,Negative,0.6437,None of the above,1.0,,wheeler_law,,5,,,RT @Brian_Hough7: Literally can't tell if the #GOPDebate is SNL or not....,,2015-08-07 08:09:04 -0700,629670599128940544,,Atlantic Time (Canada) -7190,Donald Trump,1.0,yes,1.0,Negative,0.6585,None of the above,0.6707,,davebangert,,0,,,"Lots calling Trump the big loser last night. He was a goof, for sure. But did anyone do anything to shake up his numbers? #GOPDebate",,2015-08-07 08:09:03 -0700,629670596582985728,"Journal & Courier, Lafayette",Quito -7191,Donald Trump,1.0,yes,1.0,Negative,0.6868,Women's Issues (not abortion though),1.0,,michaeljkranz,,0,,,Watching @megynkelly ask Trump about the sexist stuff again and that couldn't have been easy. While the crowd roars its misogyny. #GOPDebate,,2015-08-07 08:09:01 -0700,629670589452681216,brooklyn,Eastern Time (US & Canada) -7192,Ben Carson,1.0,yes,1.0,Negative,0.6685,None of the above,1.0,,DelGirlsHoops,,29,,,RT @dick_nixon: I wouldn't want Carson to operate on me. #GOPDebate,,2015-08-07 08:09:01 -0700,629670588093722624,Delaware #delhs #netde,Eastern Time (US & Canada) -7193,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ImpressionsofTX,,1,,,"RT @kdstarbux: #Fiorina likely emerged a winner by not sharing the second #GOPDebate stage, but shining brightly on the first one.",,2015-08-07 08:08:58 -0700,629670577255677952,Texas,Central Time (US & Canada) -7194,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,VKnoblock,,3,,,RT @carolineknob: I want to know what they say to each other during commercial breaks. #GOPDebate,,2015-08-07 08:08:57 -0700,629670571714957312,"Ionia, MI",Eastern Time (US & Canada) -7195,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LanceMannion,,1,,,RT @PhoenixWomanMN: Mitt was Edward Everett compared to #DeerInTheHeadlightsJeb . #Jeb #FoxDebate #GOPDebate https://t.co/ot0UReKL43,,2015-08-07 08:08:57 -0700,629670571320692736,,Eastern Time (US & Canada) -7196,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,karenan29064381,,57,,,"RT @WillisShepherd: #GOPDebate Hey Megan Kelly... Your little snarky ""any word from God?"" question wasn't all that cute or clever ...",,2015-08-07 08:08:57 -0700,629670569244532736,Texas USA, -7197,No candidate mentioned,1.0,yes,1.0,Positive,0.3556,None of the above,1.0,,AymieJoi,,0,,,The only commentary needed for last night's #GOPDebate: @sorkinese. #westwing ftw! :),,2015-08-07 08:08:56 -0700,629670567046696960,The Lovely State of NJ,Eastern Time (US & Canada) -7198,Donald Trump,0.3889,yes,0.6237,Negative,0.3333,None of the above,0.3889,,GordonPress,,0,,,Mr Trump's questions were NO tougher than anyone else's. When you get center stage you gotta be able to take the heat. #GOPDebate,,2015-08-07 08:08:55 -0700,629670563640950784,Tampa,Eastern Time (US & Canada) -7199,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6301,,themelvinbray,,46,,,"RT @NewJusticeDept: The #GOPDebate: 10 (7 are white) men talking about ""making America great again."" - -What part of history we going back t…",,2015-08-07 08:08:55 -0700,629670560595869696,"Atlanta, GA",Quito -7200,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,SchwarzeSchmach,,18,,,"RT @Thug_Violence: During the #GOPDebate, a #cuckservative arose from the ashes to cuck America for the marxist left once again... http://t…",,2015-08-07 08:08:54 -0700,629670557664047104,,Belgrade -7201,Donald Trump,1.0,yes,1.0,Negative,0.6539,None of the above,1.0,,GiftedPrude,,1,,,The facial expressions of #DonaldTrump could've been an entire segment. #GOPDebate,,2015-08-07 08:08:54 -0700,629670557630513152,Lane 6,Eastern Time (US & Canada) -7202,No candidate mentioned,0.4287,yes,0.6548,Negative,0.6548,None of the above,0.4287,,ann1h1lat0r,,0,,,#Liberals care more about Rosie O'Donnell than actually watchin the whole #GOPDebate,,2015-08-07 08:08:53 -0700,629670553796911104,Valhalla, -7203,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,Jobs and Economy,1.0,,jbigss1965,,1,,,"RT @JonathanJewel: GOP are going crazy over Carly Fiorina - -That's not surprising - -GOP loves people who knows how to crash an economy - -#GO…",,2015-08-07 08:08:52 -0700,629670551435350016,"Cincinnati, OH",Eastern Time (US & Canada) -7204,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,Abortion,1.0,,meagcity,,0,,,"the #GOPDebate made it clear that they are pro-birth, not pro-life",,2015-08-07 08:08:51 -0700,629670547698380800,ur dad's house,Quito -7205,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Starwind2020,,0,,,"@realDonaldTrump Our country is a mess and all these ""mods"" do is attack with personal hate. Makes me sad to be an American.#GOPDebate",,2015-08-07 08:08:48 -0700,629670531579580416,"Fort Worth, TX", -7206,No candidate mentioned,1.0,yes,1.0,Positive,0.6563,None of the above,1.0,,Virginia8384,,0,,,@BecketAdams no way can the Dems ever be that much fun! #GOPDebate,,2015-08-07 08:08:47 -0700,629670528106786816,Virginia,Eastern Time (US & Canada) -7207,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6653,,prettylady325,,0,,,@realDonaldTrump @megynkelly is a bimbo because? #GOPDebate media bias!,,2015-08-07 08:08:45 -0700,629670521894862848,Peace &Serenity,Atlantic Time (Canada) -7208,Jeb Bush,0.4233,yes,0.6506,Negative,0.6506,None of the above,0.4233,,LanceMannion,,1,,,"RT @PhoenixWomanMN: @LanceMannion No. He lied like a rug, but at least he lied coherently. #Jeb can't even do that, it turns into word sal…",,2015-08-07 08:08:44 -0700,629670518204051456,,Eastern Time (US & Canada) -7209,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6966,,The_Robzilla,,0,,,#GOPDebate is a horrible tag. I know I'm not going to vote for any of the candidates but that fact that white America is ok with them...,,2015-08-07 08:08:44 -0700,629670515355955200,J.A.P.A.N. ,Central Time (US & Canada) -7210,No candidate mentioned,0.6838,yes,1.0,Negative,0.6838,None of the above,0.6627,,peanutbutterisg,,1,,,RT @Todd_Spencer: Chrissy 'Tingles' Matthews gets his ass handed to him by Carly Fiorina. 😄😄😄 http://t.co/h5P56Xx2rG #GOPDebate,,2015-08-07 08:08:43 -0700,629670514097664000,, -7211,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,littleredblog,,0,,,'Are you the father of Bristol Palin's baby?': #DebateQuestionsWeWantToHear http://t.co/coKkks1Ugj. #WeGotEd #Gopdebate,,2015-08-07 08:08:43 -0700,629670511992291328,Toledo Detroit,Eastern Time (US & Canada) -7212,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,Abortion,0.4495,,Melindacricket,,0,,,#GOPDebate pre R vs W visited friends in hospital after home abortions young pale rendered infertile will not forget https://t.co/F5nOFfa8uy,,2015-08-07 08:08:42 -0700,629670508519256064,"California, USA", -7213,Donald Trump,1.0,yes,1.0,Positive,0.6809999999999999,None of the above,1.0,,paulwaugh,,2,,,".@howardfineman verdict on #GOPdebate: Trump Trips, but Trumpism Wins -http://t.co/jaPp3PBI8u",,2015-08-07 08:08:41 -0700,629670505696636928,UK,London -7214,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jcderrick1,,0,,,#GOPDebate may have been the most-watched primary debate in history—twice as big as previous record? http://t.co/n9Klq6ujJF @CNNMoney,,2015-08-07 08:08:40 -0700,629670501380702208,"Washington, D.C.",Eastern Time (US & Canada) -7215,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6898,,DavidIRamadan,,1,,,RT @jfradioshow: I wonder if @ChrisChristie wanted cheese with his w(h)ine. He just whined all night long like a big fat baby-@curtisellis …,,2015-08-07 08:08:38 -0700,629670489439514624,"Dulles, Loudoun, VA, USA",Eastern Time (US & Canada) -7216,Donald Trump,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,indybhoffman,,0,,,"Wow apparently Trump got even more whiny and defensive after the debate. No class. Big mouth. Yeah, great presidential material. #GOPDebate",,2015-08-07 08:08:37 -0700,629670488285974528,,Eastern Time (US & Canada) -7217,Scott Walker,0.6705,yes,1.0,Negative,1.0,FOX News or Moderators,0.6705,,gomantler,,0,,,"Other than question to Walker, nothing on race, criminal justice either. Guess Fox and GOP know their white audience doesn't care #GOPDebate",,2015-08-07 08:08:37 -0700,629670485513482240,"Washington, D.C.", -7218,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JohnSmi30382618,,0,,,"@FloggerMiester we get it if @realDonaldTrump wants to be honest, but no one wants an arrogant and unethical president #nohate #GOPDebate",,2015-08-07 08:08:36 -0700,629670484183875584,Rep-Dem Happy Land, -7219,Jeb Bush,1.0,yes,1.0,Positive,0.3335,None of the above,1.0,,bartwhitman,,0,,,"My #GOPDebate review:👎🏻-Bush, Kasich; Eh-Huckabee, Christie; OK, wanted more-Paul, Cruz, Rubio; 👍🏻-Trump, Walker, Carson. Overall-good group",,2015-08-07 08:08:36 -0700,629670484028690432,Here I am,Central Time (US & Canada) -7220,Donald Trump,1.0,yes,1.0,Negative,0.6512,Women's Issues (not abortion though),0.6512,,SmittyMyBro,,0,,,"""Mr.Trump, you've called women fat pigs, dogs, slobs, and disgusting animals..."" -""Only Rosie O'Donnell."" -*laughter, applause* -#GOPDebate",,2015-08-07 08:08:35 -0700,629670480027369472,John Smith AKA Bazooka Joe,Central Time (US & Canada) -7221,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6408,,MStuart1970,,1,,,Howard Kurtz bragged abt how liberals sch as HuffPo complimented FOX. LOL He thinks we r happy abt that. #GOPDebate https://t.co/bj8s48rK6B,,2015-08-07 08:08:35 -0700,629670479897432064,"Middle Georgia, USA",Eastern Time (US & Canada) -7222,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6897,,SGivensPR,,2,,,RT @CynthiaRoldan: Early numbers suggest #GOPdebate the most-watched primary debate in history http://t.co/weyG5ZLnSK,,2015-08-07 08:08:35 -0700,629670479444492288,South Carolina,Atlantic Time (Canada) -7223,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6809,,zoezzzzoe,,81,,,RT @SouthernHomo: Mike Huckabee seems like one of those guys who would get caught with a twink in an airport bathroom #GOPDebate,,2015-08-07 08:08:35 -0700,629670478114729984,, -7224,Donald Trump,0.435,yes,0.6596,Neutral,0.3298,None of the above,0.435,,ConstantGeek,,0,,,"Issue isnt guy w 16 followers. Issue is Trump agreed w it enough to RT. -#GOPDebate https://t.co/RrLlLVATET",,2015-08-07 08:08:35 -0700,629670477246668800,Kentucky,Central Time (US & Canada) -7225,No candidate mentioned,1.0,yes,1.0,Positive,0.6778,FOX News or Moderators,1.0,,JeffKaplan88,,1,,,"I rarely say it: Props 2 @FoxNews for asking tough Qs at #GOPdebate. W/ their ""special"" link to conservatives, only they could - & they did",,2015-08-07 08:08:34 -0700,629670473094307840,Time zones vary, -7226,Ted Cruz,0.3765,yes,0.6136,Positive,0.6136,,0.2371,,JMemblatt,,46,,,RT @SenatorBirdwell: Thank you @TedCruz for fighting for #KatesLaw. Sanctuary cities are a major issue in Texas and nationwide. #GOPDebate,,2015-08-07 08:08:33 -0700,629670472138006528,New York, -7227,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,unfairskindeded,,255,,,"RT @deray: Someone, go give Ben Carson a pep talk. He seems defeated. I mean, he won't ever win. But he just sounds sad now. #GOPDebate",,2015-08-07 08:08:33 -0700,629670471353659392,West Baltimore,Atlantic Time (Canada) -7228,No candidate mentioned,0.4373,yes,0.6613,Neutral,0.6613,Foreign Policy,0.4373,,PoliticsHD,,0,,,How should the US respond to Vladmir Putin? See Republican Candidates repsonse http://t.co/ki38DkyScT #GOPDebate #ForeignPolicy #FoxDebate,,2015-08-07 08:08:33 -0700,629670469478838272,"Washington, DC",Eastern Time (US & Canada) -7229,Marco Rubio,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6768,,correa_jec,,4,,,RT @TheTJHelm: Memo to @marcorubio - The Constitution of the United States protects a woman's right to choose. #gopdebate,,2015-08-07 08:08:32 -0700,629670465368231936,, -7230,Donald Trump,1.0,yes,1.0,Negative,0.665,None of the above,0.6526,,MarkTregonning,,3,,,"RT @Keening_Product: In a country of runaway #capitalism and money worship, #Trump's popularity is not surprising. #Lateline #GOPDebate #US…",,2015-08-07 08:08:32 -0700,629670464072224768,Melbourne,Brisbane -7231,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CarolHello1,,0,,,#GOPDebate Failure: https://t.co/oamvKfFO5q,,2015-08-07 08:08:31 -0700,629670460611952640,California❀◄★►❀Conservative,Arizona -7232,Ted Cruz,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6472,,PruneJuiceMedia,,0,,,“Radical Islamic terrorism…” Really Cruz? I cannot. #GOPDebate,,2015-08-07 08:08:30 -0700,629670456061243392,"Atlanta, Georgia",Eastern Time (US & Canada) -7233,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3448,,gobucks34,,0,,,No talk about wealth disparity in the #GOPDebate last night. Just more tax breaks for the rich... http://t.co/nmqGeYup4x,,2015-08-07 08:08:29 -0700,629670454022660096,Maybe Walgreens,Eastern Time (US & Canada) -7234,Jeb Bush,1.0,yes,1.0,Positive,0.6786,None of the above,0.6786,,xenertechx,,0,,,"#GOPDebate I was struck by Jeb saying, he humbly urged people to vote when they get the chance. Great leaders are humble. Lincoln, Reagan",,2015-08-07 08:08:28 -0700,629670449908088832,Houston, -7235,No candidate mentioned,0.4062,yes,0.6374,Positive,0.3187,,0.2311,,clarebrit,,0,,,"Move over gents. #GOPdebate Two debates, one winner — Carly http://t.co/KueVBlsuGK via @DCExaminer",,2015-08-07 08:08:28 -0700,629670449492836352,California, -7236,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,MWM4444,,0,,,"What ought to depress every patriotic American: The men on stage at the #GOPDebate were the best candidates billionaires could buy. -#p2",,2015-08-07 08:08:25 -0700,629670434758348800,"St. Petersburg, Florida ",Eastern Time (US & Canada) -7237,No candidate mentioned,0.4247,yes,0.6517,Negative,0.6517,,0.22699999999999998,,PuestoLoco,,0,,,".@iamrobineublind -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:08:24 -0700,629670432162058240,Florida Central West Coast,America/New_York -7238,Donald Trump,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,dejahsmommy,,0,,,"I'll admit, some of @realDonaldTrump's commentary during the #GOPDebate was quite hilarious.",,2015-08-07 08:08:23 -0700,629670428995223552,"St. Louis, MO",Central Time (US & Canada) -7239,Rand Paul,0.6966,yes,1.0,Negative,0.6966,None of the above,1.0,,hunterbthrasher,,2,,,"RT @ckimbro927: Paul brilliantly got Christie to admit that he would violate the 4th Amendment. Of course, no one in that building cares. #…",,2015-08-07 08:08:22 -0700,629670424394252288,Memphis/Baton Rouge ,Central Time (US & Canada) -7240,No candidate mentioned,1.0,yes,1.0,Neutral,0.6648,None of the above,1.0,,MeegHunt,,15,,,RT @OhNoSheTwitnt: The audience is like WOO YEAH! THE CONSTITUTION ROCKS! #GOPDebate,,2015-08-07 08:08:21 -0700,629670420023742464,,Atlantic Time (Canada) -7241,No candidate mentioned,1.0,yes,1.0,Negative,0.6659999999999999,None of the above,1.0,,BurntPickles,,5,,,RT @scottjohnson: Is there a stinger after the credits? #GOPDebate,,2015-08-07 08:08:21 -0700,629670419604221952,The Internet, -7242,No candidate mentioned,0.4871,yes,0.6979,Neutral,0.6979,None of the above,0.4871,,allDigitocracy,,0,,,@rhondalevaldo How is @UNITY_JFD working on poverty issues? #TalkPoverty #GOPDebate,,2015-08-07 08:08:19 -0700,629670413694574592,"Washington, DC", -7243,Ted Cruz,1.0,yes,1.0,Negative,0.6135,None of the above,1.0,,montycbh,,259,,,RT @MrPeytonReed: Ted Cruz looks like the poor actor in prosthetics who replaced Crispin Glover in BACK TO THE FUTURE PART 2. #GOPDebate,,2015-08-07 08:08:19 -0700,629670413627338752,,Pacific Time (US & Canada) -7244,Donald Trump,1.0,yes,1.0,Positive,0.3636,None of the above,1.0,,Johnisnotamused,,0,,,"Actually Trump, we live in the least violent time in human history. #GOPDebate",,2015-08-07 08:08:17 -0700,629670404588740608,literally anywhere else,Quito -7245,Donald Trump,1.0,yes,1.0,Neutral,1.0,Religion,0.6966,,kristinfleck,,52,,,"RT @rabiasquared: Are you there God? It's me, #Trump's hair #GOPDebate",,2015-08-07 08:08:15 -0700,629670395717754880,"Cincinnati, Ohio",Quito -7246,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,sarahbednarz,,33,,,"RT @tmobrien: We aren't letting people outside of the U.S. see this, right? #GOPDebate",,2015-08-07 08:08:14 -0700,629670389715726336,,Central Time (US & Canada) -7247,Donald Trump,1.0,yes,1.0,Negative,0.6818,Racial issues,1.0,,mereallyes,,60,,,"RT @ColorOfChange: Let's be clear. The ""nerve"" that Donald Trump is hitting is white supremacy. #GOPDebate #TrumpHate",,2015-08-07 08:08:13 -0700,629670388163833856,,Pacific Time (US & Canada) -7248,No candidate mentioned,1.0,yes,1.0,Neutral,0.3492,None of the above,1.0,,dancardenas85,,0,,,Thinking about getting tickets to next month's #GOPdebate for @Mikercardenas for his birthday. You wanna chip in @Haylow @larebecky?,,2015-08-07 08:08:12 -0700,629670382685913088,"Sacramento, Ca",Arizona -7249,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wdevoe,,0,,,"If Donald Trump wins the election, then we'll know we're on the Biff-stole-the-almanac timeline. #GOPDebate http://t.co/6f7jEbMo9k",,2015-08-07 08:08:09 -0700,629670369700372480,"Denver, Colorado",Mountain Time (US & Canada) -7250,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Immigration,1.0,,EusebiaAq,,0,,,@nwlc Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:08:08 -0700,629670364742750208,America,Eastern Time (US & Canada) -7251,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jbwritergirl,,0,,,"If you thought COPD was bad, I woke up this morning with a bad case of GOPD! Hope the XLax kicks in soon! #GOPDebate",,2015-08-07 08:08:07 -0700,629670360766529536,California,Pacific Time (US & Canada) -7252,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6292,,Simnaedus,,115,,,"RT @BettyBowers: Chris ""9/11"" Christie only 9/11 mentions 9/11 every 9/11 other 9/11 minute NOT for political 9/11 reasons. #GOPDebate",,2015-08-07 08:08:07 -0700,629670359923560448,"Chicago, IL", -7253,No candidate mentioned,0.6593,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NYC_Dweller,,0,,,@CrystalPrebola she made a fool out of herself. @megynkelly lost a lot of respect from many #GOPDebate,,2015-08-07 08:08:06 -0700,629670357717245952,"New York, NY", -7254,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,Johnmarc,,45,,,RT @sethbringman: RT if you're even more Ready for @HillaryClinton after watching tonight's debate. #GOPDebate,,2015-08-07 08:08:05 -0700,629670354869301248,"Minneapolis, MN",Central Time (US & Canada) -7255,No candidate mentioned,1.0,yes,1.0,Positive,0.6786,None of the above,1.0,,armadillosoft,,0,,,"RT @chuckwoolery -There are a lot of good people running. -That’s my takeaway. - -#GOPDebate",,2015-08-07 08:08:05 -0700,629670351442587648,Far left coast,Pacific Time (US & Canada) -7256,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,0.6484,,ssbruce528,,136,,,"RT @BettyBowers: Please tell anyone playing an ""OBAMACARE"" drinking game what happened after the first half of the #GOPDebate when they com…",,2015-08-07 08:08:03 -0700,629670346283552768,,Central Time (US & Canada) -7257,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,WhitneyNeal,,0,,,Of note - Hillary will launch her student loan reform package on Monday. Something the #GOP didn't discuss during #GOPDebate but resonates.,,2015-08-07 08:08:02 -0700,629670342244458496,"Arlington, VA",Eastern Time (US & Canada) -7258,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,jordangel2981,,130,,,"RT @P0TUS: LADIES AND GENTLEMEN; - -BOYS AND GIRLS OF ALL AGES; - -YOUR 2015 #GOPDebate !!! http://t.co/6r6olwtQtS",,2015-08-07 08:08:02 -0700,629670340030038016,Devens MA,Eastern Time (US & Canada) -7259,Ted Cruz,0.2357,yes,0.6703,Neutral,0.3516,None of the above,0.4493,,CarolHello1,,0,,,#GOPDebate Results: https://t.co/3jlaQXZfAA,,2015-08-07 08:08:02 -0700,629670338775756800,California❀◄★►❀Conservative,Arizona -7260,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Garrison_JA,,1,,,"Trump's platform is essentially ""Everyone is a moron."" Winning the primary might prove his point. #GOPDebate",,2015-08-07 08:08:01 -0700,629670335126745088,"Memphis, TN",Central Time (US & Canada) -7261,Ben Carson,0.4447,yes,0.6669,Positive,0.6669,None of the above,0.4447,,mike_ironmike,,71,,,"RT @BigHeadSports: Ben Carson moved up on my draft board. Sneaky quickness, reads the field well. #GOPDebate",,2015-08-07 08:08:01 -0700,629670334703075328,Iowa, -7262,Donald Trump,0.6632,yes,1.0,Negative,0.6526,None of the above,0.6632,,LaVeezy,,0,,,"My personal view on this guy! -#GOPDebate #sorrynotsorry @FoxNews http://t.co/1alj9CpiCg",,2015-08-07 08:08:00 -0700,629670330542374912,, -7263,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,Religion,1.0,,nanci_pray2jc,,33,,,"RT @liars_never_win: Please ask the Democrats about God during their debates so the audience can boo @FoxNews -#GOPDebate",,2015-08-07 08:08:00 -0700,629670330240495616,Gator Country Florida, -7264,No candidate mentioned,1.0,yes,1.0,Positive,0.3678,FOX News or Moderators,0.6897,,jonathanpomboza,,2,,,"RT @kavithadavidson: I will totally stay tuned for god, Megyn. #GOPDebate",,2015-08-07 08:07:59 -0700,629670329527468032,New York City, -7265,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6848,,DWHignite,,0,,,If you ignore the #propaganda you would know that 6million more people are in #poverty under #Obama #GOPDebate #tcot https://t.co/TEVcpjqeIA,,2015-08-07 08:07:59 -0700,629670327002472448,, -7266,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kwarnockny,,19,,,"RT @kevinrfree: Please stop talking about Ronald Reagan they way Ronald Reagan talked about Abraham Lincoln. -#GOPDebate",,2015-08-07 08:07:59 -0700,629670326847283200,NYC,Eastern Time (US & Canada) -7267,No candidate mentioned,1.0,yes,1.0,Neutral,0.687,None of the above,1.0,,Morpheyous,,0,,,(via http://t.co/ZOtA3QU9qC ) CNN: Did you watch #GOPDebate last night? Here are 8 takeaways from the event: … http://t.co/3nI1GB0SQI,,2015-08-07 08:07:57 -0700,629670317972148224,Grand Island NY,Eastern Time (US & Canada) -7268,No candidate mentioned,1.0,yes,1.0,Negative,0.7234,Foreign Policy,0.6383,,PruneJuiceMedia,,0,,,How can ANYONE stop ISIS in 90 days? That’s a setup question. #GOPDebate,,2015-08-07 08:07:56 -0700,629670316399329280,"Atlanta, Georgia",Eastern Time (US & Canada) -7269,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,JehoshuaKilen,,0,,,Why are we choosing Presidential candidates based on how much they entertain us? #GOPDebate,,2015-08-07 08:07:56 -0700,629670315837140992,"Tacoma, WA",Pacific Time (US & Canada) -7270,Donald Trump,1.0,yes,1.0,Neutral,0.6499,None of the above,1.0,,FloggerMiester,,0,,,"@PolitixGal @garthkirkwood ""never give up your leverage before the negotiation starts"" - Donald #Trump 2015 -#GOPDebate -#TrumpForPresident",,2015-08-07 08:07:56 -0700,629670313341677568,The Dungeon,Dublin -7271,Ben Carson,0.4302,yes,0.6559,Positive,0.6559,None of the above,0.4302,,maria_hawley,,30,,,RT @DabneyPorte: Ohhhh #BenCarson. Your honesty and beautiful soul make us love you #gopdebate,,2015-08-07 08:07:54 -0700,629670308148936704,, -7272,Mike Huckabee,0.4038,yes,0.6354,Positive,0.3333,None of the above,0.4038,,realyosefstein,,0,,,"@LarronB overall the @GOP candidates demonstrated competence, command of the issues & a shared optimistic vision. Thts what mttrs #GOPDebate",,2015-08-07 08:07:54 -0700,629670306161033216,"Lakewood, NJ", -7273,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Shaun_Grebes,,0,,,@speakthequiet @EmbraceTheCoda Carson polling 2nd disproves #conservative #racism despite yrs of calling the PRESIDENT the n word #GOPDebate,,2015-08-07 08:07:54 -0700,629670304831414272,, -7274,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,Sweet_Loops,,0,,,"Since I went to get my hair done last night, I had to miss the new Comedy show, err I mean the #GOPDebate...so, how was it?",,2015-08-07 08:07:52 -0700,629670297747202048,"Chicago, IL.",Central Time (US & Canada) -7275,No candidate mentioned,1.0,yes,1.0,Neutral,0.6311,None of the above,1.0,,MahaKylie,,0,,,Wait... did anyone bring up climate change and green energy at the debate last night? #GOPDebate,,2015-08-07 08:07:51 -0700,629670293863272448,YCP 2017,Eastern Time (US & Canada) -7276,Donald Trump,0.2282,yes,0.6702,Positive,0.6702,None of the above,0.2282,,pburdzy,,0,,,"Trump-ratings #GOPDebate -""overnight numbers seemed to surpass everyone's expectations"" - -http://t.co/G3AaWdOBpd",,2015-08-07 08:07:50 -0700,629670288238714880,,Central Time (US & Canada) -7277,No candidate mentioned,1.0,yes,1.0,Negative,0.6753,None of the above,0.6744,,dahllaz,,45,,,RT @Shakestweetz: Here is your regular reminder that the Republican Party values fetuses more highly than the people who carry them. #GOPDe…,,2015-08-07 08:07:47 -0700,629670279250251776,"Eugene, OR",Pacific Time (US & Canada) -7278,Ben Carson,1.0,yes,1.0,Neutral,0.6596,None of the above,1.0,,maria_hawley,,50,,,"RT @NetAdvisor: #GOPDebate LIVE: #BenCarson -I'm the only one who has taken out 1/2 a brain. But u would think that someone in Washington h…",,2015-08-07 08:07:47 -0700,629670278788820992,, -7279,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6737,,bookgirl1105,,523,,,RT @zellieimani: #BlackLivesMatter got 15 and back to talking about Iran. ISIS hasn't killed 685+ Americans. The police have. #GOPDebate,,2015-08-07 08:07:47 -0700,629670278252089344,"Burlington, NC",Indiana (East) -7280,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,wall_ezy,,1,,,Entertainment at its finest. Can't help but wonder how #educated #Americans are reacting to #GOPDebate or the lack thereof.,,2015-08-07 08:07:47 -0700,629670277090308096,,Central Time (US & Canada) -7281,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,None of the above,0.7011,,PaulRaheb,,0,,,.@Citiz4Solutions @GrahamBlog @HillaryClinton Solutions should be based on the science or they are not solutions #GOPDebate #CRESEnergy,,2015-08-07 08:07:46 -0700,629670273076170752,Central California,Pacific Time (US & Canada) -7282,Donald Trump,0.6832,yes,1.0,Negative,0.6832,None of the above,0.6832,,sautter,,0,,,"Republican debate, newspaper front pages: - -#FoxNewsDebate #GOPdebate #GOP http://t.co/hBnSjAncgp",,2015-08-07 08:07:45 -0700,629670269184049152,Philadelphia,Eastern Time (US & Canada) -7283,Mike Huckabee,1.0,yes,1.0,Negative,0.6813,Foreign Policy,0.6813,,MarcGreen25,,1,,,"#Huckabee : ""the purpose of the military is to kill people and break things"", I thought military was for national security? #GOPDebate",,2015-08-07 08:07:45 -0700,629670268634443776,Westmeath,London -7284,No candidate mentioned,1.0,yes,1.0,Neutral,0.6824,None of the above,0.6824,,star_rekt,,190,,,RT @ValeeGrrl: Why does this debate panel make me think of this? #GOPDebate http://t.co/eq8d6AuDqm,,2015-08-07 08:07:44 -0700,629670264796786688,"at my house, duh",Eastern Time (US & Canada) -7285,No candidate mentioned,0.4563,yes,0.6755,Neutral,0.6755,Immigration,0.4563,,EusebiaAq,,0,,,@Newsweek Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:07:43 -0700,629670262678491136,America,Eastern Time (US & Canada) -7286,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,JonathanJewel,,1,,,"GOP are going crazy over Carly Fiorina - -That's not surprising - -GOP loves people who knows how to crash an economy - -#GOPDebate",,2015-08-07 08:07:43 -0700,629670262632353792,,Alaska -7287,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DasariRGB,,0,,,@realDonaldTrump's narcissism got in the way of the outrage that #GOP voters have found appealing http://t.co/BQRoLmrwre #GOPDebate,,2015-08-07 08:07:43 -0700,629670258744410112,South Florida,Eastern Time (US & Canada) -7288,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Skylarmander3,,158,,,RT @maureenjohnson: This is what you get after a bunch of Facebook comments are bitten by a radioactive spider. #GOPDebate,,2015-08-07 08:07:40 -0700,629670249101590528,, -7289,No candidate mentioned,0.4307,yes,0.6562,Neutral,0.6562,None of the above,0.4307,,Rebellin0,,35,,,RT @MartinOMalley: We need to expand #SocialSecurity and we need to be unabashed about it. #GOPDebate #WWOMD http://t.co/5gVkAN7xWm,,2015-08-07 08:07:37 -0700,629670236803960832,,Dublin -7290,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Frightlin,,19,,,RT @tarynoneill: THERE WAS NOT ONE QUESTION ON CLIMATE CHANGE OR THE ENVIRONMENT. #thatiswhytheGOPwilllose #GOPDebate,,2015-08-07 08:07:37 -0700,629670236518805504,"Davenport, Iowa. ",Central Time (US & Canada) -7291,Chris Christie,0.6437,yes,1.0,Negative,1.0,Racial issues,1.0,,TIMMITZ,,0,,,"#GOPDebate ""When the guy from Hillbillyville Kentucky @RandPaulSenate pointed at the fat guy @ChrisChistie for huggin' the Black guy."" LOL !",,2015-08-07 08:07:36 -0700,629670231028404224,everywhere,Eastern Time (US & Canada) -7292,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,sanacardi,,0,,,There was a lot of 'God' going on last night. #GOPDebate,,2015-08-07 08:07:36 -0700,629670230176849920,Henderson. Nevada,Pacific Time (US & Canada) -7293,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JohanYlinen,,0,,,I used to admire @RealJamesWoods back when he was an actor. As a politician he’s just a white privileged asshole. #gopdebate,,2015-08-07 08:07:35 -0700,629670226444066816,"Skellefteå, Sweden",Stockholm -7294,John Kasich,1.0,yes,1.0,Negative,0.6364,Healthcare (including Medicare),0.7045,,allDigitocracy,,1,,,RT @etammykim: .@allDigitocracy There was SO little #talkpoverty in the #GOPDebate. The closest we got was Kasich defending OH's Medicaid e…,,2015-08-07 08:07:34 -0700,629670222270754816,"Washington, DC", -7295,No candidate mentioned,1.0,yes,1.0,Negative,0.6633,None of the above,0.6633,,BManCapone,,0,,,"If you're looking to ""sift through the bulls***,"" as Jon Stewart put it so well: http://t.co/GALOIw0dvy #GOPDebate",,2015-08-07 08:07:33 -0700,629670219263422464,Connecticut,Eastern Time (US & Canada) -7296,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6711,,michele_favaro,,0,,,"#GOPDebate Until men stop trying to control women's bodies with laws it will be hard to teach that ""no means no"" in a meaningful way.",,2015-08-07 08:07:33 -0700,629670219150151680,"Long Island, NY",Eastern Time (US & Canada) -7297,John Kasich,0.46299999999999997,yes,0.6804,Positive,0.3505,None of the above,0.46299999999999997,,coopek,,1,,,"RT @full_of_moxie: it's such a low bar we set, but I was mostly impressed with @JohnKasich's ability to act like he had some sense on stage…",,2015-08-07 08:07:32 -0700,629670213005537280,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -7298,No candidate mentioned,1.0,yes,1.0,Neutral,0.3367,None of the above,0.6633,,24Looney,,255,,,RT @nascarcasm: WHAT WE LEARNED: Ronda Rousey can knock someone out in less time than it takes for a politician to answer a question. #GOPD…,,2015-08-07 08:07:32 -0700,629670212787404800,United States,Eastern Time (US & Canada) -7299,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,boodlesmom,,0,,,I think I'm the only one that liked the #GOPDebate. I'm glad for the tough questions off the bat. I know where they stand on issues now 🇺🇸,,2015-08-07 08:07:30 -0700,629670206349123584,North Carolina,Eastern Time (US & Canada) -7300,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,briankinsella85,,0,,,#MikeHuckabee has a really good career prospect as an open mic comedian #GOPDebate,,2015-08-07 08:07:29 -0700,629670203907948544,,Pacific Time (US & Canada) -7301,No candidate mentioned,1.0,yes,1.0,Positive,0.6535,None of the above,1.0,,plbrocks,,1,,,RT @RossCameron4: #GOPDebate rules used to require the audience to stay silent. The @GOP trusting audience to boo applaud was genius. http:…,,2015-08-07 08:07:28 -0700,629670198711205888,"Melbourne, Australia",Melbourne -7302,No candidate mentioned,0.449,yes,0.6701,Negative,0.3505,None of the above,0.449,,dorihenry,,0,,,"The answer to the most important question of the #GOPDebate is yes, Joe Flacco is, in fact, an elite quarterback. #RavensNation",,2015-08-07 08:07:28 -0700,629670197503389696,N 39°21' 0'' / W 76°36' 0'',Quito -7303,No candidate mentioned,0.4302,yes,0.6559,Negative,0.6559,FOX News or Moderators,0.4302,,VenusVisitor,,3,,,"RT @Rosie_Brush: The way @FoxNews handled the debates last night, @jerryspringer would have been more fair w/airtime & appropriate #GOPDeba…",,2015-08-07 08:07:26 -0700,629670187323686912,Venus, -7304,Donald Trump,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,ltmd11,,0,,,@johnb631 #HappyFriday JB! That was fun watching #GOPDebate 😎 Hope we pick a good one & Trump doesn't run 3rd party😁,,2015-08-07 08:07:25 -0700,629670186480701440,North Carolina,Atlantic Time (Canada) -7305,Ben Carson,0.6809,yes,1.0,Positive,1.0,None of the above,1.0,,crib160,,1,,,Excited to see how my personal favorites will continue to do after last night! @CarlyFiorina @marcorubio and @RealBenCarson #GOPDebate #2016,,2015-08-07 08:07:25 -0700,629670186333904896,, -7306,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,None of the above,1.0,,frankdugan,,2,,,RT @ZeitgeistGhost: What i or any other sane person thinks of the of 1st #GOPDebate doesn't matter. It's the soulless pittiful assholes who…,,2015-08-07 08:07:25 -0700,629670183817187328,,Pacific Time (US & Canada) -7307,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,ShrinkGov,,1,,,"Chris Wallace, Megyn Kelly and Bret Baier spoke for 31 minutes and 53 seconds of the roughly 2 broadcast, or 31.7% of the time. #GopDebate",,2015-08-07 08:07:24 -0700,629670181778755584,Republic of Texas,Central Time (US & Canada) -7308,Ted Cruz,0.6751,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,2,,,"Demagogues, megalomaniacs and Machiavellian are words that kept coming to mind watching #GOPDebate @Wooflepup",,2015-08-07 08:07:24 -0700,629670179522392064,Norcal,Pacific Time (US & Canada) -7309,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GeorgeARomeo,,0,,,Maybe my definition of winning a debate is different than most but Trump not answering questions or providing credible answers?? #GOPDebate,,2015-08-07 08:07:22 -0700,629670171561566208,,Eastern Time (US & Canada) -7310,Chris Christie,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,colinpwll,,0,,,"Hmm. Who new @ChrisChristie's father was the first person ever to graduate from college? #GOPdebate ""In my family"" missing?",,2015-08-07 08:07:21 -0700,629670167660875776,"Castine, Maine",Eastern Time (US & Canada) -7311,John Kasich,1.0,yes,1.0,Neutral,0.679,Healthcare (including Medicare),1.0,,etammykim,,1,,,.@allDigitocracy There was SO little #talkpoverty in the #GOPDebate. The closest we got was Kasich defending OH's Medicaid expansion.,,2015-08-07 08:07:19 -0700,629670158991122432,New York,Eastern Time (US & Canada) -7312,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Juandedios_VF,,0,,,Last night #Rand Paul show us that he will face Donald #Trump and beat him many times if it possible #GOPDebate,,2015-08-07 08:07:17 -0700,629670150585905152,Santa Cruz - Bolivia ,La Paz -7313,No candidate mentioned,0.4108,yes,0.6409999999999999,Negative,0.6409999999999999,None of the above,0.4108,,theamazingtommy,,0,,,"After watching the #GOPDebate, you might as well hand the election to the #Democrat party.",,2015-08-07 08:07:16 -0700,629670147750514688,"Florida,Palm Harbor",Eastern Time (US & Canada) -7314,Ben Carson,0.3636,yes,1.0,Positive,0.6921,None of the above,0.6364,,__sullivanjohn,,0,,,"@BenCarson2016 @SenTedCruz believable - -#GOPDebate - -@megynkelly so #polished #tough - -@GovMikeHuckabee funny guy - -Great #theater",,2015-08-07 08:07:15 -0700,629670142704775168,USA, -7315,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Davidosk,,0,,,"Hands up who won the #GOPDebate polls show @realDonaldTrump to increase his lead after win,America trusts #Trump2016 http://t.co/GKa0V49AlB",,2015-08-07 08:07:14 -0700,629670138468560896,Future Uachtaráin na hÉireann,Dublin -7316,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6903,,amberinokc,,0,,,Blaming @megynkelly for your misogynistic attitudes is absolutely ridiculous. You proved again that you are ridiculous. #Trump #GOPDebate,,2015-08-07 08:07:14 -0700,629670137386274816,Oklahoma City, -7317,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,coopek,,1,,,"RT @pramukta: “Anyone who campaigns for public office becomes disqualified for holding any office at all.” ― Thomas More, Utopia #GOPDebate",,2015-08-07 08:07:13 -0700,629670133103992832,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -7318,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,jacremes,,0,,,"Okay, what are the top two or three things I should read or listen to on each debate last night (that is, #GOPDebate and #macdebate)?",,2015-08-07 08:07:12 -0700,629670130688073728,New Haven and Brooklyn,Eastern Time (US & Canada) -7319,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.6559,None of the above,0.4302,,deafgeoff,,0,,,#GOPDebate ratings: Fox News reportedly draws record audience for Republican debate http://t.co/8HpdUs1KUD,,2015-08-07 08:07:12 -0700,629670130130251776,Syracuse NY,Eastern Time (US & Canada) -7320,No candidate mentioned,1.0,yes,1.0,Positive,0.6814,Abortion,1.0,,littleredblog,,2,,,"#RickSantorum brings full crazy to GOP debate, compares same-sex marriage and abortion to slavery http://t.co/oHxdLlKnVx #WeGotEd #Gopdebate",,2015-08-07 08:07:11 -0700,629670126854520832,Toledo Detroit,Eastern Time (US & Canada) -7321,,0.2286,yes,0.6464,Neutral,0.6464,None of the above,0.4178,,JessesgirlRosie,,23,,,RT @MaryMorientes: To future GOP debates. #selfdestruct #GOPDebate #DonaldTrump #Hillary2016 hillary clinton #BenCarson #Kasich2016 http://…,,2015-08-07 08:07:10 -0700,629670123515740160,, -7322,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DrDivina,,0,,,"If @realDonaldTrump can't take questions based on his history from @megynkelly w/o going off, his inability to take heat=problem. #GOPDebate",,2015-08-07 08:07:07 -0700,629670107699118080,Indiana/Florida,Eastern Time (US & Canada) -7323,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6638,,ColJE10,,17,,,RT @crazylary51: #FoxDebate #GOPDebate #Republicans THE U.S AXIS OF EVIL THAT IS #FOXNEWS http://t.co/PhvvbB7CFC”,,2015-08-07 08:07:06 -0700,629670104809254912,315,Atlantic Time (Canada) -7324,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,onhilburn,,4,,,"RT @mike_hollan: Wow, Megan Kelly is bombing at a debate. All she has to do is ask questions and she can't handle it. -#GOPDebate",,2015-08-07 08:07:06 -0700,629670103450173440,, -7325,No candidate mentioned,1.0,yes,1.0,Neutral,0.6147,None of the above,1.0,,c_talbot,,0,,,"Anyone who watched the #GOPDebate should probably go read Neil Postman's ""Amusing Ourselves to Death"" ASAP.",,2015-08-07 08:07:04 -0700,629670098995937280,"Nashville, TN",Central Time (US & Canada) -7326,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6754,,onhilburn,,4,,,RT @QuillGroupEC: This is ridiculous. Megan Kelly thinks this show is about her. #GOPDebate,,2015-08-07 08:07:03 -0700,629670094633742336,, -7327,No candidate mentioned,0.3839,yes,0.6196,Negative,0.6196,Women's Issues (not abortion though),0.3839,,ballerinaX,,0,,,So were some of the biggest positive audience responses at #GOPDebate to rhetoric about actively killing people &/or letting women die ?,,2015-08-07 08:07:03 -0700,629670094021341184,Salt Lake City ,Mountain Time (US & Canada) -7328,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MelanieHarmon,,0,,,I'm taking a poll: who do you think won the debate last night? RT with your answer! #GOPdebate,,2015-08-07 08:07:02 -0700,629670090653347840,"Washington, DC & Denver, Co",Eastern Time (US & Canada) -7329,Donald Trump,1.0,yes,1.0,Negative,0.6459999999999999,None of the above,1.0,,TheFouzia,,0,,,"#GOPDebate , no one was looking real smart but bunch of..still some of 'em showed up wth good spirits & smartness but Donald.👉🏾Donald 👎🏾👎🏾😂😂",,2015-08-07 08:07:01 -0700,629670086362533888,"Texas, USA", -7330,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JenGlasco,,0,,,Kinda liking #DonaldTrump for prez. #GOPDebate #KeepitReal,,2015-08-07 08:07:01 -0700,629670086245113856,"Mansfield, TX",Central Time (US & Canada) -7331,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,cardo_dav,,0,,,Slightly disappointed @Brazzers didn't bring the 🔥🔥 for the #GOPDebate so many opportunities for puns...,,2015-08-07 08:07:01 -0700,629670085330927616,WSU Alumnus,Central Time (US & Canada) -7332,No candidate mentioned,0.2222,yes,0.6667,Negative,0.6667,None of the above,0.4444,,JimmyFromPhilly,,0,,,Not a single question about #LennyKravitz 's penis last night? #GOPDebate #trump,,2015-08-07 08:06:59 -0700,629670075281227776,"Chandler, AZ.",Pacific Time (US & Canada) -7333,Donald Trump,1.0,yes,1.0,Neutral,0.6482,None of the above,1.0,,kyaecker,,0,,,http://t.co/7A6fwkAm8K I for one will watch something else at 9pm. They should move #hannity back to that spot #gopdebate,,2015-08-07 08:06:59 -0700,629670075251822592,California Sierra Nevada,Pacific Time (US & Canada) -7334,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.3367,None of the above,0.4265,,laurenbork,,1,,,"RT @atmccann: shoutout to @bencasselman on that six hour #GOPDebate to #jobsday turnaround, BEAST MODE",,2015-08-07 08:06:58 -0700,629670073804922880,BK CT,Quito -7335,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.449,,LiveNewsyTweets,,1,,,RT @MarkOdum: after @foxnews #Gopdebate @megynkelly made it a mockery last night i look forward to #internationalbeerday,,2015-08-07 08:06:58 -0700,629670073075113984,,Arizona -7336,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kendrcali,,0,,,@megynkelly you really were awful last night. Hope no one lets you host again just awful ugh and you were awkward.. #GOPDebate,,2015-08-07 08:06:58 -0700,629670072026447872,culver city, -7337,Donald Trump,1.0,yes,1.0,Positive,0.3516,None of the above,1.0,,omartin41,,1,,,"RT @Sir_Max: bentonlee1: RT DrMartyFox: #Trump Wins Drudge -Debate Poll - -➡️ By A Landslide - -#TedCruz #2 - -#GOPDebate #PJNET🇺🇸… http://t.c…",,2015-08-07 08:06:58 -0700,629670071460167680,, -7338,Mike Huckabee,0.6726,yes,1.0,Negative,0.3687,None of the above,1.0,,MilwSpinny,,0,,,"#GOPDebate Winners yesterday: Carly, Ben Carson, Marco Rubio, and, sadly, big gov't Mike Huckabee. Can Carly knock Christie off the stage?",,2015-08-07 08:06:56 -0700,629670064933875712,"Milwaukee, Wisconsin",Central Time (US & Canada) -7339,,0.2257,yes,0.6559,Positive,0.3333,,0.2257,,intrntwrlrd,,0,,,Looking at @Wonkette's liveblog from the #GOPdebate I'm proud of my livetweeting. My play by play was on par with... http://t.co/SPZ56HeTpG,,2015-08-07 08:06:55 -0700,629670058495754240,Massachusetts,Eastern Time (US & Canada) -7340,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7143,,GruenTiff,,8,,,RT @aebrennen: Any candidate that rejects Common Core without a legitimate and thoughtful alternative should NOT be taken seriously. #GOPDe…,,2015-08-07 08:06:53 -0700,629670050786603008,, -7341,No candidate mentioned,0.4871,yes,0.6979,Negative,0.3542,None of the above,0.4871,,BluegrassBelle_,,2,,,"Guys, thanks for not unfollowing me in masses after last night #GOPDebate",,2015-08-07 08:06:53 -0700,629670049310208000,,Eastern Time (US & Canada) -7342,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,M_Kuppler,,16,,,RT @TheRossEverett: The guy hosting the periscope stream of the #GOPDebate I'm watching just took a bong hit and it's been the most sane th…,,2015-08-07 08:06:49 -0700,629670035636756480,Blue Suede Steel #31,Central Time (US & Canada) -7343,Donald Trump,1.0,yes,1.0,Positive,0.6737,FOX News or Moderators,1.0,,jolemo376,,2,,,I think @FoxNews did everything it could to derail the @realDonaldTrump during the #GOPDebate. Newsflash you failed @megynkelly,,2015-08-07 08:06:48 -0700,629670029638766592,, -7344,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,Racial issues,1.0,,BCCBrooklyn,,481,,,RT @kumailn: Guys! We've cured racism! I didn't realize until just now! Congrats all! #GOPDebate,,2015-08-07 08:06:48 -0700,629670029441810432,Brooklyn, -7345,No candidate mentioned,1.0,yes,1.0,Positive,0.6889,FOX News or Moderators,0.6556,,Davelee71,,0,,,@greta @CarlyFiorina after last night @CarlyFiorina jumped to the top of my list! #GOPDebate #FOXNEWSDEBATE #Fiorina,,2015-08-07 08:06:48 -0700,629670028485521408,, -7346,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,coopek,,1,,,RT @KKawecki: Record audience for the #GOPDebate last night. Record numbers of people call in 'sick' to work today.,,2015-08-07 08:06:47 -0700,629670025482366976,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -7347,Jeb Bush,0.6904,yes,1.0,Negative,1.0,Foreign Policy,0.3523,,gypsy18,,0,,,"@sdblanke Bush Cheney raped, plundered, pillaged the whole WORLD b4 they left office. Obama killed one REALLY BAD GUY + is black. #GOPDebate",,2015-08-07 08:06:46 -0700,629670023120994304,Washington DC,Eastern Time (US & Canada) -7348,Mike Huckabee,1.0,yes,1.0,Positive,0.3448,Religion,1.0,,maxbeckett22,,219,,,"RT @wriglied: Huckabee: We need a leader who believes we can once again be one nation under God. - -SEPARATION. BETWEEN. CHURCH. AND. STATE. …",,2015-08-07 08:06:46 -0700,629670019983646720,Watching Breaking Bad, -7349,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.3667,,AntarianRani,,0,,,You can't accuse the #GOPDebate of being bigoted because they had a token woman & both a token black & Hispanic.,,2015-08-07 08:06:44 -0700,629670012408631296,Antar,Mountain Time (US & Canada) -7350,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Janellista,,0,,,After watching the #GOPDebate.../ Garbage Opression Prejudice debate..… https://t.co/LqdSrbJML4,,2015-08-07 08:06:38 -0700,629669987322601472,"�T: 39.093515,-94.565434",Central Time (US & Canada) -7351,Donald Trump,1.0,yes,1.0,Negative,0.6344,None of the above,1.0,,haniapowell,,0,,,@realDonaldTrump pretty much eliminates the need for political satire. The man's a walking @TheOnion article. #GOPDebate,,2015-08-07 08:06:38 -0700,629669986727030784,"Orlando, FL", -7352,No candidate mentioned,1.0,yes,1.0,Negative,0.6812,None of the above,1.0,,major_buzzkill,,0,,,I'm noticing that NONE of the republicans can give a straight answer. #GOPDebate #GOPClownCar,,2015-08-07 08:06:37 -0700,629669985174945792,"Longview, WA",Mountain Time (US & Canada) -7353,Ted Cruz,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,briankinsella85,,0,,,#TedCruz Let's get rid of every executive action ever and get rid of everything I don't believe in despite of popular belief #GOPDebate,,2015-08-07 08:06:36 -0700,629669978262798336,,Pacific Time (US & Canada) -7354,,0.2314,yes,0.6366,Negative,0.3527,,0.2314,,katiethebooth,,0,,,"“I’ve been very nice to you,” Trump told Kelly, “although I could probably maybe not be.” #GOPDebate http://t.co/1bCQcmLFry",,2015-08-07 08:06:36 -0700,629669977809911808,"New York, NY", -7355,No candidate mentioned,1.0,yes,1.0,Neutral,0.6721,Immigration,1.0,,EusebiaAq,,0,,,@wxyzdetroit Who's the real illegal alien #GOPDEbate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:06:35 -0700,629669975846817792,America,Eastern Time (US & Canada) -7356,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,furyof1000sons,,30,,,"RT @samswey: The police divide us by policing black communities in a more violent way, giving us different realities re: police violence. #…",,2015-08-07 08:06:33 -0700,629669969089970176,, -7357,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,GIVENT0FLY,,0,,,Spot on! #GOPDebate https://t.co/TreFevibWU,,2015-08-07 08:06:29 -0700,629669951553474560,"Hamilton County, IN",Eastern Time (US & Canada) -7358,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,groundgamehq,,0,,,Scott Walker Video Highlights from the #gopdebate https://t.co/1YBWUAMd4o via @YouTube,,2015-08-07 08:06:29 -0700,629669951176077312,"Mauldin, SC",Quito -7359,Ben Carson,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,hnmonty20,,0,,,.@RealBenCarson is a class act #GOPDebate,,2015-08-07 08:06:28 -0700,629669944481808384,"Nashville, TN",Quito -7360,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,ColJE10,,29,,,"RT @SonarJose: Meanwhile, in the @nbcsnl writer's room tonight... -#FoxDebate #GOPDebate http://t.co/QvM1vC3bZ3",,2015-08-07 08:06:27 -0700,629669940048564224,315,Atlantic Time (Canada) -7361,No candidate mentioned,0.4255,yes,0.6523,Negative,0.6523,None of the above,0.4255,,imwithglennbeck,,20,,,RT @JohnGGalt: I'm ready to fire all politicians! #MakeAmericaGreatAgain #GOPDebate,,2015-08-07 08:06:26 -0700,629669939306233856,, -7362,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ogeyemy,,0,,,Summer has been fun and I'm not quite sure of how I feel about the fact that it is AUGUST. The politics and the #GOPDebate makes it worse󾌠󾌧,,2015-08-07 08:06:26 -0700,629669938656083968,MD, -7363,No candidate mentioned,1.0,yes,1.0,Negative,0.6361,Women's Issues (not abortion though),1.0,,rachel_cain_94,,4,,,RT @HYRedmond: #GOPDebate waited for candidate to jump in after #rosie comment to say NO ONE should speak about women like that. Would have…,,2015-08-07 08:06:24 -0700,629669928577146880,,Ljubljana -7364,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ogeyemy,,0,,,Summer has been fun and I'm not quite sure of how I feel about the fact that it is AUGUST. The politics and the #GOPDebate makes it worse😠😍,,2015-08-07 08:06:24 -0700,629669927612452864,MD, -7365,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sallykohn,,25,,,"Common refrain at #GOPDebate? Blame political correctness for unpopularity of GOP positions -- vs, I dunno, UNPOPULARITY OF THOSE POSITIONS!",,2015-08-07 08:06:22 -0700,629669920117276672,here and there,Eastern Time (US & Canada) -7366,No candidate mentioned,0.4605,yes,0.6786,Negative,0.3452,FOX News or Moderators,0.2343,,PuestoLoco,,0,,,".@CorrectRecord @HillaryClinton - FOX/GOP Party Hunger Games-Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:06:20 -0700,629669910801584128,Florida Central West Coast,America/New_York -7367,No candidate mentioned,0.6705,yes,1.0,Negative,0.3523,None of the above,1.0,,ProfessorRobo,,0,,,There were quite a few Social liberals on last night’s #GOPDebate stage …jus saying @Varneyco,,2015-08-07 08:06:20 -0700,629669910650716160,Las Vegas,Pacific Time (US & Canada) -7368,No candidate mentioned,1.0,yes,1.0,Positive,0.6629999999999999,None of the above,1.0,,SantosVictorero,,0,,,#GOPdebate: Early numbers suggest record audience ... http://t.co/AsONS3bsG6,,2015-08-07 08:06:17 -0700,629669899267403776,"Boca Raton, Florida USA",Eastern Time (US & Canada) -7369,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,LadySandersfarm,,3,,,You have no clue what silent majority is thinking.Your mindset comes frm 2% of pop. You're out of touch. #GOPDebate https://t.co/mNVfxqEvMk,,2015-08-07 08:06:12 -0700,629669879910563840,Southern and proud. ,Central Time (US & Canada) -7370,Rand Paul,1.0,yes,1.0,Negative,0.6667,Jobs and Economy,0.6667,,evan_welch,,11,,,RT @ancapkatie: Rand don't call yourself a Reagan conservative let's just remember how many times he raised taxes #GOPDebate,,2015-08-07 08:06:12 -0700,629669878853537792,, -7371,No candidate mentioned,0.465,yes,0.6819,Neutral,0.3499,None of the above,0.465,,SuperTeeWhy,,0,,,Very nice of the #GOPDebate for making themselves a joke to fill the void on an honest heartfelt #JonVoyage evening,,2015-08-07 08:06:12 -0700,629669877297496064,Fucking Paradise.,Pacific Time (US & Canada) -7372,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JesusFreakUSA94,,0,,,"Rubio, Cruz and Carson were the top dawgs in last night's debate. -Walker and Huckabee also had great mments.#GOPDebate",,2015-08-07 08:06:11 -0700,629669873132638208,,Pacific Time (US & Canada) -7373,No candidate mentioned,0.6629999999999999,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,AymieJoi,,1,,,RT @ordynerry: Wanna know how to rally our generation to care about the next presidential election? Get them to watch The West Wing. #GOPDe…,,2015-08-07 08:06:09 -0700,629669865582936064,The Lovely State of NJ,Eastern Time (US & Canada) -7374,Jeb Bush,1.0,yes,1.0,Negative,0.6606,FOX News or Moderators,1.0,,joycee_NH,,0,,,"@BillOReilyTV @FoxNews : Bill detests Jeb, and he shows it on his program. Not fair.#GOPDebate",,2015-08-07 08:06:07 -0700,629669857676521472,USA,Central Time (US & Canada) -7375,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RoeCiarrocchi,,0,,,Lost a lot of respect for @FoxNews @megynkelly & @BretBaier for their treatment of @realDonaldTrump during the #GOPDebate #notfairorbalanced,,2015-08-07 08:06:06 -0700,629669855189430272,,Georgetown -7376,No candidate mentioned,0.4553,yes,0.6748,Neutral,0.6748,Abortion,0.4553,,KyriosityTweets,,0,,,So...I was working last night and couldn't watch the #GOPdebate. Anybody issue a solid call to #DefundPP and #StopPrenatalInfanticide?,,2015-08-07 08:06:06 -0700,629669852433641472,"Moscow, Idaho",Pacific Time (US & Canada) -7377,Rand Paul,0.424,yes,0.6512,Positive,0.6512,None of the above,0.424,,Lady_Battle,,0,,,I'm really impressed with @RandPaul 's ability to NOT roll his eyes at @ChrisChristie #GOPDebate,,2015-08-07 08:06:05 -0700,629669850550407168,Minnesota,Central Time (US & Canada) -7378,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MStuart1970,,4,,,Right! Do u think survivors of the FOX Massacre Debate realize that? #GOPDebate #FoxDebate https://t.co/DtVsB531LT,,2015-08-07 08:06:03 -0700,629669841855713280,"Middle Georgia, USA",Eastern Time (US & Canada) -7379,Donald Trump,0.3951,yes,0.6285,Negative,0.3226,None of the above,0.3951,,MrBrandonCraker,,0,,,This is so f*%king entertaining it should be ILLEGAL! #GOPDebate http://t.co/9johDuI7M9 via @theblaze,,2015-08-07 08:06:03 -0700,629669841566208000,"Eau Claire, Wisconsin",Central Time (US & Canada) -7380,No candidate mentioned,0.2235,yes,0.6629,Negative,0.6629,None of the above,0.2235,,DemsAbroad,,3,,,Misogyny is ugly. It's even uglier when it's cheered and unchecked. #GOPDebate #OMGOP #RetrumplicanParty #UniteBlue http://t.co/trr03fXFZG,,2015-08-07 08:06:02 -0700,629669835627216896,Worldwide!,Eastern Time (US & Canada) -7381,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Abortion,1.0,,breemcmahon,,0,,,"Is ""I know someone who decided against abortion"" the new ""I have black friends""? #GOPDebate",,2015-08-07 08:06:00 -0700,629669828203253760,"charlotte, north carolina",Central Time (US & Canada) -7382,No candidate mentioned,1.0,yes,1.0,Negative,0.6768,None of the above,0.6768,,DJChairmanMoe,,0,,,"When the candidates start talking about their upbringing and ""roots"", it always reminds me of this. #GOPdebate - -https://t.co/mr38neHaHk",,2015-08-07 08:05:55 -0700,629669808359936000,"Seattle, WA",Pacific Time (US & Canada) -7383,No candidate mentioned,0.4497,yes,0.6706,Neutral,0.6706,None of the above,0.4497,,SharmaRajarshi,,2,,,FactChecking the GOP Debate Late Edition #GOPdebate @joselouis4077 @seedywumps @bimmerella @FredChristian10 @NaphiSoc http://t.co/vYjL9fKXx6,,2015-08-07 08:05:54 -0700,629669805260275712,"Albany, USA",Central America -7384,No candidate mentioned,1.0,yes,1.0,Negative,0.6613,None of the above,1.0,,PaperCutPrint,,4,,,#GOPDebate looked like fun. Though I think I missed the swimsuit and talent contest rounds. #EveryoneLovesAPrincess http://t.co/oT7dafq8hi,,2015-08-07 08:05:54 -0700,629669801523347456,Johannesburg and London, -7385,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,FOX News or Moderators,0.6667,,SteveKrak,,7,,,"Next #GOPDebate: September 16, CNN, same rules as Fox News debate (top 10 & also-rans). Have to think Fiorina makes main one, but who’s out?",,2015-08-07 08:05:53 -0700,629669798369230848,"Dallas, TX",Central Time (US & Canada) -7386,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,Immigration,0.6966,,EusebiaAq,,0,,,@FOX2News Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:05:52 -0700,629669796330639360,America,Eastern Time (US & Canada) -7387,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.2292,,Wicks31,,12,,,RT @iSocialFanz: Who would have thought some silly social media site called #Facebook would one day sponsor #GOPDebate @FoxNews,,2015-08-07 08:05:52 -0700,629669795152142336,, -7388,No candidate mentioned,1.0,yes,1.0,Negative,0.375,Religion,0.625,,FotiosT,,0,,,Martha MacCallum gets credit for asking whether Christians have a religious liberty double-standard for Muslims #GOPDebate #toughquestions,,2015-08-07 08:05:50 -0700,629669785522077696,Banks of the Old Raritan,Eastern Time (US & Canada) -7389,No candidate mentioned,0.449,yes,0.6701,Neutral,0.6701,None of the above,0.449,,WSMVTracyKornet,,0,,,“@TheEconomist: A clear winner of the evening? Carly Fiorina #GOPDebate http://t.co/7kTIQPddoT http://t.co/N3TKqx2Ka7”. Agree or disagree?,,2015-08-07 08:05:50 -0700,629669785446453248,Nashville,Mountain Time (US & Canada) -7390,Marco Rubio,0.4746,yes,0.6889,Positive,0.6889,None of the above,0.4746,,NY_SFR,,0,,,...and that's why he's the only one who can lead the #NewAmericanCentury! #StudentsForRubio #GOPDebate https://t.co/rmd1PFxxNZ,,2015-08-07 08:05:49 -0700,629669780983795712,"New York, USA",Eastern Time (US & Canada) -7391,No candidate mentioned,1.0,yes,1.0,Positive,0.6742,FOX News or Moderators,1.0,,TDsVoice,,0,,,@FoxNews @CarlyFiorina won these debates hands down. Let's talked about her. #GOPDebate,,2015-08-07 08:05:47 -0700,629669774205845504,"NYC & Myrtle Beach, SC",Atlantic Time (Canada) -7392,No candidate mentioned,0.4187,yes,0.6471,Neutral,0.3322,,0.2284,,gomantler,,0,,,"Since journalists didn't point it out: not one mention of voting rights in the GOP debate, on 50th anniversary of VRA. #VRA50 #GOPDebate",,2015-08-07 08:05:46 -0700,629669770749607936,"Washington, D.C.", -7393,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6813,,mikejunemusic,,0,,,Ronald Raven is a character created by the GOP to influence children. His sidekick is Klu Klux Klam. #GOPDebate #RickPerry,,2015-08-07 08:05:46 -0700,629669768509784064,"Austin, TX", -7394,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,Women's Issues (not abortion though),0.2234,,PHIrepub,,0,,,Unlike @DNCWomen republicans won't vote based solely on gender. Unreal how articulate @CarlyFiorina is compared to @WhiteHouse #GOPDebate,,2015-08-07 08:05:45 -0700,629669766748372992,"Philadelphia, PA",Pacific Time (US & Canada) -7395,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,0.6818,,Chug_A_Lugg,,0,,,"I've never been a huge Christie fan, but he's the ONLY who made it a point to mention entitlement reform. The only one. #GOPDebate",,2015-08-07 08:05:45 -0700,629669766102253568,Florida,Eastern Time (US & Canada) -7396,No candidate mentioned,0.6458,yes,1.0,Positive,1.0,None of the above,0.6458,,Cheryl_Now,,0,,,RT Cheryl_Now: Amen! This gentleman definitely has my vote. Love him and what he stands for. #GOPDebate #onpoint #… https://t.co/aNzmdIOrVe,,2015-08-07 08:05:45 -0700,629669765498437632,,Pacific Time (US & Canada) -7397,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6962,,MarkJZinn,,0,,,Looks like last night was the highest rated primary debate in history: http://t.co/vJRFUPGVqn #GOPDebate,,2015-08-07 08:05:44 -0700,629669762377863168,"St. Louis, Missouri, U.S.A.",Central Time (US & Canada) -7398,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RyPav,,0,,,"Nothing about the #GOPDebate really matters. If the world is going to be a better place, we need a total sea change in the human condition",,2015-08-07 08:05:43 -0700,629669755897688064,, -7399,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Gun Control,0.3441,,iskandarhai,,2,,,"RT @sussantweets: #huckabee ""The purpose of military is to kill people and break things!"" #GOPDebate",,2015-08-07 08:05:42 -0700,629669751942447104,"ÜT: 41.979296,-87.907449",Quito -7400,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,CarmenSpinDiego,,25,,,@Dreamdefenders and other black activist censored on @instagram after #gopdebate http://t.co/m6aFfsKJmC,,2015-08-07 08:05:41 -0700,629669749098725376,Washington DC,Eastern Time (US & Canada) -7401,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,jonathanhikari,,142,,,RT @larajakesFP: Jeb Bush says the key to defeating ISIS is voting down the #IranDeal? Iran is fighting ISIS. #GOPDebate,,2015-08-07 08:05:41 -0700,629669748330987520,"Waco, TX",Eastern Time (US & Canada) -7402,Donald Trump,0.4025,yes,0.6344,Positive,0.6344,,0.2319,,FloggerMiester,,0,,,"@andykhouri ""never give up your leverage before the negotiation starts"" - Donald #Trump 2015 -#GOPDebate -#TrumpForPresident",,2015-08-07 08:05:40 -0700,629669743289597952,The Dungeon,Dublin -7403,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,None of the above,0.4495,,Shelly_Haskins,,0,,,Candidates' best lines from the first #GOPdebate from @DCameronSmith http://t.co/i6HvHfV3aZ,,2015-08-07 08:05:40 -0700,629669743079870464,"Huntsville, Alabama",Central Time (US & Canada) -7404,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,LoriPatriot,,1,,,RT @MTcowboy3250: REPUBLICAN DEBATE 2016 FULL REPUBLICAN DEBATE VIDEO GOP REPUBLICAN DEBAT... https://t.co/zK56T7GO0s in case you missed it…,,2015-08-07 08:05:40 -0700,629669742769340416,,Pacific Time (US & Canada) -7405,No candidate mentioned,0.4395,yes,0.6629,Negative,0.3371,None of the above,0.4395,,SuperEbza,,0,,,Repealing Dodd-Frank is not wise. #GOPDebate,,2015-08-07 08:05:38 -0700,629669735098122240,"Cape Town, Western Cape ",Pretoria -7406,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6726,,BryBryHMM,,0,,,The #GOPDebate basically taught us that we don't need to address climate change because god will bless us with a forever clean planet.,,2015-08-07 08:05:37 -0700,629669731906121728,The Northern Hemisphere ,Eastern Time (US & Canada) -7407,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Sir_Max,,1,,,"bentonlee1: RT DrMartyFox: #Trump Wins Drudge -Debate Poll - -➡️ By A Landslide - -#TedCruz #2 - -#GOPDebate #PJNET🇺🇸… http://t.co/6lZ5pSAFMS",,2015-08-07 08:05:37 -0700,629669730211766272,California, -7408,Donald Trump,1.0,yes,1.0,Negative,0.6907,None of the above,1.0,,larrylbaker1,,0,,,I borrowed this from someone else but it is so true. At least he was good for a few laughs. #GOPDebate #Trump http://t.co/JXjn0MJqBy,,2015-08-07 08:05:33 -0700,629669716160811008,Shelbyville Ky , -7409,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,mikeharris6412,,0,,,Just watched a clip of @hardball_chris trying to bully @CarlyFiorina. got his rear handed to him. #GOPDebate,,2015-08-07 08:05:33 -0700,629669715661688832,, -7410,Donald Trump,0.3523,yes,1.0,Negative,0.6932,FOX News or Moderators,1.0,,SMolloyDVM,,59,,,"Ironic that 2 💪🏼strongest candidates - -attacked🔪 silenced🔇 - -by @FoxNews (⇒now MSM) - -#Cruz2016🇺🇸 -#CruzCrew🚀 -#GOPDebate😑 http://t.co/wHnKOKBwLH",,2015-08-07 08:05:31 -0700,629669704911618048, Landof10kLibs✟Matt24✟Jn14:6✟, -7411,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,chriscerf,,83,,,RT @KeeganNYC: SURGEON GENERAL'S WARNING: Drinking every time a #GOPDebate candidate says something stupid will kill you. Seriously: http:/…,,2015-08-07 08:05:30 -0700,629669704551022592,"New York, NY",Eastern Time (US & Canada) -7412,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,Wameniser,,8,,,"RT @DwayneDavidPaul: *Remembers how much we made fun of W during primaries* -*Remembers him taking the White House twice* #GOPDebate http:/…",,2015-08-07 08:05:30 -0700,629669704496455680,"Cameroun, #the best Blogger -",Amsterdam -7413,No candidate mentioned,1.0,yes,1.0,Negative,0.6333,None of the above,1.0,,TimothyBraun42,,0,,,"If you are still recovering from the #GOPDebate ""Caddyshack"" is on AMC as a proportionate response to that plutocratic bologna.",,2015-08-07 08:05:30 -0700,629669704492191744,"Austin, New York City",Central Time (US & Canada) -7414,,0.23,yes,0.6416,Positive,0.3332,None of the above,0.4116,,5StarFlicks,,1,,,"RT @FiveStarFlicks: I missed the #GOPDebate (driving The Mother Road) but I did take a very satisfying bowel movement in Bushland, Texas. h…",,2015-08-07 08:05:30 -0700,629669701811986432,"Orange County, CA", -7415,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,None of the above,1.0,,windraincloud,,0,,,.@comcast I couldn't even live tweet the #GOPDebate because your internet is so slow. And the world was lesser for that @comcastcares #fail,,2015-08-07 08:05:29 -0700,629669699681390592,On the Road,Quito -7416,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FloggerMiester,,0,,,"@MSGDannyRet ""never give up your leverage before the negotiation starts"" - Donald #Trump 2015 -#GOPDebate -#TrumpForPresident",,2015-08-07 08:05:26 -0700,629669685781491712,The Dungeon,Dublin -7417,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_justbeinggreat,,1,,,RT @AmiraMitch: They were a mess!!! #GOPDebate https://t.co/93SdCTvcQ9,,2015-08-07 08:05:24 -0700,629669678521155584,, -7418,Donald Trump,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,NeilMS17,,4,,,RT @Catronicus: Trump's Obamacare response was so dumb that it defies imagination #GOPDebate #DumpTrump,,2015-08-07 08:05:23 -0700,629669674423349248,"New Jersey, USA", -7419,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Jobs and Economy,1.0,,allDigitocracy,,0,,,7. What candidates did a better job of talking about issues related to poverty during last night’s #GOPDebate #TalkPoverty @Marisol_Bello,,2015-08-07 08:05:23 -0700,629669672435220480,"Washington, DC", -7420,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,carakayy29,,0,,,Me last night watching the #GOPDebate http://t.co/rzkXFGU9SR,,2015-08-07 08:05:21 -0700,629669663090327552,,Central Time (US & Canada) -7421,Mike Huckabee,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,harmonygritz,,0,,,".@TPM Huckabee's right, which is why he can't be CinC. His site has MLK praying with Jefferson and Lincoln. No car keys for him! #GOPDebate",,2015-08-07 08:05:20 -0700,629669659030061056,,Pacific Time (US & Canada) -7422,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6633,,jenspirko,,0,,,"It's true that I avoided live-tweeting the #GOPDebate. Indeed, I had to stop watching. But I do appreciate that they talked about hugging.",,2015-08-07 08:05:18 -0700,629669652931719168,,Quito -7423,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,Racial issues,0.2235,,queenstella__,,2,,,RT @sweetgreatmom: @ABC Comedians won. America lost. #GOPDebate was failure of political process. #BlackLivesMatter is not on their age…,,2015-08-07 08:05:17 -0700,629669649324511232,Land of Internet Cats,Atlantic Time (Canada) -7424,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,None of the above,1.0,,chelsea_westie,,1,,,RT @KokiStateOfMind: I'm just sleepy. That #GOPDebate last night was exhausting. I might need a beer to wake me up! #InternationalBeerDay h…,,2015-08-07 08:05:17 -0700,629669648439640064,, -7425,,0.231,yes,0.6377,Negative,0.3312,None of the above,0.4067,,Genius,,0,,,".@PPact uses @Genius to strike back at Gov. Walker’s #GOPDebate remarks. -http://t.co/0XuNYHIcFj http://t.co/6rYm6W4V1E",,2015-08-07 08:05:16 -0700,629669645973372928,"Brooklyn, NY",Eastern Time (US & Canada) -7426,Ted Cruz,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,MattHasTheMusic,,0,,,"So who is the most psychotic of Huckabee, Cruz, and Walker? - -My pick is probably Cruz, given his Day 1 Goals for the Presidency. - -#GOPDebate",,2015-08-07 08:05:15 -0700,629669641263165440,ATL,America/Detroit -7427,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,jesie_ann,,0,,,Who wants to watch a debate where they are spoon fed little baby questions? Not me #GOPDebate,,2015-08-07 08:05:15 -0700,629669640768196608,Georgia,Eastern Time (US & Canada) -7428,John Kasich,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,craigahumphreys,,0,,,"#GOPDebate - -The only person who did worse than Kasich last night was Megyn Kelly…",,2015-08-07 08:05:15 -0700,629669639996354560,"Las Vegas, Siicon Valley, 北京上海",Pacific Time (US & Canada) -7429,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jsgaetano,,0,,,"#GOPDebate proves the GOP has an impressive pile of shit for voters. -@OnPointRadio @McCormackJohn",,2015-08-07 08:05:15 -0700,629669638847246336,Halloween Town,Central Time (US & Canada) -7430,No candidate mentioned,1.0,yes,1.0,Negative,0.6642,None of the above,0.6614,,IraHayes,,2,,,RT @FreedomTexasMom: @IraHayes @megynkelly We saw thru her at #GOPDebate,,2015-08-07 08:05:14 -0700,629669636112523264,"Raleigh, NC", -7431,Scott Walker,1.0,yes,1.0,Positive,0.6486,None of the above,1.0,,JaclynHStrauss,,0,,,"I loved it in the #GOPdebate when #ScottWalker asked rhetorically, ""How is Hillary Clinton going to lecture me?""",,2015-08-07 08:05:14 -0700,629669634866839552,"Halifax, Nova Scotia, Canada",Mid-Atlantic -7432,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gauravsabnis,,0,,,Rand's performance looks even worse when contrasted with his dad who used to stay calm and used substance in debates not bombast. #GOPDebate,,2015-08-07 08:05:14 -0700,629669633688240128,"New York, NY",Quito -7433,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6572,,rousejoe,,0,,,"The fact that people are saying @realDonaldTrump ""won"" the first ""#GOPDebate"" speaks volumes for the GOP's chances in 2016.",,2015-08-07 08:05:11 -0700,629669624615993344,"Cincinnati, Ohio, USA",Eastern Time (US & Canada) -7434,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6762,,Wave_of_Tension,,0,,,"Watching the #GOPDebate, are #GOP candidates #deluded or simply #idiots with zero understanding of international... http://t.co/0p808Jghri",,2015-08-07 08:05:10 -0700,629669618710355968,,Central Time (US & Canada) -7435,No candidate mentioned,0.4041,yes,0.6357,Neutral,0.3234,FOX News or Moderators,0.4041,,cokeybest,,5,,,.@megynkelly Megyn Candy Crowley Kelly. Enough said. #kellyfile #FoxNews #GOPDebate .@FoxNews,,2015-08-07 08:05:09 -0700,629669613962289152,,Eastern Time (US & Canada) -7436,No candidate mentioned,1.0,yes,1.0,Positive,0.3407,None of the above,1.0,,FiveStarFlicks,,1,,,"I missed the #GOPDebate (driving The Mother Road) but I did take a very satisfying bowel movement in Bushland, Texas. http://t.co/e0HUW70rRR",,2015-08-07 08:05:08 -0700,629669612594987008,"Orange County, CA", -7437,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,dashingclaire,,0,,,"#FactChecking the #GOPDebate, Late Edition http://t.co/4UvT0KTlXZ http://t.co/3XFXLefVbr",,2015-08-07 08:05:07 -0700,629669607830327296,Everywhere ,Eastern Time (US & Canada) -7438,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MrBillCollier,,4,,,RT @JoePrich: .@megynkelly remember when you complained abt @CandyCrowley doing the EXACTLY what you did tonight? #GOPDebate http://t.co/tX…,,2015-08-07 08:05:06 -0700,629669600951709696,Blossburg PA,Central Time (US & Canada) -7439,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Shirleystopirs,,48,,,RT @AmyMek: How many Rhino's did @FoxNews pack this audience with!? #GOPDebate,,2015-08-07 08:05:06 -0700,629669600737820672,,Atlantic Time (Canada) -7440,No candidate mentioned,1.0,yes,1.0,Neutral,0.7,Abortion,1.0,,ChoockieC,,3,,,RT @chooseliferacer: Where is your candidate on the issue of #DefundPP #GOPDebate #unbornfeelpain http://t.co/ck7XvwZzsX,,2015-08-07 08:05:06 -0700,629669600054018048,,Eastern Time (US & Canada) -7441,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,0.6591,,katknapp46,,0,,,@6Dodges #GOPDebate What makes U electible? How would U beat Hillary-Democratic?,,2015-08-07 08:05:05 -0700,629669599231913984,"Texas, USA ", -7442,Donald Trump,0.4236,yes,0.6509,Neutral,0.6509,None of the above,0.4236,,RedMaryland,,1,,,RM's Rick Vatz says @realDonaldTrump got snookered by @billclinton: http://t.co/yEtxHn47xO #mdpolitics #GOPDebate,,2015-08-07 08:05:05 -0700,629669598263050240,Maryland,Eastern Time (US & Canada) -7443,Donald Trump,1.0,yes,1.0,Positive,0.6774,None of the above,0.6774,,Toni_Price,,0,,,@FoxNews @megynkelly @DanaPerino @GOP #RNC @Reince -> WE raised OUR hands too! #GOPDebate @realDonaldTrump #MakeAmericaGreatAgain #NoAmnesty,,2015-08-07 08:05:05 -0700,629669595918381056,Colorado River! Arizona ,Arizona -7444,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mari_rod89,,0,,,Jon Stewart America needs you! SMH at #GOPDebate. I guess the only logical thing to do was to attack a Democrat. Way to go Republicans.,,2015-08-07 08:05:04 -0700,629669595733819392,, -7445,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6429,,TheRealSpaf,,1,,,"“@Smethanie: Sure, God told me I should run, and the Tooth Fairy agreed and all the Teletubbies voted yes, so here I am. #GOPDebate”",,2015-08-07 08:05:04 -0700,629669592311431168,"West Lafayette, IN",Eastern Time (US & Canada) -7446,Jeb Bush,0.6889,yes,1.0,Negative,0.6556,None of the above,1.0,,JulieRoWoods,,3,,,"RT @AJCGetSchooled: So what happened to education in last night's debate? It hardly came up http://t.co/15srsWwUeE -#edchat #GOPDebate #GaSc…",,2015-08-07 08:05:01 -0700,629669581762637824,"Denver, CO",Mazatlan -7447,No candidate mentioned,1.0,yes,1.0,Neutral,0.625,None of the above,1.0,,DeCosteSummer,,0,,,"Or even Perry mentioning @CarlyFiorina as ""his"" ""Secretary of State"". She is running for #President #GOPDebate https://t.co/bcqSo1Az29",,2015-08-07 08:05:01 -0700,629669581553041408,, -7448,Donald Trump,0.4542,yes,0.6739,Neutral,0.337,None of the above,0.4542,,L3372UChief,,0,,,"https://t.co/pp6uzVFqQl #DonaldTrump ""I've given him plenty of money"" #TrumpWon #GOPDebate",,2015-08-07 08:05:00 -0700,629669575609552896,,Atlantic Time (Canada) -7449,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AmiraMitch,,1,,,They were a mess!!! #GOPDebate https://t.co/93SdCTvcQ9,,2015-08-07 08:04:58 -0700,629669568202559488,DSU16, -7450,No candidate mentioned,0.4371,yes,0.6612,Neutral,0.6612,None of the above,0.4371,,houstonstyle,,0,,,#HSMSelfie - It looks like Presidential Candidate #HillaryClinton watched the #GOPDebate with #KimKardashian &... http://t.co/w1v7phcoph,,2015-08-07 08:04:54 -0700,629669552054476800,Houston,Central Time (US & Canada) -7451,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6593,,hwkj01,,2,,,"RT @redostoneage: #GOPdebate; Meanwhile, Hillary Clinton Leads By Example: Pays Women Less Than Men http://t.co/PDJp3Qe4CU",,2015-08-07 08:04:54 -0700,629669550368423936,Crossroads of America,Eastern Time (US & Canada) -7452,Donald Trump,1.0,yes,1.0,Negative,0.6977,None of the above,1.0,,GordonPress,,0,,,Has anyone noticed that Trump zealots are like the old Ron #PaulBots? #GOPDebate. They were very skilled at stacking polls too.,,2015-08-07 08:04:53 -0700,629669545817579520,Tampa,Eastern Time (US & Canada) -7453,No candidate mentioned,0.4257,yes,0.6525,Neutral,0.6525,None of the above,0.4257,,iamReGGo,,0,,,#HSMSelfie - It looks like Presidential Candidate #HillaryClinton watched the #GOPDebate with… https://t.co/W4IvyzQL1U,"[29.74005759, -95.46357311]",2015-08-07 08:04:51 -0700,629669540796989440,713 - 225 - 202 ,Central Time (US & Canada) -7454,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,FOX News or Moderators,1.0,,N2332L,,0,,,#GOPDebate @megynkelly @BretBaier @ChrisWallace101 The questions were very good. The delivery was not as professional as it should have been,,2015-08-07 08:04:50 -0700,629669535327481856,Depends on the day.,Pacific Time (US & Canada) -7455,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,0.6484,,littleredblog,,2,,,'The vampire rises at dawn': Scarborough and Matthews blow up on #MSNBC's debate night coverage http://t.co/SXrWfVd6BG #WeGotEd #Gopdebate,,2015-08-07 08:04:49 -0700,629669531808608256,Toledo Detroit,Eastern Time (US & Canada) -7456,No candidate mentioned,0.4959,yes,0.7042,Negative,0.7042,FOX News or Moderators,0.275,,BeltwayPanda,,0,,,"#WhyWeAreALaughingstock. ""@GKMTNtwits: NEW STATEMENT on #GOPDEBATE: It's not a debate, it's an embarrassment: @CorrectRecord #TruthMatter""",,2015-08-07 08:04:48 -0700,629669528117637120,DC,Quito -7457,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6852,,KyllikiT,,0,,,Trump responds to @megynkelly question on misogyny with more misogyny #GOPDebate http://t.co/Pb5cgmO3V5 http://t.co/8PFdgltNAW,,2015-08-07 08:04:47 -0700,629669523646509056,Estonia/Finland ,Tallinn -7458,No candidate mentioned,1.0,yes,1.0,Neutral,0.6563,FOX News or Moderators,0.6771,,rlarsenen,,0,,,Fox proved to MSM they belong to the anti-Republican media group. Dumpster-diving questions set bad tone! @megynkelly @FoxNews #GOPDebate,,2015-08-07 08:04:47 -0700,629669522606129152,"Pocatello, ID", -7459,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,deerichards,,0,,,"A Foxy, Rowdy Republican Debate. #GOPdebate @megynkelly really disappointed me. Biased much? http://t.co/rRqNTAAK3X",,2015-08-07 08:04:47 -0700,629669521800986624,"Mobile, AL",Central Time (US & Canada) -7460,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,scottwalkerwtch,,0,,,"#GOPDebate #JebBush wants hopeful optimistic message. Like war with Iran, attacking Social Security, #WarOnWomen tactics, voter suppression",,2015-08-07 08:04:47 -0700,629669520542695424,Madison Wisconsin,Central Time (US & Canada) -7461,Donald Trump,1.0,yes,1.0,Negative,0.6735,Racial issues,0.3469,,OscardelaTorre7,,0,,,"#GOPDebate well, if #Trump wins, most latino voters will vote democrat for a while, won't they?",,2015-08-07 08:04:46 -0700,629669519989055488,"Charlotte, NC", -7462,Ted Cruz,0.465,yes,0.6819,Neutral,0.3499,None of the above,0.465,,AskinsJoyce,,74,,,"RT @LessGovMoreFun: . ""The American People Want A President Who Will Tell The Truth"" --Sen. Ted Cruz -#GOPdebate -#CVN -#LessGovMoreFun http:/…",,2015-08-07 08:04:43 -0700,629669506667823104,"Dallas,Texas", -7463,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.7149,,megahzman,,0,,,"Thank goodness for old quips, platitudes, slogans, and Obamacare in #GOPDebate. Without those, many questions would have had NO answers.",,2015-08-07 08:04:43 -0700,629669505736818688,South Carolina,Eastern Time (US & Canada) -7464,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,newprezz2012,,0,,,"More #KellyFailed @marklevinshow -#GOPDebate -https://t.co/NHVRaKPt8T",,2015-08-07 08:04:43 -0700,629669505300459520,"Arizona, Flagstaff-Phoenix",Pacific Time (US & Canada) -7465,Donald Trump,0.4292,yes,0.6552,Positive,0.6552,None of the above,0.4292,,NewExcaliburC,,0,,,Please Join Me to Congratulate @realDonaldTrump on his Success in #GOPDebate #MakeAmericaGreatAgain His 1st Debate! http://t.co/7AM5odCBvW,,2015-08-07 08:04:43 -0700,629669504566497280,Sydney Australia,Sydney -7466,No candidate mentioned,0.6629,yes,1.0,Neutral,0.6629,None of the above,0.6629,,auburnberry92,,2,,,"RT @ChadTrim: ""WE NEED TO BUILD A WALL!!"" #GOPDebate http://t.co/ciyEdNFTRh",,2015-08-07 08:04:43 -0700,629669504503513088,"Columbia, MO",Central Time (US & Canada) -7467,Rand Paul,1.0,yes,1.0,Positive,0.6395,None of the above,1.0,,ParkerGray20,,30,,,RT @saadcrates: Watchign @RandPaul knock that self righteous fat half wit @ChrisChristie the F out was so worth it. Great reality TV #GOPDe…,,2015-08-07 08:04:42 -0700,629669500414238720,, -7468,No candidate mentioned,0.4765,yes,0.6903,Positive,0.3504,Immigration,0.4765,,AlanLeeArtist,,1,,,RT @EusebiaAq: @sternnschool Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LF…,,2015-08-07 08:04:40 -0700,629669491421614080,nr manchester uk,London -7469,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3371,,bohemimi,,142,,,"RT @julsmarietells: Conveniently, no candidate received a word from God that as President they should look after the poor, sick, & disenfra…",,2015-08-07 08:04:38 -0700,629669482894458880,oc x nyc,Eastern Time (US & Canada) -7470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6958,,marti431uew,,19,,,RT @notlindsayyy: Republicans respect the rights of unborn fetuses more than they respect the rights of living women and it's disgusting #G…,,2015-08-07 08:04:37 -0700,629669479300120576,, -7471,No candidate mentioned,1.0,yes,1.0,Positive,0.664,None of the above,1.0,,RaiderRush2112,,60,,,"RT @AnthonyCumia: This guy has my vote. -#GOPDebate http://t.co/yQ7Hu3Uv7s",,2015-08-07 08:04:36 -0700,629669477869727744,"Chandler, Arizona",Alaska -7472,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JesusFreakUSA94,,1,,,Jeb Bush was somewhat impressive unlike trump which surprised me.#GOPDebate,,2015-08-07 08:04:36 -0700,629669476968103936,,Pacific Time (US & Canada) -7473,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6915,,iskandarhai,,3,,,"RT @missumuggins: #GOPDebate - -HEY ALL OF YOU ON THAT STAGE.. -THEY HAVE NAMES - -#AmirHekmati - -#SaeedAbedini - -#JasonRezaian - -#RobertLevin…",,2015-08-07 08:04:36 -0700,629669475185520640,"ÜT: 41.979296,-87.907449",Quito -7474,,0.2312,yes,0.637,Positive,0.319,None of the above,0.4058,,stevenamcqueen,,0,,,Enjoyed the #GOPDebate last night. I think Trump stumbled. Rubio was solid. #anyonebuthillary,,2015-08-07 08:04:36 -0700,629669475143389184,granger in,Central Time (US & Canada) -7475,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6591,,RozalynDee,,1,,,"RT @RevChuckCurrie: #DonaldTrump retweeted comment calling @megynkelly a ""bimbo"" last night. This is a man who hates women. The @GOP front …",,2015-08-07 08:04:35 -0700,629669472706498560,lala land ,Arizona -7476,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,benschoen,,0,,,If you can't put Donald Trump in his place you don't deserve to be POTUS @GOP #GOPDebate,,2015-08-07 08:04:34 -0700,629669468558508032,"33.437936,-111.99914",Quito -7477,Ted Cruz,0.6374,yes,1.0,Negative,0.7033,None of the above,1.0,,ajr1775,,3,,,"RT @0IIIIIII0_GIRL: My take away from the #GOPDebate is that it could have been better, much better. Time for @tedcruz and @RealBenCarson w…",,2015-08-07 08:04:34 -0700,629669467639947264,Living in Amerika, -7478,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6715,,TheERRose,,7,,,RT @writersrepublic: This is the worst stage play I've ever seen. #GOPDebate,,2015-08-07 08:04:34 -0700,629669467073609728,I help run the @ch1con tumblr!,Eastern Time (US & Canada) -7479,Donald Trump,1.0,yes,1.0,Negative,0.6279,None of the above,0.6859999999999999,,Aperanio827,,0,,,@lindacohn why doesn't he belong? People like the other 9 puppets have been running this country into the ground for years. #GOPDebate,,2015-08-07 08:04:32 -0700,629669459473657856,,Hawaii -7480,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6626,,EusebiaAq,,0,,,@CNN Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:04:31 -0700,629669456793354240,America,Eastern Time (US & Canada) -7481,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,PaxNostrum,,4,,,"RT @HydeBlizzardbox: The Baxter Bean @TheBaxterBean 19h19 hours ago -""If guns don't kill people why are they strickly forbidden anywhere nea…",,2015-08-07 08:04:30 -0700,629669451554631680,, -7482,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6937,,Patriotvnvet,,3,,,"RT @aduanebrown: @MegynKelly, ""You failed the American people tonight. You tried to make history, by destroying @realDonaldTrump."" #KellyFa…",,2015-08-07 08:04:30 -0700,629669450904506368,United States, -7483,Donald Trump,0.4594,yes,0.6778,Neutral,0.3556,None of the above,0.4594,,JulieWeise,,2,,,A little history from yours truly re: immigration sparring in #GOPDebate https://t.co/m59gDl3ZGt,,2015-08-07 08:04:29 -0700,629669448648015872,"Eugene, OR", -7484,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ousnjie,,5,,,"RT @GetWisdomDude: Did you miss the #GOPDebate ? -No Worries. Here's the doodled Recap via The Nation http://t.co/6TF5eiOcXq -#UniteBlue htt…",,2015-08-07 08:04:29 -0700,629669445548441600,, -7485,No candidate mentioned,1.0,yes,1.0,Negative,0.6992,FOX News or Moderators,0.6685,,jesie_ann,,1,,,Don't be mad at the moderators if your candidate can't handle a tough question. Maybe you should reconsider. #GOPDebate,,2015-08-07 08:04:28 -0700,629669441022885888,Georgia,Eastern Time (US & Canada) -7486,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SamWoww7,,2,,,"RT @TylerGroenendal: I wonder if fifty years from now, Republicans will still blindly cite Reagan to justify everything they do. #GOPDebate",,2015-08-07 08:04:25 -0700,629669430549581824,Clavin Clollege,America/New_York -7487,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,AmyLastNameHere,,7,,,RT @elisabetherapy: #Trump's tongue is as loose as a prostitute's vagina #GOPDebate,,2015-08-07 08:04:24 -0700,629669427022204928,,Central Time (US & Canada) -7488,Scott Walker,0.4432,yes,0.6657,Positive,0.6657,None of the above,0.4432,,Hamilton_Info,,5,,,"RT @TheMurdochTimes: OK, sure. @RupertMurdoch: ""Scott Walker will be an interesting candidate."" #GOPDebate #US2016 https://t.co/QRBQCMeBuF",,2015-08-07 08:04:22 -0700,629669419334127616,"NSW, AUSTRALIA",Brisbane -7489,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_JAMIE_allover,,0,,,how can republicans still be republicans after watching the #GOPDebate ? tbh I'd run as far away from that party as possible,,2015-08-07 08:04:22 -0700,629669417912303616,,Eastern Time (US & Canada) -7490,Donald Trump,0.4211,yes,0.6489,Negative,0.3298,,0.2278,,AtHomePundit,,0,,,"Boy, it'll be so awesome when President Trump calls Angel Merkel a ""bimbo"". He's so cool. #GOPDebate #Trump2016",,2015-08-07 08:04:19 -0700,629669404859613184,Maryland,Atlantic Time (Canada) -7491,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,0.6966,,hildyjohns,,0,,,"Kijivu, a gorilla in the Prague Zoo, reacts to primate aggression displays at the #GOPDebate in the U.S. #tcot http://t.co/SMMTaq0KjG",,2015-08-07 08:04:18 -0700,629669401101381632,"Scottsdale, Arizona",Pacific Time (US & Canada) -7492,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,jordangel2981,,192,,,RT @ZerlinaMaxwell: How are they going to find enough ppl for the SNL sketch where the joke is they just say verbatim quotes from this hila…,,2015-08-07 08:04:18 -0700,629669399415365632,Devens MA,Eastern Time (US & Canada) -7493,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,correa_jec,,3,,,"RT @BachmannsBrain: Wow, I forgot Chris Christie was even there. The smell of desperation, flop sweat, and salami would have tipped me off.…",,2015-08-07 08:04:18 -0700,629669399167832064,, -7494,Marco Rubio,1.0,yes,1.0,Neutral,0.6396,None of the above,1.0,,MikeJDP,,0,,,My top picks @marcorubio @ScottWalker @tedcruz @CarlyFiorina #GOPDebate #2016election,,2015-08-07 08:04:17 -0700,629669397314039808,"Westfield, IN",Eastern Time (US & Canada) -7495,No candidate mentioned,1.0,yes,1.0,Neutral,0.6727,None of the above,1.0,,sdksb,,0,,,@grapesfrog did you see the #GOPDebate last night? I had a hard time finding the live video here. Didn't think they wanted it too visible.,,2015-08-07 08:04:17 -0700,629669395615363072,"iPhone: 40.738785,-73.994186",Pacific Time (US & Canada) -7496,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6875,,GoogieBaba,,0,,,So @realDonaldTrump is crying because @megynkelly was mean to him? What a bunch of clowns #GOPDebate,"[42.90512929, -70.87725812]",2015-08-07 08:04:16 -0700,629669393627222016,"Boston, MA",Central Time (US & Canada) -7497,Donald Trump,0.4867,yes,0.6977,Negative,0.3837,None of the above,0.4867,,MemeMurderer,,0,,,"Trump is anti-fragile - #gopdebate -#Trump -#trumpdebate",,2015-08-07 08:04:16 -0700,629669393404923904,,Eastern Time (US & Canada) -7498,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,SuperTeeWhy,,0,,,"So last night, -#JonVoyage full of honesty and clarity -#GOPDebate full of jokes",,2015-08-07 08:04:14 -0700,629669385188216832,Fucking Paradise.,Pacific Time (US & Canada) -7499,No candidate mentioned,0.4636,yes,0.6809,Negative,0.6809,Immigration,0.239,,samiheiney,,0,,,"Haven't watched #GOPDebate yet cause I was busy Persian-ing, but I'm kind of scared to anyway",,2015-08-07 08:04:13 -0700,629669381560209408," 42.73°N, 84.55°W",Central Time (US & Canada) -7500,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ImSoConfused4,,75,,,RT @ChuckNellis: If @JEBBush is a Conservative I am Attila the Hun & I'm NOT! #GOPDebate #Hannity,,2015-08-07 08:04:12 -0700,629669375918927872,, -7501,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,EusebiaAq,,1,,,@sternnschool Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:04:12 -0700,629669375264468992,America,Eastern Time (US & Canada) -7502,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lizzywol,,0,,,Perfect #GOPDebate https://t.co/r5OZZtaeAb,,2015-08-07 08:04:11 -0700,629669372114694144,"Washington, DC", -7503,Chris Christie,1.0,yes,1.0,Negative,0.6835,Foreign Policy,0.6528,,RaiderRush2112,,38,,,"RT @AnthonyCumia: Chris Christie wants to ""collect more records from terrorists"". -May I suggest? -#GOPDebate http://t.co/XtD2pmYfcF",,2015-08-07 08:04:11 -0700,629669370772348928,"Chandler, Arizona",Alaska -7504,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DelGirlsHoops,,92,,,RT @dick_nixon: Rand Paul has the manner of the fellow who turns up to every town meeting and has to be led away from the podium by the she…,,2015-08-07 08:04:11 -0700,629669369379954688,Delaware #delhs #netde,Eastern Time (US & Canada) -7505,Scott Walker,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6437,,DaleHubert1,,51,,,"RT @princessomuch: #ScottWalker: ""yes Megyn, I believe in killing mothers; I'd kill my own mother to get elected."" #GOPDebate",,2015-08-07 08:04:09 -0700,629669363898032128,, -7506,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6932,,StrikeLethal,,0,,,#GOPDebate they didn't give Trump chance to answer the most important question. But he is still a winner.,,2015-08-07 08:04:09 -0700,629669363457622016,, -7507,Donald Trump,0.6392,yes,1.0,Negative,0.6392,Immigration,0.6392,,Catballou,,0,,,Donald says no1 thought abt immigration reform until he came along. It's true. We are all trying to figure out how to deport him #GOPDebate,,2015-08-07 08:04:09 -0700,629669362702548992,United States,Pacific Time (US & Canada) -7508,,0.2235,yes,0.3371,Negative,0.3371,,0.2235,,RavingRaver,,0,,,And what a big mistake it was for Wallace to question @realDonaldTrump's business tactics. Never question Trump on business #GOPDebate,,2015-08-07 08:04:08 -0700,629669359020060672,NYC, -7509,No candidate mentioned,1.0,yes,1.0,Negative,0.665,Religion,0.7035,,wmcinally,,4,,,Have we completely thrown away the separation of church and state? #GOPDebate,,2015-08-07 08:04:06 -0700,629669351499673600,"Iowa City, IA",Eastern Time (US & Canada) -7510,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6196,,jeremyschulman,,1,,,Check out @BernieSanders' tweet storm about Fox's #GOPDebate http://t.co/Q7cHoiKd7L http://t.co/WrlF1sNdSA,,2015-08-07 08:04:05 -0700,629669348320391168,"Washington, DC",Eastern Time (US & Canada) -7511,No candidate mentioned,0.4393,yes,0.6628,Neutral,0.6628,None of the above,0.4393,,DAWNCATHERINE,,8,,,RT @TYTLizard: Would this be suitable for me to drink for the #GOPDebate drinking game? #TYTlive http://t.co/LLsPAfHlA0,,2015-08-07 08:04:05 -0700,629669344721571840,Heart is always in Italy,Eastern Time (US & Canada) -7512,Donald Trump,0.6813,yes,1.0,Negative,1.0,FOX News or Moderators,0.6813,,PuestoLoco,,3,,,".@littleredblog @graceslick77 -FOX/GOP Party's Hunger Games- Demagog Food-fighter @CarlyFiorina -#GOPDebate #morningjoe http://t.co/ygMGbAvqut",,2015-08-07 08:04:03 -0700,629669337402580992,Florida Central West Coast,America/New_York -7513,No candidate mentioned,1.0,yes,1.0,Neutral,0.3573,None of the above,1.0,,DelilahNoBSzone,,109,,,RT @dave_gosh: #CarlyFiorina knocked it out of the park in the first debate of the night #Republicandebate #GOPDebate #Conservatives #tcot,,2015-08-07 08:04:00 -0700,629669325683691520,USA, -7514,John Kasich,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,Noah_Pologies,,0,,,"""Who the fuck is John Kasich?"" #GOPDebate",,2015-08-07 08:03:59 -0700,629669321061609472,, -7515,No candidate mentioned,1.0,yes,1.0,Neutral,0.6506,None of the above,1.0,,FollowTheEsther,,0,,,@nytpolitics @nytimes is this REALLY what you're focusing on? You have nothing more important to say about the #GOPDebate?,,2015-08-07 08:03:58 -0700,629669317026693120,MA,Pacific Time (US & Canada) -7516,No candidate mentioned,0.4762,yes,0.6901,Neutral,0.6901,None of the above,0.4762,,TheScheurn,,0,,,"Key takeaways from the #GOP 's second-stage White House debate - -http://t.co/D7lF5hPWFy #GOPDebate",,2015-08-07 08:03:58 -0700,629669316171034624,VA, -7517,No candidate mentioned,0.4827,yes,0.6947,Neutral,0.3474,Women's Issues (not abortion though),0.2413,,Wolfiemann,,0,,,"@_HankRearden Who knows what either of them identify as? - #GOPDebate",,2015-08-07 08:03:56 -0700,629669307430137856,,America/New_York -7518,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GenesSmile,,1,,,RT @mKheywood: Kaisch tanked. At one point he was justifying his government expansion in Ohio. Sounds Union-ish #GOPDebate,,2015-08-07 08:03:56 -0700,629669306490490880,Republic of Texas,Central Time (US & Canada) -7519,Donald Trump,1.0,yes,1.0,Neutral,0.6629,Foreign Policy,1.0,,Redhou_,,1,,,"RT @emblezes: #Trump on ISIS ""We don't have time for tone. We have to go out and get the job done !"" #GOPDebate",,2015-08-07 08:03:55 -0700,629669305253273600,"Yerres, Ile-de-France",Athens -7520,No candidate mentioned,0.4298,yes,0.6556,Negative,0.6556,Religion,0.2331,,JesusForBernie,,0,,,"Blah...I have a hangover from that ""debate"" last night. God forbid any of those fools win the White House or we'll all overdose. #GOPDebate",,2015-08-07 08:03:53 -0700,629669297007128576,"Everywhere, Always", -7521,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,daverags66,,2,,,"RT @TheBenWalters: Thanks to Trump, the #GOPDebate shattered viewership records. Many voters introduced to candidates they wouldn't know ex…",,2015-08-07 08:03:52 -0700,629669291994951680,"Oklahoma,USA", -7522,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gauravsabnis,,0,,,"Rand Paul looked woefully underprepared. He just came armed with some zingers and an attitude, but couldn't respond to comebacks. #GOPDebate",,2015-08-07 08:03:51 -0700,629669289436520448,"New York, NY",Quito -7523,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.7128,,thashadow,,0,,,My jaw is still on the floor at Mike Huckabees comment about the military existing to kill people and break things. What?? #GOPDebate,,2015-08-07 08:03:51 -0700,629669288442380288,Between Brooklyn & San Fran,Central Time (US & Canada) -7524,Ted Cruz,1.0,yes,1.0,Positive,0.6189,None of the above,1.0,,BRyvkin,,0,,,@Dc37Deborah thought you would enjoy my recap of the #GOPDebate: https://t.co/6kE7zRYEPZ,,2015-08-07 08:03:48 -0700,629669274487906304,"Washington, DC",Eastern Time (US & Canada) -7525,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,2,,,What i or any other sane person thinks of the of 1st #GOPDebate doesn't matter. It's the soulless pittiful assholes who vote in #GOP Primary,,2015-08-07 08:03:47 -0700,629669269446508544,Norcal,Pacific Time (US & Canada) -7526,Rand Paul,0.6879,yes,1.0,Neutral,1.0,None of the above,1.0,,truemira,,32,,,RT @ReignOfApril: CLOSING STATEMENTS Paul: I'm a different kind of Republican. I've been to Ferguson & Baltimore and Chicago & Detroit. #G…,,2015-08-07 08:03:45 -0700,629669260617457664,trappin out the Bando,Eastern Time (US & Canada) -7527,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6277,,CarolHello1,,4,,,"#GOPDebate Understatement ... - -Boycott FoxNews except Sean Hannity https://t.co/LBT61ilRXx",,2015-08-07 08:03:44 -0700,629669260013408256,California❀◄★►❀Conservative,Arizona -7528,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,benadamscomedy,,0,,,I wonder if Ronald Reagan's ghost could feel the #GOPDebate candidates sucking his dick.,,2015-08-07 08:03:43 -0700,629669254455934976,"Denver, CO",Pacific Time (US & Canada) -7529,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,marti431uew,,7,,,RT @sarahupstairs: You hate the concept of abortion? Great! Let's provide contraception and healthcare and education. #GOPDebate,,2015-08-07 08:03:43 -0700,629669252673478656,, -7530,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CJ10E,,13,,,RT @ILoveFossilFuel: Retweet if you also think all the #GOPDebate candidates should read @AlexEpstein's last column: http://t.co/tOw0jNjVW1,,2015-08-07 08:03:42 -0700,629669249741488128,,Pacific Time (US & Canada) -7531,Donald Trump,1.0,yes,1.0,Negative,0.6913,None of the above,0.6362,,lindacohn,,10,,,Trump showed he didn't belong but did GOP a favor. Better ratings & he brought out personalities and ideas of other candidates. #GOPdebate,,2015-08-07 08:03:39 -0700,629669235216777216,Connecticut,Eastern Time (US & Canada) -7532,No candidate mentioned,1.0,yes,1.0,Negative,0.7065,Women's Issues (not abortion though),0.7065,,wcgirl1,,0,,,#Bernie Sanders on #GOPDebate: What About Women? http://t.co/IdT6J3lbJ1 #FeelTheBern,,2015-08-07 08:03:38 -0700,629669234952552448,"West Chester, Pa.",Eastern Time (US & Canada) -7533,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,megs_bailey,,0,,,had to work last night and missed the #GOPDebate 👎🏻 anyone record it??,,2015-08-07 08:03:38 -0700,629669232930762752,WEST PALM BEACH / ATLANTA,Eastern Time (US & Canada) -7534,No candidate mentioned,1.0,yes,1.0,Negative,0.3547,None of the above,1.0,,tekgypsy,,1,,,RT @layla07122: Because we need a leader in the White House NOT a community organizer 😡👎 #GOPDebate,,2015-08-07 08:03:37 -0700,629669228988141568,,Eastern Time (US & Canada) -7535,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6618,,mommymylestones,,0,,,CNN: CNN fact checks the 2016 Republican debates http://t.co/o5MpLrLitJ #GOPDebate,,2015-08-07 08:03:35 -0700,629669222369636352,Atlanta,Eastern Time (US & Canada) -7536,No candidate mentioned,1.0,yes,1.0,Neutral,0.6744,None of the above,1.0,,JamesSWelchJr,,0,,,One take away from the GOP Debate? I would choose any over Hillary Clinton or Bernie Sanders (including the 5:00 crowd) #GOPDebate,,2015-08-07 08:03:35 -0700,629669222117982208,, -7537,No candidate mentioned,1.0,yes,1.0,Neutral,0.6935,None of the above,1.0,,christ_withan_a,,0,,,The Republican Debate was... interesting? *See snapchat for more details* #GOPDebate,,2015-08-07 08:03:33 -0700,629669212655587328,,Eastern Time (US & Canada) -7538,Ben Carson,1.0,yes,1.0,Negative,0.3483,None of the above,0.6517,,deerichards,,0,,,"A Foxy, Rowdy Republican Debate. At least @RealBenCarson could understand it & get best advise available. #GOPDebate http://t.co/rRqNTAAK3X",,2015-08-07 08:03:30 -0700,629669200487968768,"Mobile, AL",Central Time (US & Canada) -7539,No candidate mentioned,1.0,yes,1.0,Neutral,0.7189,Foreign Policy,0.6595,,KenSimonSays,,0,,,I loved the cluelessness of invoking Reagan's name on #IranDeal at #GOPDebate considering Reagan made deals w/ them.,,2015-08-07 08:03:30 -0700,629669199904907264,,Eastern Time (US & Canada) -7540,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,0.6703,,kdwilliams,,0,,,Still deciding if the huge audience for the #GOPDebate was real interest or the car wreck theory?,,2015-08-07 08:03:30 -0700,629669198520807424,"Davis, CA",Pacific Time (US & Canada) -7541,No candidate mentioned,0.4604,yes,0.6785,Neutral,0.6785,None of the above,0.2314,,Razamatazz117,,0,,,First Reagan invocation at 30 minutes. #GOPDebate,,2015-08-07 08:03:30 -0700,629669197556150272,North Canton, -7542,No candidate mentioned,1.0,yes,1.0,Negative,0.6687,None of the above,1.0,,LadySandersfarm,,9,,,Why are #Democrats so scared to have a debate? Don't want Hillary answering questions abt criminality of server? #GOPDebate Oct is 1st one.,,2015-08-07 08:03:29 -0700,629669195915984896,Southern and proud. ,Central Time (US & Canada) -7543,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,AlejandroPuron,,0,,,"About #GOPDebate, it seems to happen same things like back down in Mexico debates last june 7th https://t.co/Nm5UNBWOsi",,2015-08-07 08:03:27 -0700,629669186357211136,, -7544,Donald Trump,0.4853,yes,0.6966,Neutral,0.6966,None of the above,0.2505,,marketsforecast,,0,,,#GOPDebate #Republicandebate presidential primary debate poll TIME Mag #DonaldTrump Again..http://t.co/dTPelQIsUR http://t.co/NaG44rmM51,,2015-08-07 08:03:27 -0700,629669185765793792,,Central Time (US & Canada) -7545,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MichaelPaulLive,,0,,,"There were so many republicans talking out their asses, they needed Ricolas for suppositories. #GOPDebate",,2015-08-07 08:03:26 -0700,629669180627771392,Hwood & NYC,Pacific Time (US & Canada) -7546,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,superbranch,,1,,,RT @deedeececil: @CharlesMBlow It's a repeat of 2012. The GOP audiences are more disturbing to me than the candidates. #GOPDebate,,2015-08-07 08:03:25 -0700,629669178127945728,"Milwaukee, Wisconsin, USA",Central Time (US & Canada) -7547,No candidate mentioned,1.0,yes,1.0,Negative,0.6972,FOX News or Moderators,1.0,,4MrBreitbart,,0,,,"Winners and Losers in last nights #GOPDebate - -Winner : @marthamaccallum -Loser : @megynkelly",,2015-08-07 08:03:22 -0700,629669165524058112,AGovtThatRobsPeterToPayPaulCan,Pacific Time (US & Canada) -7548,No candidate mentioned,0.6495,yes,1.0,Negative,0.6598,None of the above,1.0,,AFairbairn50,,9,,,"RT @mrjamesmack: In the aftermath of the #GOPdebate clown car incident, let us recall @stanblackley's finest hour. http://t.co/K6uADAOIvc",,2015-08-07 08:03:22 -0700,629669164093976576,Perth, -7549,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,Jobs and Economy,0.4347,,Anonymous99ers,,98,,,"RT @RichardAngwin: Question for the candidates: -Why do you think its OK for people working 40+ hrs a week to live in poverty? -#GOPDebate ht…",,2015-08-07 08:03:20 -0700,629669158159024128,Wherever I'm needed***** (USA),Eastern Time (US & Canada) -7550,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wheeler_law,,15,,,"RT @MarvMcMoore: Tonight's #GOPDebate proved what we already knew, that the GOP is out of touch & their policies will move this country bac…",,2015-08-07 08:03:20 -0700,629669156174991360,,Atlantic Time (Canada) -7551,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6444,,_highjay,,0,,,"Y'all better vote this year, if Donald trump wins for president, Y'all going to need college degrees to work at McDonald's. Lol #GOPDebate",,2015-08-07 08:03:20 -0700,629669156107857920,,Pacific Time (US & Canada) -7552,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6512,,valerieseckler,,0,,,Astounded to hear @CarlyFiorina equate govn't helping people w/thinking it knows what's best. Sounds like archaic elitest claim. #GOPDebate,,2015-08-07 08:03:18 -0700,629669150340837376,New York,Eastern Time (US & Canada) -7553,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,brysonpintard,,0,,,"I was a little disappointed in the #GOPDebate last night, was expecting President Camacho to make an appearance. http://t.co/tMJiL45Dxp",,2015-08-07 08:03:18 -0700,629669149388599296,"Hollywood, CA USA",Pacific Time (US & Canada) -7554,No candidate mentioned,1.0,yes,1.0,Negative,0.6829,FOX News or Moderators,0.6829,,kyaecker,,0,,,@FrankLuntz @MolonLabe1776us @megynkelly As well you should. She was low brow starting of the debate with hate but it backfired #gopdebate,,2015-08-07 08:03:17 -0700,629669144380620800,California Sierra Nevada,Pacific Time (US & Canada) -7555,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,itsmeggroll,,18,,,RT @jennyjaffe: HE SAID ILLEGALS AND FREELOADING IN THE SAME SENTENCE. THATS GOP BINGO. #GOPDebate,,2015-08-07 08:03:16 -0700,629669142107398144,"Washington, DC",Quito -7556,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6705,,wearevotingyes,,0,,,"No @TheDailyShow, no @StephenAtHome, no @sullydish, and @realDonaldTrump is still gaining steam after the #GOPDebate? This is cruel.",,2015-08-07 08:03:16 -0700,629669139678822400,"San Francisco, CA",Pacific Time (US & Canada) -7557,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6972,,crystal_plicker,,1,,,RT @abloomy09: Did you guys see that stand up comedy special on Fox News last night? That was fantastic 😂 #GOPDebate #Republicandebate #Rep…,,2015-08-07 08:03:15 -0700,629669137032327168,, -7558,No candidate mentioned,0.405,yes,0.6364,Negative,0.3295,None of the above,0.405,,Ratcliff_24,,5,,,RT @Wolfofwarrenst: Just in case you missed the #GOPDebate last night here's a quick recap http://t.co/h03MRzVFWB,,2015-08-07 08:03:13 -0700,629669128689872896,, -7559,Donald Trump,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,DonAllen02,,0,,,@realDonaldTrump Written the day before the #GOPDebate,,2015-08-07 08:03:11 -0700,629669120653459456,"ÜT: 44.985255,-93.257437",Central Time (US & Canada) -7560,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,itsmeggroll,,79,,,RT @SaraJBenincasa: why is this not a rap battle #GOPDebate,,2015-08-07 08:03:11 -0700,629669119865024512,"Washington, DC",Quito -7561,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.3587,Immigration,0.4253,,EusebiaAq,,0,,,@civilrightsorg Who's the real illegal alien #GOPDebate - Farrakhan on Immigration & the Mexican Bor... https://t.co/lkLfFN2LFy via @YouTube,,2015-08-07 08:03:09 -0700,629669112499695616,America,Eastern Time (US & Canada) -7562,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3556,,RogerDGriffin,,0,,,@CBSMiami #GOPDebate @RepEliotEngel How CanWe Trust @TheIranDeal When @POTUS Abuses His Power By Ordering an attack http://t.co/S7qqf9zQNF,,2015-08-07 08:03:08 -0700,629669107936460800,, -7563,Donald Trump,0.6418,yes,1.0,Negative,0.6776,FOX News or Moderators,0.6807,,mlynnie2,,0,,,Don't let Megyn's attack on Trump confuse you. #GOPDebate was a #FoxFix from the start. #FactsMatter http://t.co/OodjkuWCq6 via @HuffPostPol,,2015-08-07 08:03:07 -0700,629669104354521088,SC via Fl via NY, -7564,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DrRachaelF,,3,,,RT @WvSchaik: A head of broccoli would make a better @POTUS than any of the candidates in #GOPDebate.,,2015-08-07 08:03:07 -0700,629669104148877312,"San Jose, CA",Arizona -7565,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6778,,shellbelle1022,,2,,,Oh my G-O-S-H. She really is fantastic! #CarlyFiorina #GOPDebate #ChrisMatthewsgottold https://t.co/H3DSS4Dxmo,,2015-08-07 08:03:07 -0700,629669102873751552,"Broken Arrow, OK", -7566,Ted Cruz,1.0,yes,1.0,Negative,0.6526,Immigration,1.0,,HostileUrbanist,,22,,,"RT @jkfecke: Cruz: ""Look at the jerks, born in foreign countries, come in here and ruin this country."" #GOPDebate",,2015-08-07 08:03:06 -0700,629669100051038208,Chicago, -7567,Donald Trump,0.6936,yes,1.0,Neutral,0.6532,None of the above,1.0,,MemeMurderer,,3,,,"RT @johncardillo: To put it in perspective, previous GOP primary debates pulled a 5 share. Trump on his own pulled double that. #GOPDebate",,2015-08-07 08:03:05 -0700,629669096037183488,,Eastern Time (US & Canada) -7568,No candidate mentioned,0.42700000000000005,yes,0.6535,Negative,0.6535,None of the above,0.42700000000000005,,GKMTNtwits,,2,,,"NEW STATEMENT on #GOPDEBATE: It's not a debate, it's an embarrassment: @CorrectRecord http://t.co/JwZqoAf75E … #TruthMatters @RobertsMSNBC",,2015-08-07 08:03:05 -0700,629669094883753984,Boston ,Eastern Time (US & Canada) -7569,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,HRTexas,,1,,,RT @TheRomanPerez: I think it's usually plural for Texan but maybe only one person in #Texas supports her candidacy? #GOPDebate https://t.…,,2015-08-07 08:03:04 -0700,629669089363951616,"Austin, TX",Central Time (US & Canada) -7570,Donald Trump,1.0,yes,1.0,Neutral,0.7,Foreign Policy,0.7,,emblezes,,1,,,"#Trump on ISIS ""We don't have time for tone. We have to go out and get the job done !"" #GOPDebate",,2015-08-07 08:03:03 -0700,629669086604169216,,Belgrade -7571,No candidate mentioned,1.0,yes,1.0,Positive,0.382,None of the above,0.7079,,SpockEvil,,0,,,"@slone @instapundit There are actually people angry that the candidates were asked real questions? Seriously? -#GOPDebate",,2015-08-07 08:02:59 -0700,629669068149096448,, -7572,No candidate mentioned,0.4398,yes,0.6632,Negative,0.6632,LGBT issues,0.2304,,wheeler_law,,6,,,"RT @Brian_Hough7: I'm disappointed, but can't say I'm surprised college affordability, voting/civil rights, and equality aren't @GOP priori…",,2015-08-07 08:02:58 -0700,629669067029389312,,Atlantic Time (Canada) -7573,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,JamesSandiford2,,2,,,RT @bloodless_coup: Obama traditionally does a presser before his vacation. He will be ABSOLUTELY UNABLE to resist demagoguing after #GOPDe…,,2015-08-07 08:02:57 -0700,629669060788097024,Florida, -7574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,peter216,,142,,,RT @JohnFugelsang: #GOPDebate - for people who were more mad at Obama saying 'we tortured some folks' than they were that we tortured some …,,2015-08-07 08:02:57 -0700,629669060511465472,Maryland,Eastern Time (US & Canada) -7575,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,themollyrocket,,1,,,RT @brosandprose: They literally just asked the candidates if God has spoken to them. This is a farce. #GOPDebate,,2015-08-07 08:02:57 -0700,629669059001470976,"Nashville, TN",Eastern Time (US & Canada) -7576,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,rcampbellsproul,,1,,,A great summary of last night's #GOPDebate http://t.co/kDeaGS3iEE,,2015-08-07 08:02:56 -0700,629669057789202432,"Orlando, FL",Eastern Time (US & Canada) -7577,No candidate mentioned,0.4211,yes,0.6489,Negative,0.6489,FOX News or Moderators,0.4211,,customwww,,0,,,#GOPDebate #WakeUpAmerica Turn on @FoxNews damage control being spewed from every mouth.! Fox news is tough..we ask good questions..lol etc:,,2015-08-07 08:02:55 -0700,629669054425382912,,Central Time (US & Canada) -7578,Donald Trump,1.0,yes,1.0,Neutral,0.6409999999999999,None of the above,1.0,,kenbielicki,,0,,,Most fun video from @HuffingtonPost re @realDonaldTrump at #GOPDebate Keep driving the #GOPClownCar down the road https://t.co/pL0VFy0HzB,,2015-08-07 08:02:55 -0700,629669052001095680,Texas,Central Time (US & Canada) -7579,No candidate mentioned,0.4853,yes,0.6966,Negative,0.6966,FOX News or Moderators,0.4853,,MarkOdum,,1,,,after @foxnews #Gopdebate @megynkelly made it a mockery last night i look forward to #internationalbeerday,,2015-08-07 08:02:54 -0700,629669050512072704,Dayton Ohio home of WPAFB, -7580,Donald Trump,1.0,yes,1.0,Positive,0.6796,Women's Issues (not abortion though),0.6796,,RavingRaver,,0,,,"My response when @megynkelly tried to call @realDonaldTrump a sexist: ""CAN'T STUMP THE TRUMP!"" #GOPDebate",,2015-08-07 08:02:53 -0700,629669044929593344,NYC, -7581,No candidate mentioned,0.4782,yes,0.6915,Neutral,0.6915,None of the above,0.4782,,tokenliberal,,0,,,And finds zero facts. RT @CNNPolitics: .@CNNPolitics fact-checks the 2016 Republican debates #GOPDebate http://t.co/ybtt5VYtLr,,2015-08-07 08:02:52 -0700,629669041897127936,"Columbus, Ohio",Eastern Time (US & Canada) -7582,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mistererickson,,2,,,24 things the #GOPDebate guys totally look like. http://t.co/qGGUOb2Kf6 http://t.co/M5Fqw7vVjf,,2015-08-07 08:02:52 -0700,629669040777207808,"Atlanta, GA",Eastern Time (US & Canada) -7583,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2222,,john_kelly18,,39,,,RT @NeilMackay: The crowd just cheered for waterboarding at the #GOPDebate ... So I think I'll go to bed rather than kick my telly in,,2015-08-07 08:02:52 -0700,629669039929991168,,London -7584,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_salutenichol,,0,,,A little bitter that I have to watch little pieces of the #GOPDebate,,2015-08-07 08:02:51 -0700,629669034628268032,"East, TX", -7585,Donald Trump,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,BiasedGirl,,2,,,He admitted to paying Hillary to attend his wedding. Jesus. Fangirl much? I'd have gone with The Rock. That's just me. #DumpTrump #GOPDebate,,2015-08-07 08:02:50 -0700,629669032925470720,Where I need to be,Central Time (US & Canada) -7586,Scott Walker,1.0,yes,1.0,Positive,0.6582,None of the above,1.0,,JohnE_BeerMAN,,33,,,RT @JessicaValenti: as an italian-american i appreciate walker's ability to talk with his hands. that's the nicest thing i have to say #GOP…,,2015-08-07 08:02:49 -0700,629669026273304576,At a ballpark near you...,Central Time (US & Canada) -7587,Donald Trump,0.6807,yes,1.0,Negative,1.0,FOX News or Moderators,0.6807,,kathy_hoffman,,0,,,Not interested in what @megynkelly has to say - way too interested in promoting herself! #Trump2016 #GOPDebate https://t.co/Qo71twp8fn,,2015-08-07 08:02:48 -0700,629669025371549696,"Sanford, Florida",Eastern Time (US & Canada) -7588,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EarlSkakel,,0,,,I sure hope #CNN does not hire the #FoxNews makeup person for their #GOPDebate JESUS,,2015-08-07 08:02:48 -0700,629669021810495488,"West Hollywood, California", -7589,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,a_bit_sketchy,,0,,,#DonaldTrump #GOPDebate check it out here https://t.co/SGCU1vXZDV,,2015-08-07 08:02:47 -0700,629669020174716928,, -7590,Marco Rubio,1.0,yes,1.0,Negative,0.3511,None of the above,0.6915,,jerryb48,,2,,,"RT @sallykohn: .@FoxNews @ChrisStirewalt says Fiorina won #GOPDebate, then Rubio. - -""With the air of George Patton at a roller rink, Trump …",,2015-08-07 08:02:47 -0700,629669018085883904,Heart of Texas, -7591,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,None of the above,0.6471,,katknapp46,,0,,,"@6Dodges #GOPDebate Tax Code -Encourage Tax cuts, Tax Code changes or both? How can U cut tax, reduce Debt & maintain high Entitlements?",,2015-08-07 08:02:44 -0700,629669008237670400,"Texas, USA ", -7592,Donald Trump,0.4298,yes,0.6556,Neutral,0.3333,None of the above,0.4298,,GodsDontExist,,0,,,Donald Trump (@realDonaldTrump) is like the J.R. Ewing of politics! #GOPDebate,,2015-08-07 08:02:43 -0700,629669003695292416,"PDX, Oregon ☂ ",Pacific Time (US & Canada) -7593,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,preKpolitics,,0,,,"This country is full of your so-called ""losers"" who vote ...... poor people, fat people, and idiots too. - @realDonaldTrump #GOPDebate",,2015-08-07 08:02:41 -0700,629668992983003136,Spokane Washington USA,Pacific Time (US & Canada) -7594,Mike Huckabee,1.0,yes,1.0,Neutral,0.6455,None of the above,0.6455,,beamerFaceSkin,,26,,,RT @jeremynewberger: Little known fact. Mike Huckabee is the only candidate at #GOPDebate who has been to a Presidential debate... and a Kl…,,2015-08-07 08:02:40 -0700,629668990198005760,"California, USA", -7595,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,max_rava,,0,,,This morning's #Twitter reactions to the #GOPDebate show that @megynkelly 1 @realDonaldTrump 0,,2015-08-07 08:02:40 -0700,629668988717527040,Anywhere I'm Needed, -7596,Donald Trump,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,JoelSDunn,,1,,,RT @Redeem_Culture: POLL @DRUDGE_REPORT: 40% say @realDonaldTrump won the #GOPDebate: http://t.co/tLjgSEamuL http://t.co/UzijuAsmZs,,2015-08-07 08:02:38 -0700,629668979536035840,"Sacramento, CA",Pacific Time (US & Canada) -7597,No candidate mentioned,0.4344,yes,0.6591,Positive,0.3636,None of the above,0.4344,,TheDonaldRocks,,4,,,RT @renomarky: This picture taken during #GOPDebate of #Hillary2016 tels you how she's so in touch with middle-class hardworking 🇺🇸s http:/…,,2015-08-07 08:02:37 -0700,629668976344199168,North Bend,Pacific Time (US & Canada) -7598,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ZachSBoyd,,0,,,"@RealBenCarson Astounding job at the #GOPDebate. Poised, dignified, humble yet unwavering.",,2015-08-07 08:02:35 -0700,629668969708941312,, -7599,,0.233,yes,0.6304,Neutral,0.337,None of the above,0.3974,,RandPaulTuz,,0,,,#Republican debate round one social results http://t.co/NNdFDWhhTt #RandPaul #data #campaign #GOPDebate #Media #Blogs http://t.co/9UFEIydRk7,,2015-08-07 08:02:34 -0700,629668963547521024,, -7600,No candidate mentioned,0.4258,yes,0.6526,Neutral,0.6526,None of the above,0.4258,,walterolson,,6,,,"My reaction, and that of @CatoInstitute colleagues, to last night's #GOPDebate http://t.co/xI1dSIBDSv #Cato2016",,2015-08-07 08:02:34 -0700,629668963342008320,"Washington DC; New Market, MD",Eastern Time (US & Canada) -7601,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ransom_p,,0,,,I like what @JohnKasich said last night about @realDonaldTrump hitting a nerve in this country #GOPDebate #Trump https://t.co/wq2cxxGsai,,2015-08-07 08:02:34 -0700,629668963337682944,, -7602,Marco Rubio,0.6633,yes,1.0,Neutral,0.6633,Immigration,1.0,,DontTakeLosses,,0,,,"To get my vote, MUST pledge to close that damn border, require e-verify. Work visas ok. #GOPDebate - https://t.co/Agt306huA2",,2015-08-07 08:02:29 -0700,629668944652075008,"Arizona, USA",Eastern Time (US & Canada) -7603,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HokieHoos,,0,,,"World War ?? or Civil War.....We will get one or the other with a war-mongering repub president -#GOPDebate #gopwarmongers",,2015-08-07 08:02:28 -0700,629668940520812544,"Forest, VA",Atlantic Time (Canada) -7604,Donald Trump,1.0,yes,1.0,Negative,0.6292,None of the above,0.6966,,reluctantzealot,,0,,,I was enjoying the entertainment that is Trump's rhetoric....until democrats started taking him serious as a candidate. #gopDebate,,2015-08-07 08:02:25 -0700,629668928856412160,,Eastern Time (US & Canada) -7605,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,None of the above,1.0,,campesinoorgani,,7,,,"RT @Lugswagger: Those who cannot understand how to put their thoughts on ice should not enter into the heat of debate. -#GOPDebate",,2015-08-07 08:02:25 -0700,629668925224128512,, -7606,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,contradicting_1,,0,,,"Watching snippets of the #GOPDebate and thinking 'damn Americans have a great entertainment industry', then suddenly realising & feeling sad",,2015-08-07 08:02:23 -0700,629668916403564544,16. Reading.,London -7607,No candidate mentioned,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,None of the above,0.4707,,UnityVsSynergy,,2,,,"#BOYCOTT: @facebook & @instagram for censorship. - -@Dreamdefenders - -#GOPDebate",,2015-08-07 08:02:22 -0700,629668916239986688,,Eastern Time (US & Canada) -7608,Donald Trump,1.0,yes,1.0,Negative,0.3699,None of the above,1.0,,AC360,,8,,,#Trump took on opponents in #GOPDebate. This is how he took on celeb opponents in public feuds http://t.co/3fPXjvf7w9 http://t.co/6B06H8wFm5,,2015-08-07 08:02:22 -0700,629668912880308224,"New York, NY",Eastern Time (US & Canada) -7609,Donald Trump,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,benschoen,,0,,,I have been trolling every debate poll I see a link to by voting for Trump as the winner. #polltrolling #GOPDebate,,2015-08-07 08:02:22 -0700,629668912607662080,"33.437936,-111.99914",Quito -7610,No candidate mentioned,1.0,yes,1.0,Neutral,0.6421,None of the above,1.0,,Dailytakes,,0,,,So perhaps it's fair to say @CarlyFiorina won both debates last night? #GOPDebate,,2015-08-07 08:02:20 -0700,629668907184431104,Wisconsin,Central Time (US & Canada) -7611,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TajMagruder,,6,,,"Hillary got 19 mentions at the #GOPDebate and the middle class got 2. Really, what would they talk about if not her?",,2015-08-07 08:02:20 -0700,629668904969879552,Philadelphia, -7612,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,thmsm74,,0,,,Highlights From The 5PM #GOPDebate | http://t.co/OlmVI0sApE,,2015-08-07 08:02:19 -0700,629668901283098624,,Eastern Time (US & Canada) -7613,Donald Trump,0.6774,yes,1.0,Negative,0.6882,None of the above,1.0,,RSpensieri,,0,,,My main takeaway from last night's #GOPDebate? Poor Melania. #Trump,,2015-08-07 08:02:19 -0700,629668901224321024,"Saratoga Springs, NY",Eastern Time (US & Canada) -7614,No candidate mentioned,0.4287,yes,0.6548,Neutral,0.6548,None of the above,0.4287,,funny4u2all1010,,0,,,"ٌR▀█▀ Thanks bktoofan for the follow! http://t.co/aDQ1TNKWp8 worlds funniest video ever, http://t.co/4P3NBuTSAr #GOPDebate #Chemieunfal…",,2015-08-07 08:02:18 -0700,629668896912613376,, -7615,,0.2351,yes,0.6222,Negative,0.6222,Immigration,0.3872,,LStarcevich,,58,,,"RT @ReignOfApril: Rubio: All human beings deserve protection of our laws. But he meant fetuses, not undocumented immigrants. #GOPDebate",,2015-08-07 08:02:18 -0700,629668896249745408,, -7616,Donald Trump,0.4153,yes,0.6444,Negative,0.3227,None of the above,0.4153,,ayydaynakay,,1,,,RT @jybray: Telling it like it is #GOPDebate http://t.co/vzhLQyWZMV,,2015-08-07 08:02:15 -0700,629668885600567296,"Columbia, SC",Central Time (US & Canada) -7617,No candidate mentioned,0.6573,yes,1.0,Negative,1.0,Abortion,1.0,,chefjeff228,,0,,,How can you say that but demonize abortion & gay rights?? Oh & say God speaks to you? But let's blow everything up #GOPdebate,,2015-08-07 08:02:15 -0700,629668885382369280,next to the food,Central Time (US & Canada) -7618,Donald Trump,0.6667,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,revraygreen,,0,,,@GovChristie @realDonaldTrump Tough talk about marijuana from you 2 @FoxNews @megynkelly You didn't fire up the conversation? #GOPDebate,,2015-08-07 08:02:14 -0700,629668878998618112,"Des Moines, Iowa ",Pacific Time (US & Canada) -7619,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wordofCAG,,47,,,"RT @keatingthomas: Trump just said the political system is broken because you can buy politicians, and then explained exactly how many he's…",,2015-08-07 08:02:13 -0700,629668876217790464,Chicago,Eastern Time (US & Canada) -7620,No candidate mentioned,1.0,yes,1.0,Negative,0.6807,Abortion,0.6697,,AlexMazereeuw,,8,,,RT @APechtold: Dominant thema #GOPDebate ... Abortus! 2015?????,,2015-08-07 08:02:12 -0700,629668871503360000,Utrecht,Amsterdam -7621,No candidate mentioned,1.0,yes,1.0,Neutral,0.6606,None of the above,1.0,,ChrisRRegan,,0,,,If I were one of the candidates at the #GOPDebate I would have psyched out my opponents with a scorpion bolo tie!,,2015-08-07 08:02:11 -0700,629668868227641344,"Los Angeles, CA",Pacific Time (US & Canada) -7622,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ZeitgeistGhost,,8,,,"And the winner of the 1st #GOPDebate is.... @HillaryClinton !!! - -What a mob of lying pandering jackasses ....",,2015-08-07 08:02:10 -0700,629668863253315584,Norcal,Pacific Time (US & Canada) -7623,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PlannerColton,,0,,,wondered why I'm in a slightly bad mood this morning and then realized its due to the replaying of the #gopdebate in my head.,,2015-08-07 08:02:09 -0700,629668861042802688,"Okotoks, Alberta, Canada ", -7624,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,0.6552,,bgittleson,,7,,,Facebook says its top social moment of the #GOPDebate was the Chris Christie-Rand Paul interaction on the NSA,,2015-08-07 08:02:09 -0700,629668858442461184,"New York, NY",Eastern Time (US & Canada) -7625,No candidate mentioned,1.0,yes,1.0,Positive,0.6742,None of the above,1.0,,R1Y4A5N1,,0,,,GOP debate: Early numbers suggest record audience http://t.co/TUV31vgKLY #trump2016 #gop #gopdebate,,2015-08-07 08:02:08 -0700,629668854399045632,, -7626,No candidate mentioned,0.6629,yes,1.0,Negative,0.6966,Jobs and Economy,1.0,,bdgrogan,,57,,,RT @kesgardner: THANK YOU CARLY for mentioning those EPA regulations that would further strangle our economy. #GOPDebate,,2015-08-07 08:02:07 -0700,629668852880687104,,Arizona -7627,No candidate mentioned,0.3867,yes,0.6218,Positive,0.3277,,0.2352,,JoLoFoV,,244,,,"RT @Bidenshairplugs: Retweet if you're tired of the Democrats importing third world peasants to win elections, and the GOP not trying to st…",,2015-08-07 08:02:06 -0700,629668848300654592,USA,Eastern Time (US & Canada) -7628,Rand Paul,1.0,yes,1.0,Positive,0.6522,None of the above,1.0,,frankthorpNBC,,5,,,So this Vine of @RandPaul's eye roll to Chris Christie at the #GOPDebate last night has 4 MILLION loops: https://t.co/hf318QSoWD,,2015-08-07 08:02:06 -0700,629668847889481728,"Washington, DC",Central Time (US & Canada) -7629,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3573,,fintasmic,,19,,,RT @warriorwoman91: Many Republicans are upset about Planned Parenthood?? How can you be a human being and not be upset about those videos?…,,2015-08-07 08:02:03 -0700,629668835222618112,NOLA ,Central Time (US & Canada) -7630,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,erbarker,,0,,,@megynkelly was the big loser in #GOPDebate #FOXNEWSDEBATE,,2015-08-07 08:02:01 -0700,629668824346984448,Bethlehem Ga. USA,Eastern Time (US & Canada) -7631,No candidate mentioned,0.6496,yes,1.0,Negative,0.6743,None of the above,1.0,,queertardo,,1,,,@Salon 2nd Favorite #GOPDebate Meme on internet! http://t.co/RnYUvlHv4D,,2015-08-07 08:01:59 -0700,629668818101534720,"California, USA",Pacific Time (US & Canada) -7632,Marco Rubio,1.0,yes,1.0,Neutral,0.6453,Abortion,0.6757,,llendonmar46,,2,,,"Rubio passes critical debate test, but abortion answer hands Democrats gift. http://t.co/81h38AjLbQ #p2 #UniteBlue #USLatino #GOPDebate",,2015-08-07 08:01:58 -0700,629668814964264960,USA , -7633,Donald Trump,1.0,yes,1.0,Neutral,0.6657,FOX News or Moderators,1.0,,4princessmel,,0,,,"LBH,@megynkelly came into the debate with a chip on her shoulder where @realDonaldTrump was concerned.#SorryNotSorry #GOPDebate #BeImpartial",,2015-08-07 08:01:56 -0700,629668807066279936,,Central Time (US & Canada) -7634,John Kasich,0.4393,yes,0.6628,Neutral,0.6628,None of the above,0.4393,,DigContactLtd,,0,,,@JohnKasich we thought we’d share how you performed on social medial after last night’s #Republican #GOPDebate http://t.co/nbKLMsbRI1,,2015-08-07 08:01:56 -0700,629668803484499968,"Dartford, UK",London -7635,No candidate mentioned,1.0,yes,1.0,Neutral,0.6939,FOX News or Moderators,1.0,,_HankRearden,,0,,,Megyn Kelly: Rosie O'Donnell a 'woman.' #GOPDebate,,2015-08-07 08:01:56 -0700,629668803174121472,District of Columbia, -7636,Donald Trump,0.4071,yes,0.638,Negative,0.638,FOX News or Moderators,0.4071,,JoeyFreeman5,,255,,,RT @ThePatriot143: #GOPDebate @megynkelly to Trump: 'When Did You Become a Republican?' Trump should have said 'When did you become a repor…,,2015-08-07 08:01:54 -0700,629668797046226944,"Georgia, USA",Atlantic Time (Canada) -7637,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KenSimonSays,,44,,,"RT @JillBidenVeep: I loved Huckabee's work in ""The Grinch who Stole Christmas."" #GOPDebate",,2015-08-07 08:01:54 -0700,629668796144422912,,Eastern Time (US & Canada) -7638,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3299,None of the above,0.4218,,Dailytakes,,0,,,As far as individual performances at #GOPDebate I don't think it's a stretch to say @CarlyFiorina won the 1st. No one broke out of the 2nd.,,2015-08-07 08:01:53 -0700,629668794496077824,Wisconsin,Central Time (US & Canada) -7639,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thmsm74,,0,,,#GOPDebate: Fiorina Blasts Trump's Clinton Ties: 'I Didn't Get A Phone Call From Bill' | http://t.co/LvzMwOwrRS,,2015-08-07 08:01:52 -0700,629668789924306944,,Eastern Time (US & Canada) -7640,No candidate mentioned,1.0,yes,1.0,Neutral,0.6809,None of the above,1.0,,Main_Tain22,,0,,,Fact checking the GOP candidates' statements in debate http://t.co/2maLAjpTly via @NewsHour impressed I caught half of these in #gopdebate,,2015-08-07 08:01:51 -0700,629668786325581824,North Carolina,Atlantic Time (Canada) -7641,No candidate mentioned,0.4211,yes,0.6489,Positive,0.6489,,0.2278,,Patriot_Nation_,,0,,,#Carly2016 : @CarlyFiorina was 'dominant' winner of #GOPdebate night. @ChrisStirewalt http://t.co/72u0fGvb9J,,2015-08-07 08:01:51 -0700,629668784035471360,"Summerville, South Carolina ", -7642,No candidate mentioned,0.4061,yes,0.6372,Negative,0.6372,,0.2312,,Seandrumm81,,1,,,RT @TumbleweedATL: I think your 3 cent titanium tax doesn't go too far enough! #GOPDebate #Futurama,,2015-08-07 08:01:51 -0700,629668783838199808,, -7643,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,quinnquina,,0,,,"Vote for a dad who -brags he's never changed a -diaper? No thanks, Trump. -#sexyvoterhaiku #GOPDebate",,2015-08-07 08:01:51 -0700,629668782613467136,"Milwaukee, WI", -7644,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RonThornton,,110,,,RT @MichelleDBeadle: Fake laughter is the best laughter. #GOPDebate,,2015-08-07 08:01:50 -0700,629668781074223104,"Plano, Texas",Central Time (US & Canada) -7645,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PragmaticEbooks,,322,,,RT @JohnFugelsang: You could listen to all the candidate ideas in #gopdebate or you could just look at Kansas.,,2015-08-07 08:01:46 -0700,629668764083167232,, -7646,Ted Cruz,1.0,yes,1.0,Negative,0.6733,None of the above,1.0,,Charlie_O,,0,,,#TedCruz reminded me of my Aunt Ethel sending her chicken a la king back to the kitchen at Cracker Barrel. #GOPDebate,,2015-08-07 08:01:45 -0700,629668760752914432,Philly,Eastern Time (US & Canada) -7647,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6413,,RevChuckCurrie,,1,,,"#DonaldTrump retweeted comment calling @megynkelly a ""bimbo"" last night. This is a man who hates women. The @GOP front runner. #GOPDebate",,2015-08-07 08:01:45 -0700,629668760001970176,"Portland, Oregon",Pacific Time (US & Canada) -7648,Donald Trump,1.0,yes,1.0,Negative,0.7019,None of the above,1.0,,CameronShiZzFOH,,0,,,http://t.co/7uGkpZu40y I'm just gonna leave this here... #GOPDebate #Trump #RandPaul2016 http://t.co/E6JS3dFt7x,,2015-08-07 08:01:45 -0700,629668759892955136,"San Jose, Ca",Pacific Time (US & Canada) -7649,No candidate mentioned,0.4391,yes,0.6627,Negative,0.3373,None of the above,0.4391,,ClevelandNewzer,,0,,,"GPBSavannah: See ya later, #cleveland. In about a year if not sooner. #GOPdebate #election2016 https://t.co/zNWOFJAy6O",,2015-08-07 08:01:45 -0700,629668757149982720,N.E.Ohio,Atlantic Time (Canada) -7650,Ben Carson,1.0,yes,1.0,Negative,0.6629,Jobs and Economy,1.0,,JaclynHStrauss,,0,,,"I loved it in the #GOPdebate when @BenCarson likened taxes to tithes, and said God already had a great plan, inherently fair.",,2015-08-07 08:01:43 -0700,629668751152152576,"Halifax, Nova Scotia, Canada",Mid-Atlantic -7651,No candidate mentioned,0.4756,yes,0.6897,Positive,0.3563,None of the above,0.4756,,SteveForbesCEO,,14,,,"As usual, @Peggynoonannyc very insightful on the #GOPDebate candidates: http://t.co/4yp5VfABjq",,2015-08-07 08:01:41 -0700,629668744244109312,"New York, NY",Eastern Time (US & Canada) -7652,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6611,,ErinSalley13,,6,,,RT @lea_elenaa: I AM CONFUSED AS TO WHY WOMEN'S REPRODUCTIVE RIGHTS IS A DEBATE TOPIC FOR THE MALE REPUBLICAN CANDIDATES #GOPDebate,,2015-08-07 08:01:40 -0700,629668739282288640,,Central Time (US & Canada) -7653,Donald Trump,1.0,yes,1.0,Negative,0.6318,None of the above,0.6318,,mmac741x,,2,,,RT @MikeFromTN: @ChuckNellis @PhillipNLegg @JebBush If @realDonaldTrump is a Conservative then I'm the Pope! And. I. Am. Not. #tcot #GOPDe…,,2015-08-07 08:01:40 -0700,629668737398902784,"Alabama, USA", -7654,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,LoveSujeiry,,0,,,Getting my fill of @TheView! Can't wait for them to dish on the #GOPDebate.,,2015-08-07 08:01:39 -0700,629668734966349824,NYC,Quito -7655,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thehilarysmith,,0,,,Just woke up and I'm wondering: was the #GOPDebate real? Or the most horrifying nightmare I've ever had?,,2015-08-07 08:01:38 -0700,629668730625077248,,Eastern Time (US & Canada) -7656,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BettinaVLA,,4,,,"RT @BiasedGirl: Oh. Hey. So ""drafting off of Trump"" Maybe not the best idea. #GOPDebate #DumpTrump https://t.co/AU1MBqGe7l",,2015-08-07 08:01:37 -0700,629668725524815872,"Los Angeles, CA",Pacific Time (US & Canada) -7657,No candidate mentioned,1.0,yes,1.0,Neutral,0.6403,FOX News or Moderators,1.0,,craigahumphreys,,0,,,"#GOPDebate - -Fox grade: D- - -1 Hard to access online (thx Periscope) -2 Lousy questions -3 Biased - -Undercard Fox moderators were pretty good",,2015-08-07 08:01:34 -0700,629668715009736704,"Las Vegas, Siicon Valley, 北京上海",Pacific Time (US & Canada) -7658,Jeb Bush,1.0,yes,1.0,Neutral,0.6765,None of the above,1.0,,JuneauPatrice,,0,,,Jeb Bush underperforms at the #GOPDebate http://t.co/P9AuvS7Egn by jonward11 http://t.co/VvQ2JGN9bI,,2015-08-07 08:01:34 -0700,629668714418446336,Montreal,Pacific Time (US & Canada) -7659,No candidate mentioned,1.0,yes,1.0,Negative,0.6737,Healthcare (including Medicare),1.0,,junkbabe68,,140,,,RT @ConnieSchultz: Every candidate who wants to repeal Obamacare should have to answer: Which Americans lose their healthcare? Name your vi…,,2015-08-07 08:01:34 -0700,629668713906745344,Ohio,Eastern Time (US & Canada) -7660,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MarkW_KVUE,,0,,,"Good morning, friends. Ready to review the #GOPDebate performances with fresh eyes? Here's one take: https://t.co/YE8xYc4gLn",,2015-08-07 08:01:32 -0700,629668705367126016,"Austin, TX",Central Time (US & Canada) -7661,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.667,,JoshPainter2154,,17,,,RT @SmartPolitics: Equal distribution of candidate speaking time (6:52) only reached by Trump & Bush #GOPDebate http://t.co/ZNSQlB4ow2 http…,,2015-08-07 08:01:32 -0700,629668705215975424,"Brazos Valley, Texas",Pacific Time (US & Canada) -7662,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,DeRob125,,213,,,"RT @CapehartJ: ""The President can't tell us what we got"" in the Iran deal. Except he gave an entire speech about it yesterday. #GOPDebate",,2015-08-07 08:01:31 -0700,629668700900212736,Washington DC,Eastern Time (US & Canada) -7663,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Lisaley,,0,,,"Disappointed with @FoxNews facilitators, concentration on one person (Trump) and overall feel of a reality show, not a #GOPDebate",,2015-08-07 08:01:31 -0700,629668699486691328,new jersey, -7664,Chris Christie,1.0,yes,1.0,Neutral,0.6486,None of the above,0.6486,,thmsm74,,0,,,#GOPDebate: Chris Christie And Rand Paul Spar Over NSA | http://t.co/Q2Tt9FilHH,,2015-08-07 08:01:30 -0700,629668694927536128,,Eastern Time (US & Canada) -7665,No candidate mentioned,0.4552,yes,0.6747,Neutral,0.3614,None of the above,0.2439,,themollyrocket,,0,,,@bustle @brosandprose I think this is my favorite #GOPDebate GIF yet,,2015-08-07 08:01:29 -0700,629668690280230912,"Nashville, TN",Eastern Time (US & Canada) -7666,Chris Christie,1.0,yes,1.0,Negative,0.6787,None of the above,0.6787,,AmolShalia,,452,,,"RT @pattonoswalt: ""They call me EAT-O Corleone."" -- Chris Christie. #GOPDebate",,2015-08-07 08:01:28 -0700,629668688480727040,, -7667,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,None of the above,0.6559,,FitwithFlash,,7,,,RT @JaymeKFraser: Funny memes weigh in on #GOPdebate. A @HoustonChron collection: http://t.co/wktSBpOpzV #MoreDebatesPlease http://t.co/EI…,,2015-08-07 08:01:26 -0700,629668680373108736,"San Diego, CA",Atlantic Time (Canada) -7668,Chris Christie,1.0,yes,1.0,Negative,0.6515,None of the above,1.0,,PruneJuiceMedia,,0,,,Is it me or has Gov. Christie slimmed down even more? #GOPDebate,,2015-08-07 08:01:25 -0700,629668674736128000,"Atlanta, Georgia",Eastern Time (US & Canada) -7669,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ebpersons,,0,,,Not a senior nor a junior at the #GOPDebate last night was fit for the presidency. #StraightTalk What MSM does not have the guts to say.,,2015-08-07 08:01:24 -0700,629668669476458496,"Brooklyn, New York",Eastern Time (US & Canada) -7670,Jeb Bush,1.0,yes,1.0,Positive,0.6923,None of the above,1.0,,PaytonDebate,,2,,,RT @SmartBlackMan: Bush knocked down the Towers tho...#GOPDebate #KKKorGOP,,2015-08-07 08:01:22 -0700,629668664615301120,chicago,Eastern Time (US & Canada) -7671,No candidate mentioned,1.0,yes,1.0,Negative,0.6691,None of the above,1.0,,Bostoncharm,,0,,,I read #GOPDebate Fact checks today.. Did ANYONE tell the truth??,,2015-08-07 08:01:22 -0700,629668663747059712,Virginia,Eastern Time (US & Canada) -7672,No candidate mentioned,0.4847,yes,0.6962,Neutral,0.3659,None of the above,0.4847,,AKudj25,,0,,,Ended up last night at the Renaissance with some of the RNC at a private event. One way to end the night! #GOPDebate,,2015-08-07 08:01:22 -0700,629668663411355648,"Cleveland, Ohio",Eastern Time (US & Canada) -7673,Ben Carson,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,ginsengity,,0,,,hey look- the #KochBrothers R on the stage- standing between #BenCarson & #Trump #GOPDebate,,2015-08-07 08:01:21 -0700,629668658504011776,Michigan,Eastern Time (US & Canada) -7674,No candidate mentioned,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,ChiefG4LSU,,0,,,"The next #GOPDebate, I believe @CarlyFiorina deserves a seat at the big table. #TCOT #RedNationRising #PJNET",,2015-08-07 08:01:20 -0700,629668656050499584,Deep South, -7675,No candidate mentioned,1.0,yes,1.0,Negative,0.631,None of the above,1.0,,FBillMcMorris,,1,,,Going on @koolidge in 5 minutes to talk #GOPDebate and Stewart's awful finale. Tune in http://t.co/mXpD56nTwx,,2015-08-07 08:01:20 -0700,629668655249391616,,Central Time (US & Canada) -7676,No candidate mentioned,1.0,yes,1.0,Neutral,0.6599,None of the above,1.0,,Todd_Spencer,,1,,,Chrissy 'Tingles' Matthews gets his ass handed to him by Carly Fiorina. 😄😄😄 http://t.co/h5P56Xx2rG #GOPDebate,,2015-08-07 08:01:18 -0700,629668644486815744,,Eastern Time (US & Canada) -7677,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Tiffanydloftin,,0,,,"Someone did a fact check on the debates last night They all get an ""F"" http://t.co/PCOgVBoaow @rolandsmartin @FreedomSide @AFLCIO #GOPDebate",,2015-08-07 08:01:18 -0700,629668644340002816,Washington DC,Eastern Time (US & Canada) -7678,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,FromAToZany,,0,,,@StephenAtHome Here's my take on the GOP debate: https://t.co/VLTnasVw0t #GOPDebate,,2015-08-07 08:01:17 -0700,629668642834112512,Greater Cincinnati,Atlantic Time (Canada) -7679,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,happydreams22,,0,,,msnbc: All of your latest #GOPdebate news and more in one place: http://t.co/yjRjXD1yfq (Getty) http://t.co/x5rmYn4Rc6,,2015-08-07 08:01:17 -0700,629668642003791872,The United States,Central Time (US & Canada) -7680,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.6591,None of the above,0.4344,,valiantlena,,4,,,RT @DCcronin: Follow the 2016 US elections race live http://t.co/hii1aEWl0I #GOPDebate #Zoomph #FaceOff http://t.co/Fyv6al6Q40,,2015-08-07 08:01:17 -0700,629668640049221632, Earth, -7681,Donald Trump,1.0,yes,1.0,Negative,0.3572,FOX News or Moderators,0.6743,,GovtsTheProblem,,4,,,"Since @FoxNews wants to talk about campaign donations, let's talk. -@rupertmurdoch @realDonaldTrump -#GOPDebate http://t.co/7n0VLjf2sN",,2015-08-07 08:01:17 -0700,629668639780659200,Colorado, -7682,No candidate mentioned,0.47,yes,0.6856,Negative,0.3749,Racial issues,0.257,,hiphopbeats,,0,,,Listening to #Compton by @drdre was more real than listening to the #GOPDebate,,2015-08-07 08:01:15 -0700,629668633598423040,Global,Central Time (US & Canada) -7683,Donald Trump,0.6469,yes,1.0,Negative,1.0,FOX News or Moderators,0.6469,,renomarky,,17,,,"#GOPDebate #FoxDebate #DonaldTrump #MegynKelly -To start debate with a loaded sexist question was unfair & disgusting http://t.co/dAEJOOo1De",,2015-08-07 08:01:14 -0700,629668629903224832,VEGAS , -7684,No candidate mentioned,1.0,yes,1.0,Negative,0.3703,Healthcare (including Medicare),1.0,,MsOCHubbard,,95,,,RT @DWStweets: Obamacare extends the solvency of Medicare and makes prescription drugs more affordable. That's the care seniors deserve. #O…,,2015-08-07 08:01:14 -0700,629668629101940736,Chicago,Central Time (US & Canada) -7685,No candidate mentioned,0.44299999999999995,yes,0.6656,Neutral,0.3459,None of the above,0.44299999999999995,,AlvaroTabique,,0,,,"""Miss the #GOPDebate? Here are the highlights, in 60 seconds--WATCH: http://t.co/yNNabR9pqQ http://t.co/WRRgMtvyOz""",,2015-08-07 08:01:13 -0700,629668624169615360,Colombia,Central Time (US & Canada) -7686,No candidate mentioned,0.43200000000000005,yes,0.6572,Negative,0.34700000000000003,Abortion,0.43200000000000005,,pretentiouscarp,,0,,,Republicans still talking about abortion like it's the 1960s. #GOPDebate http://t.co/Tz6w74Bk0I,,2015-08-07 08:01:10 -0700,629668613096632320,London, -7687,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,Trevin_Cooper,,28,,,RT @goldengateblond: Lindsey Graham is like if warm milk were a person. #GOPDebate,,2015-08-07 08:01:10 -0700,629668612312162304,"Charleston, SC",Quito -7688,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,heidtman,,0,,,"#gopdebate #Trump's 3AM tweet brags of winning debate with a ""dumb panel"" by ""massive amount"". Less-dumb panel"" would trounce him massively",,2015-08-07 08:01:07 -0700,629668599330926592,...west of the Atlantic again.,Eastern Time (US & Canada) -7689,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.3409,None of the above,0.4495,,nhbaptiste,,0,,,The real winner of last night's #GOPDebate? Fuck You Republicanism! http://t.co/QV43oi8ceQ,,2015-08-07 08:01:05 -0700,629668590107652096,"Washington, DC",Eastern Time (US & Canada) -7690,No candidate mentioned,0.3706,yes,0.6087,Negative,0.6087,FOX News or Moderators,0.3706,,beckbrew,,3,,,RT @southsalem: Pyrrhic victory. Got ratings. Lost viewers. @FoxNews #GOPDebate #KellyFile #ChrisCrowley,,2015-08-07 08:01:04 -0700,629668588379443200,"Arkansas, USA", -7691,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,drskyskull,,3,,,"My summary of #GOPDebate candidates from last night: mouth-breathing, paste-eating poster children for the banality of evil.",,2015-08-07 08:01:03 -0700,629668581031182336,"Charlotte, NC",Central Time (US & Canada) -7692,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6349,,AmberRhea5,,0,,,"George Bush may have hated black people, but @realDonaldTrump hates all women. - -And Mexicans. - -#GOPDebate #whatadick #ohmygodihatehimsomuch",,2015-08-07 08:01:02 -0700,629668580167131136,I'm somewhere ignoring Louis.,Atlantic Time (Canada) -7693,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,kellybarnhill,,0,,,"@bkshelvesofdoom Alas, stating true facts does not always effectivley squelch stupid, bone-headed and moronic ideas. See Also: #GOPDebate",,2015-08-07 08:01:01 -0700,629668574861332480,Minneapolis,Central Time (US & Canada) -7694,Marco Rubio,0.4545,yes,0.6742,Positive,0.3371,None of the above,0.4545,,FreedomEditor,,0,,,"Best line of the night? - -#MarcoRubio #GOPDebate http://t.co/zhnqHDPILn",,2015-08-07 08:01:00 -0700,629668570700623872,United States of America, -7695,No candidate mentioned,1.0,yes,1.0,Negative,0.7159,Foreign Policy,1.0,,nathanwoodall1,,55,,,"RT @HalSparks: ""We should respect life from beginning to end"" unless it's in Iran. Then nuke em hard #GOPDebate",,2015-08-07 08:00:58 -0700,629668562756481024,McHenry,Central Time (US & Canada) -7696,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AmiraMitch,,0,,,Finally had the opportunity to watch the #GOPDebate and I was honestly speechless...,,2015-08-07 08:00:58 -0700,629668561900937216,DSU16, -7697,Donald Trump,1.0,yes,1.0,Negative,0.6404,Immigration,0.3596,,wisdomforwomen,,2,,,"RT @SSReaney: @megynkelly MostStupidQ #GOPDebate 11 M+ illegals in this country & Chris Wallace asks Trump for ""proof"" that they're crossin…",,2015-08-07 08:00:58 -0700,629668561733025792,,Mountain Time (US & Canada) -7698,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,ajaykaul10,,1,,,"A 3rd grader can debate like our political candidates. If we stress on specifics - like an implementation plan, we hear crickets #GOPDebate",,2015-08-07 08:00:58 -0700,629668561045204992,"San Diego, California, USA",Pacific Time (US & Canada) -7699,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,NicholasJBique,,1,,,"RT @libbybeau: ""The game ain't worth winning if you're breaking all the rules"" #GOPDebate",,2015-08-07 08:00:55 -0700,629668548122669056,AMERICA,Eastern Time (US & Canada) -7700,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6559,,SaddestRobots,,0,,,"""Women shouldn't have body rights."" -""Oh, yeah? I will go FULL FUCKING CARTOON FASCIST to deny women body rights!"" -— #GOPDebate in brief",,2015-08-07 08:00:53 -0700,629668542586208256,,Eastern Time (US & Canada) -7701,Mike Huckabee,1.0,yes,1.0,Neutral,0.6703,None of the above,0.6703,,WorshipIsKey,,43,,,"RT @Nettaaaaaaaa: ""the military is not some social experiment"" Huckabee #GOPDebate",,2015-08-07 08:00:52 -0700,629668536915509248,"Milwaukee, WI", -7702,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Immigration,0.4492,,PruneJuiceMedia,,0,,,"Dallas is a sanctuary city for illegal immigrants, I believe. If I have the definition of “sanctuary city” correct. #GOPDebate",,2015-08-07 08:00:51 -0700,629668534482796544,"Atlanta, Georgia",Eastern Time (US & Canada) -7703,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BiasedGirl,,3,,,Expose him now. Then he is The Clinton's problem. Not ours. #DumpTrump #GOPDebate #JigIsUp https://t.co/MM2dVMCQQb,,2015-08-07 08:00:50 -0700,629668529457995776,Where I need to be,Central Time (US & Canada) -7704,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,LGBT issues,1.0,,themollyrocket,,151,,,"RT @JessicaValenti: ""I have gay friends."" #GOPDebate",,2015-08-07 08:00:50 -0700,629668529206370304,"Nashville, TN",Eastern Time (US & Canada) -7705,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6523,,Blackwoodstar,,0,,,As much as I don't like @realDonaldTrump the #GOPDebate was all about ripping him apart. The first question dragged on.,,2015-08-07 08:00:50 -0700,629668526937239552,, -7706,No candidate mentioned,1.0,yes,1.0,Negative,0.6519,Racial issues,0.6409999999999999,,delegate4hillar,,290,,,RT @AdamSmith_USA: Race was discussed for only seconds. There's the Republican Party for you. #GOPDebate,,2015-08-07 08:00:48 -0700,629668520406593536,SF Bay Area, -7707,No candidate mentioned,0.4062,yes,0.6374,Neutral,0.6374,None of the above,0.4062,,Moniggaaaa_,,5,,,RT @10NewsAtkinson: Millennials reaction to tonights #GOPDebate? @TomiLahren talks with @10News before sharing her thoughts on @Nightline h…,,2015-08-07 08:00:46 -0700,629668511883919360,Miami, -7708,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,jerryb48,,4,,,RT @larryfeltonj: Amazing how little attention was spent on police killing of black people. Defining national issue in at the moment. #GOPD…,,2015-08-07 08:00:42 -0700,629668496301912064,Heart of Texas, -7709,,0.233,yes,0.6304,Neutral,0.6304,,0.233,,bcarovillano,,248,,,RT @ChrisRugaber: Bush says Fla. added 1.3M jobs but housing bubble was big driver - 3/4 jobs were gone 3 yrs later #GOPdebate: http://t.co…,,2015-08-07 08:00:42 -0700,629668495194615808,New York, -7710,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Johnisnotamused,,0,,,Omfg Huckabee called out Obama for vilifying people who disagree with him. The irony! #GOPDebate,,2015-08-07 08:00:40 -0700,629668486529335296,literally anywhere else,Quito -7711,Donald Trump,0.4344,yes,0.6591,Negative,0.3636,None of the above,0.4344,,mortu4ry,,3,,,RT @nvr2conservativ: #GOPDebate revealed Trump isn't all that; Paul & Christie didn't belong there but Fiorina did; Jeb is establishment; C…,,2015-08-07 08:00:39 -0700,629668484297789440,, -7712,Rand Paul,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,nick_frandsen,,0,,,Wait what? There can be debate about who did best in last night's #GOPDebate but it certainly wasn't @RandPaul... https://t.co/wKLkMkDfIk,,2015-08-07 08:00:39 -0700,629668483811409920,"Des Moines, Iowa",Central Time (US & Canada) -7713,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,None of the above,1.0,,CQnow,,3,,,RT @sfpathe: Did this guy's candidate have a bad night? Wonder who he's supporting... #gopdebate http://t.co/Dvnvk3B84l,,2015-08-07 08:00:39 -0700,629668481735135232,"Washington, D.C.",Atlantic Time (Canada) -7714,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,thisjohnalston,,0,,,Join me tonight from 6-8PM as I will be live tweeting the Cubic Zirconia Showcase on QVC #GOPDebate,,2015-08-07 08:00:38 -0700,629668479575011328,Xanadu (aka Hollywood), -7715,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DavePlunk,,0,,,"Lost in all the insanity of the #GOPDebate was how FoxNews was completely shilling for the GOP, not pretending to be impartial. #Shocked",,2015-08-07 08:00:35 -0700,629668467256508416,,Central Time (US & Canada) -7716,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,missemhorne,,0,,,"Tried to watch #GOPDebate, couldn't figure out my cable (1st time trying, had it for a year). This is how often I watch TV. #truestory",,2015-08-07 08:00:35 -0700,629668465066971136,Deep in the Lone Star,Central Time (US & Canada) -7717,John Kasich,0.6897,yes,1.0,Positive,0.6437,Religion,0.6437,,McMistress,,0,,,"""God gives me unconditional love, I'm going to give it to my family, my friends, and the people around me."" ~ Kasich #GOPDebate",,2015-08-07 08:00:33 -0700,629668455713652736,,Pacific Time (US & Canada) -7718,John Kasich,1.0,yes,1.0,Positive,0.6786,LGBT issues,0.6786,,braedenmayer,,0,,,.@JohnKasich surprises me again with his #gaymarriage answer. I like this guy. #GOPDebate,,2015-08-07 08:00:33 -0700,629668454988161024,"Ciudad de David, Panamá",Central Time (US & Canada) -7719,No candidate mentioned,1.0,yes,1.0,Positive,0.6522,None of the above,1.0,,BethBaldauf,,0,,,These are great! Which is your fave? #GOPDebate https://t.co/EojrKB1ahS,,2015-08-07 08:00:32 -0700,629668452207304704,#ColumbiaSC & @FANeighbors,Eastern Time (US & Canada) -7720,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ZarkoElDiablo,,11,,,RT @rixshep: .@glennbeck And the projected losers in the #FoxDebate / #GOPDebate are ... @megynkelly & Chris Wallace!,,2015-08-07 08:00:31 -0700,629668449535553536,,Eastern Time (US & Canada) -7721,Donald Trump,0.4746,yes,0.6889,Neutral,0.6889,None of the above,0.2449,,vindicator,,0,,,.@realDonaldTrump caused quite a stir last night at the #GOPDebate http://t.co/Cw97OcUCUt http://t.co/B1f9KJT99z,,2015-08-07 08:00:31 -0700,629668449220845568,"Youngstown, OH",Eastern Time (US & Canada) -7722,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,0.6848,,MarkDiBello,,0,,,"@FoxNews @CNN http://t.co/anItX9LFjz #GOPDebate #MarcoRubio POWER RANKINGS, PROPHECIES, POLLS and PREDICTIONS: http://t.co/NPeY2SymkP … …",,2015-08-07 09:07:48 -0700,629685380955009024,,Pacific Time (US & Canada) -7723,No candidate mentioned,0.6765,yes,1.0,Neutral,0.3549,FOX News or Moderators,0.6451,,continetti,,2,,,Incoming hot take from @AndrewStilesUSA on #GOPDebate http://t.co/p1GoAlBT67,,2015-08-07 09:07:41 -0700,629685352089939968,,Eastern Time (US & Canada) -7724,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,None of the above,1.0,,JasonFielderTV,,0,,,Knew #GOPDebate ratings would be through the roof. It was compelling theatre. Reality TV at its finest. https://t.co/KBX7kMFsS7,,2015-08-07 09:07:38 -0700,629685338923859968,,Eastern Time (US & Canada) -7725,No candidate mentioned,1.0,yes,1.0,Negative,0.6696,None of the above,1.0,,karl_sans_marx,,1,,,RT @carmengoblue: It is like Miss America meets Jerry Springer. #gopdebate,,2015-08-07 09:07:36 -0700,629685330388647936,"Winona Lake, Indiana", -7726,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,Abortion,0.4265,,EiseOnThePrize,,1,,,RT @sobertacious: DEFUNDING PLANNED PARENTHOOD IS NOT SOMETHING TO BE PROUD OF #GOPDebate,,2015-08-07 09:07:34 -0700,629685323916800000,,Mountain Time (US & Canada) -7727,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Beem_Skeem,,0,,,NONE IS TALKING JUSTICE IN AMERICA #GOPDebate http://t.co/h9AgXpuZ4a,,2015-08-07 09:07:26 -0700,629685288995028992,"Greenville, SC to Atlanta",Central Time (US & Canada) -7728,John Kasich,0.4133,yes,0.6429,Negative,0.6429,None of the above,0.4133,,FreedomJames7,,0,,,"John Kasich Is A RINO. -#GOPDebate",,2015-08-07 09:07:10 -0700,629685221655465984,, -7729,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,Subby5000,,0,,,Best anal. Ysis you will read about last nights debates. #GOPDebate https://t.co/1BAMWCKIZf,,2015-08-07 09:07:08 -0700,629685213321383936,DMV,Eastern Time (US & Canada) -7730,Donald Trump,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,TheThinGrayLine,,0,,,"Trump: the system is broken, i know because i've taken advantage. #GOPDebate",,2015-08-07 09:06:41 -0700,629685102042198016,"Edmonton, AB", -7731,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6509,,LauriePatriot,,2,,,RT @patriotmom61: .@greta Ask Trump where he got his blue collar message https://t.co/JufZK92PMI #GOPDebate #FoxDebate #greta http://t.co/a…,,2015-08-07 09:06:40 -0700,629685095226413056,,Pacific Time (US & Canada) -7732,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,JoeTalkShow,,0,,,"I'll bet you have some strong opinions on the most-watched debate in history. So do I.. http://t.co/3KrWyxTqaJ -#GOPDebate",,2015-08-07 09:06:38 -0700,629685085755736064,"TX, CO, OR, MN, Nationally",Central Time (US & Canada) -7733,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,d_suttonn,,0,,,"Forget the #GOPDebate, this is definitely the most important development in the election thus far. http://t.co/2Z3SyiX6GY",,2015-08-07 09:06:18 -0700,629685004067540992,, -7734,Donald Trump,0.4756,yes,0.6897,Negative,0.6897,None of the above,0.2537,,mattdpalm,,0,,,@weeklystandard @JayCostTWS @realDonaldTrump your attempts to put him down are hilariously desperate. #GOPDebate #Trump2016,,2015-08-07 09:06:14 -0700,629684987579731968,"Davis, CA", -7735,Rand Paul,0.6735,yes,1.0,Neutral,0.6735,Gun Control,1.0,,MWR_OKC,,178,,,"RT @KatiePavlich: ""I don't want my marriage or my guns registered in Washington"" -Rand Paul #GOPdebate",,2015-08-07 09:06:07 -0700,629684959045758976,"Duncan, Oklahoma",Hawaii -7736,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Religion,0.4594,,RWilliams977,,27,,,"RT @SnarkyFieds: ""Does God talk to you"" is the final question? I swear I thought this was an elaborate @TheDailyShow joke. #GOPDebate http:…",,2015-08-07 09:06:05 -0700,629684948736344064,,Eastern Time (US & Canada) -7737,No candidate mentioned,0.4293,yes,0.6552,Neutral,0.3448,None of the above,0.4293,,DavidKazzie,,0,,,We definitely need #InternationalBeerDay after last night's #GOPDebate,,2015-08-07 09:05:58 -0700,629684920420564992,"Richmond, VA",Eastern Time (US & Canada) -7738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,AurielEbonie,,0,,,"How are you pro life, but bitch about funding programs that provide for these lives??? *looking to see where they do that at* #GOPDebate",,2015-08-07 09:05:58 -0700,629684918499454976,, -7739,No candidate mentioned,0.6437,yes,1.0,Negative,1.0,None of the above,1.0,,TLW3,,3,,,"RT @LiberalMmama: This is the saddest, most incomprehensible tweet I've ever seen... #GOPClownCar #GOPDebate https://t.co/eDnUqWhPsh",,2015-08-07 09:05:52 -0700,629684896215252992,"Haddonfield, NJ",Eastern Time (US & Canada) -7740,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6786,,infowarrior92,,13,,,RT @Rambobiggs: Jeb Bush Sucks #GOPDebate,,2015-08-07 09:05:49 -0700,629684881648427008,, -7741,No candidate mentioned,1.0,yes,1.0,Neutral,0.6735,None of the above,1.0,,italia_eterna,,2,,,RT @laurenekelly: Kate Winslet in this commercial wins the Republican Debate. #GOPDebate,,2015-08-07 09:05:46 -0700,629684868520235008,VIVA l'ITALIA !,Rome -7742,Scott Walker,1.0,yes,1.0,Neutral,0.6932,Abortion,1.0,,TheCatholic,,0,,,#RT #GOPDebate #AllGOPCandidates @ScottWalker @RealBenCarson @MarcoRubio My Authentic #Prolife View of 8/6 GOPDebate http://t.co/spzULv5Vqb,,2015-08-07 09:05:45 -0700,629684864111874048,,Eastern Time (US & Canada) -7743,No candidate mentioned,1.0,yes,1.0,Negative,0.6841,None of the above,1.0,,squidgrrl,,0,,,"Skipped #GOPDebate drinking games last night in favor of plain ol' drinking and, after reading recaps, feel even better about that decision.",,2015-08-07 09:05:42 -0700,629684851017302016,Seattle, -7744,No candidate mentioned,0.4028,yes,0.6347,Negative,0.6347,None of the above,0.4028,,elainebarella,,223,,,RT @SteveAmiri: This season of The Bachelorette sucks. #GOPDebate http://t.co/tRKbUPSudN,,2015-08-07 09:05:41 -0700,629684848894935040,,Mountain Time (US & Canada) -7745,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ellis_texas,,57,,,"RT @OTOOLEFAN: I figured Megyn Kelly's last question would be ""Do you believe Santa Claus is White?"" #gopdebate",,2015-08-07 09:05:41 -0700,629684847099944960,the Florida Sunshine,America/New_York -7746,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3636,,Jayhawkinva,,1,,,RT @cloudscribbles: Some countries dream of democracy and we make drinking games out of it. #GOPDebate #USAUSA,,2015-08-07 09:05:29 -0700,629684800090152960,, -7747,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6515,,ARMiller013,,0,,,GOP Debate last night was interesting! I'm super exciting to see where things go from here as we get closer to 2016. #GOPDebate,,2015-08-07 09:05:28 -0700,629684792691286016,"San Marcos, Texas ", -7748,No candidate mentioned,0.6701,yes,1.0,Negative,1.0,FOX News or Moderators,0.6392,,woan,,0,,,A debate without moderation http://t.co/lPaeYdgEEk #GOPDebate,,2015-08-07 09:05:13 -0700,629684732746280960,"Redmond, WA",Pacific Time (US & Canada) -7749,Donald Trump,1.0,yes,1.0,Neutral,0.6628,None of the above,1.0,,companyEEB,,0,,,WSJ: Did Donald Trump’s performance at the first #GOPdebate help or hurt him? http://t.co/ldoO17buIp http://t.co/onmX03TzfD,,2015-08-07 09:05:07 -0700,629684704430718976,Tennessee Memphis. ,Bucharest -7750,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,FOX News or Moderators,1.0,,smoothblinknoon,,2,,,"RT @hellojoshpaul: @FoxNews hosts hogged 30% of the speaking time at the #GOPDebate who's running for president? Oh yeah, not the moderator…",,2015-08-07 09:05:06 -0700,629684702249644032,"New York, USA", -7751,No candidate mentioned,0.4276,yes,0.6539,Positive,0.6539,,0.2263,,tristan_bremicm,,126,,,"RT @SouthernHomo: Yes, I'm a Democrat and I still watched the #GOPDebate because I want to be an informed voter and know candidates positio…",,2015-08-07 09:05:05 -0700,629684695723307008,, -7752,No candidate mentioned,0.6771,yes,1.0,Negative,0.6563,FOX News or Moderators,1.0,,MedicareScott,,1,,,"Before the #GOPDebate, 14 focus groupers said they had favorable view of @FrankLuntz, @megynkelly & @FoxNews. - -After, none did.",,2015-08-07 09:05:04 -0700,629684695077376000,"The land of 11,842 lakes",Eastern Time (US & Canada) -7753,No candidate mentioned,1.0,yes,1.0,Neutral,0.6561,None of the above,1.0,,HolstaT,,0,,,Hands down fave #GOPDebate retort. http://t.co/ZTAQ1LiUww,,2015-08-07 09:05:04 -0700,629684694792151040,,Amsterdam -7754,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,0.6915,,Bnyutu,,1,,,So @JohnKasich says we should respects all take care of the poor & the sick ...Bad news he's Not getting the #GOP nomination #GOPDebate,,2015-08-07 09:04:57 -0700,629684662680489984,"Seattle, WA",Pacific Time (US & Canada) -7755,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CLEforBernie,,1,,,RT @ericdeamer: Annie Krol of NARAL on stilts. #ScottWalker #GOPDebate http://t.co/2NREO9ncoy,,2015-08-07 09:04:56 -0700,629684657890562048,slidetotheleft.blogspot.com, -7756,Mike Huckabee,0.4265,yes,0.6531,Negative,0.6531,,0.2266,,BrinkmeyerMissy,,0,,,"candidates' Christian comments?! @GovMikeHuckabee @marcorubio -build a wall, prostitutes, illegals, #probirth cut medicare.. #GOPDebate",,2015-08-07 09:04:49 -0700,629684628933246976,, -7757,No candidate mentioned,1.0,yes,1.0,Negative,0.7045,Healthcare (including Medicare),0.7045,,taliarosen,,7,,,"RT @MichaelGfrd: Remember when Reagan ignored the 40,000+ Americans who died of HIV during the 1980s? #GOPDebate",,2015-08-07 09:04:48 -0700,629684626294996992,,Central Time (US & Canada) -7758,Donald Trump,1.0,yes,1.0,Negative,0.3608,None of the above,1.0,,Iawol15,,255,,,RT @AnthonyCumia: Waiting for Trump to speak while listening to other candidates drivel is like sitting through Air Supply waiting for Led …,,2015-08-07 09:04:40 -0700,629684590819586048,"Outer Worcester - Dudley, Ma.",Eastern Time (US & Canada) -7759,Donald Trump,1.0,yes,1.0,Positive,0.369,FOX News or Moderators,1.0,,Mulder24,,0,,,"The Donald, in spite of megyn kelly, won the debate, -#GOPDebate",,2015-08-07 09:04:32 -0700,629684557306925056,Texas,Central Time (US & Canada) -7760,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DunnMartinez,,160,,,"RT @goldietaylor: Trump basically said, ""I bought them because they were for sale."" #BNRDebates #GOPDebate http://t.co/gle2jybfBb",,2015-08-07 09:04:15 -0700,629684489128701952,, -7761,Jeb Bush,0.4011,yes,0.6333,Negative,0.6333,None of the above,0.4011,,camobell24,,1,,,"RT @RedStateMojo: **DRUDGE POLL** Jeb Bush Confirmed as Pathetic, Near Last. #GOPDebate #tcot https://t.co/9vxEIqxjfE",,2015-08-07 09:04:13 -0700,629684478605012992,, -7762,Rand Paul,0.6369,yes,1.0,Negative,0.6689,None of the above,1.0,,sherymuslima,,0,,,"#GOPDebate -How could Americans and world knows that the results are accurate and thre's a transparency & no manipulations ? @RandPaul",,2015-08-07 09:04:10 -0700,629684467892776960,,Pacific Time (US & Canada) -7763,Marco Rubio,1.0,yes,1.0,Negative,0.6667,None of the above,0.6563,,Clever_Otter,,0,,,Why is this sorta-cute little Mexican fuck @marcorubio a Republican? #GOPDebate,,2015-08-07 09:04:05 -0700,629684444509528064,Earth,Mountain Time (US & Canada) -7764,Donald Trump,0.4302,yes,0.6559,Negative,0.3333,,0.2257,,EdwardOrtego,,221,,,"RT @funnyordie: It's not whether you win or lose, Donald. The only thing that matters in life is not winding up like you. #GOPDebate",,2015-08-07 09:03:53 -0700,629684397025964032,Gallifrey, -7765,No candidate mentioned,0.4533,yes,0.6733,Negative,0.6733,None of the above,0.4533,,KOStFrancis,,0,,,"Mere days after @EPA releases #CleanPowerPlan, climate remains a non-issue in #GOPdebate. via ICN http://t.co/HWk4w4s238 #HearThePope",,2015-08-07 09:03:50 -0700,629684382773587968,www.knightsofsaintfrancis.org,Pacific Time (US & Canada) -7766,Donald Trump,1.0,yes,1.0,Neutral,0.3511,None of the above,0.6702,,joehos18,,1,,,"RT @TXCrude: Retweeted Wayne Dupree (@WayneDupreeShow): - -Disagree all you want - -#GOPDebate was hit job on @realDonaldTrump and... http://t.…",,2015-08-07 09:03:49 -0700,629684377820205056,, -7767,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,madiallman,,1,,,Trump's the drunk guy no one wants at the party #GOPDebate,,2015-08-07 09:03:44 -0700,629684357813420032,, -7768,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Notijj,,0,,,Lots of dangerous hot-air from ideologue @RandPaul! #NSA #GOPDebate,,2015-08-07 09:03:40 -0700,629684339974909952,,International Date Line West -7769,John Kasich,0.4473,yes,0.6688,Negative,0.6688,Abortion,0.4473,,KatherineFento2,,61,,,"RT @NARAL: .@JohnKasich talks about common sense, but repeatedly voted for an abortion ban that would make doctors into criminals. #OwnIt #…",,2015-08-07 09:03:37 -0700,629684326876119040,"San Diego, Ca.", -7770,No candidate mentioned,1.0,yes,1.0,Positive,0.643,None of the above,1.0,,WeMoveHearts,,8,,,RT @robportman: Packed house in Dublin for our #GOPdebate watch party! http://t.co/qhPE4anYZ3,,2015-08-07 09:03:03 -0700,629684183942696960,"Alexandria, VA",Eastern Time (US & Canada) -7771,No candidate mentioned,0.6667,yes,1.0,Neutral,0.6667,None of the above,1.0,,MelissaHHMiller,,0,,,"The GOP debate, charted word by word http://t.co/iIDQMXpor9 #gopdebate",,2015-08-07 09:03:02 -0700,629684182998872064,"Etna, Ohio",Eastern Time (US & Canada) -7772,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,None of the above,1.0,,62Valdovinos,,1,,,@POTUS just watched the #GOPDebate He got a good laugh. #UniteBlue #LibCrib #TYT #tcot #topprog #p2 #TNTweeters http://t.co/virJzqbGuW,,2015-08-07 09:03:02 -0700,629684179488256000,,Arizona -7773,Donald Trump,1.0,yes,1.0,Positive,0.7059,FOX News or Moderators,1.0,,drginareghetti,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-07 09:02:59 -0700,629684168331431936,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -7774,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6829,,ggbootsrock,,1,,,"RT @lifeisageless: Biggest loser of #GOPDebate is , wait for it..... @megynkelly",,2015-08-07 09:02:57 -0700,629684162157481984,,Eastern Time (US & Canada) -7775,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sherymuslima,,0,,,"#GOPDebate is it really fair that Trump be among Gop candidates ? -Money can buy anything even results !",,2015-08-07 09:02:54 -0700,629684148857344000,,Pacific Time (US & Canada) -7776,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,seenclear,,0,,,"I don't normally do this, but I'm gonna DL the #GOPDebate so I can watch a group of the biggest idiots fight it out for ""Idiot of the Year"".",,2015-08-07 09:02:50 -0700,629684130700201984,"Chicago, IL",Central Time (US & Canada) -7777,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mullybachbanter,,0,,,Great images. #GOPDebate #photography https://t.co/fOxKcpUroF,,2015-08-07 09:02:49 -0700,629684125146877952,"Austin, TX",Central Time (US & Canada) -7778,Donald Trump,0.7234,yes,1.0,Negative,0.7234,None of the above,1.0,,thanhedman,,1,,,"RT @electraphant: Rubio: Trump buys politicians -Bush: I haven't gotten $ from him yet. -Christie: Yea, I'm for sale too. -Trump: All in goo…",,2015-08-07 09:02:46 -0700,629684112463405056,, -7779,No candidate mentioned,1.0,yes,1.0,Neutral,0.6872,None of the above,1.0,,JillMillerZimon,,1,,,RT @emilyscole: @TheCityClub @ninaturner @ConnieSchultz @JillMillerZimon @danmoulthrop Looking forward to @RepDWStweets thoughts on #GOPDeb…,,2015-08-07 09:02:45 -0700,629684110923988992,Northeast Ohio,Eastern Time (US & Canada) -7780,No candidate mentioned,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,tiffanymarie_x,,0,,,Listening to @CNN recap the #GOPDebate all day at work..... This should be fun........,,2015-08-07 09:02:41 -0700,629684095212199936,Wisconsin,Central Time (US & Canada) -7781,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pattiwhck,,40,,,RT @jessemermell: Commercial break. I feel like I need to take this time to somehow cleanse my soul after watching #GOPDebate for an hour.,,2015-08-07 09:02:28 -0700,629684037704024064,The fertile Willamette Valley,Pacific Time (US & Canada) -7782,Donald Trump,1.0,yes,1.0,Negative,0.3506,None of the above,1.0,,RT0787,,0,,,"FrankLuntz: Before the #GOPDebate, 14 focus groupers said they had favorable view of Trump. - -After, only 3 saw him… http://t.co/AuhlNZa3Ww",,2015-08-07 09:02:15 -0700,629683984956588032,USA,Hawaii -7783,Donald Trump,1.0,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),1.0,,tristan_bremicm,,88,,,"RT @SouthernHomo: So Trump considers treating women with respect ""political correctness"" ??? #GOPDebate",,2015-08-07 09:02:15 -0700,629683984025427968,, -7784,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,hucalo92,,0,,,#GOPDebate Donald Trump hates Mexicans? http://t.co/dtmqyAJ56S,,2015-08-07 09:02:14 -0700,629683980393127936,, -7785,,0.22899999999999998,yes,0.3551,Negative,0.3551,,0.22899999999999998,,RT0787,,0,,,"Foehammer2008: RT renomarky: ☑ never watch #KellyFile again - -1. #GOPDebate questions -2. Pandering to DWStweets -3… http://t.co/AuhlNZa3Ww",,2015-08-07 09:02:12 -0700,629683972558163968,USA,Hawaii -7786,No candidate mentioned,0.4307,yes,0.6562,Negative,0.3542,None of the above,0.4307,,a_howard90,,0,,,The best part about the #GOPdebate? The #memes...duhhhh http://t.co/7UUnFkBfLJ via @houstonchron,,2015-08-07 09:01:58 -0700,629683911224872960,, -7787,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Abortion,0.3706,,nikhilcap,,18,,,"RT @brentalfloss: So Huckabee doesn't like science when it threatens his God, but he does like it when it circuitously leads to pro-life po…",,2015-08-07 09:01:56 -0700,629683904056791040,, -7788,Donald Trump,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6667,,AlvaroTabique,,0,,,"""A list of all the people (and nations) Donald Trump insulted last night at the #GOPdebate: http://t.co/gp6JiMFrJA http://t.co/V0d82zUfgV""",,2015-08-07 09:01:36 -0700,629683822054014976,Colombia,Central Time (US & Canada) -7789,No candidate mentioned,0.39399999999999996,yes,0.6277,Neutral,0.3404,None of the above,0.39399999999999996,,JeffFrederick,,1,,,@CarlyFiorina left @hardball_chris speechless. No small task. http://t.co/9XJNtVbLb2 #GOPDebate #Carly2016,,2015-08-07 09:01:31 -0700,629683798775595008,"Montclair, Virginia",Eastern Time (US & Canada) -7790,Donald Trump,1.0,yes,1.0,Positive,0.6402,None of the above,1.0,,GRmail38,,0,,,“@WSJ: Did Donald Trump’s performance at the first #GOPdebate help or hurt him? # he spoke the truth you either like you or not I do.,,2015-08-07 09:01:25 -0700,629683773991469056,, -7791,Rand Paul,1.0,yes,1.0,Neutral,0.6658,None of the above,1.0,,OjaniMoncrieffe,,5,,,RT @troydanielsmith: Drew from @WetHot could grow up to be Rand Paul. #GOPDebate @ThomasBarbusca,,2015-08-07 09:01:20 -0700,629683755037229056,Jamaica,Arizona -7792,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,toridkny,,0,,,if you were a republican before the #GOPDebate & are still a republican after the debate congratulations on letting your true idiocy shine,,2015-08-07 09:01:08 -0700,629683701639593984,island in the sun,Mountain Time (US & Canada) -7793,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3563,None of the above,0.4444,,elizabeth_byrd,,0,,,"@GameofOwns Last night, I kept imagining what a debate would be like between the contenders for the Iron Throne. Probably bloody. #GOPDebate",,2015-08-07 09:01:07 -0700,629683698829524992,"Baton Rouge, Louisiana",Central Time (US & Canada) -7794,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Utahfirebrand,,0,,,"CNN: So, who won the #GOPDebate? http://t.co/zaShlpYoty #p2 #topprog #UniteBlue #CTL",,2015-08-07 09:01:05 -0700,629683691707478016,"Salt Lake City, UT", -7795,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,emilyscole,,1,,,@TheCityClub @ninaturner @ConnieSchultz @JillMillerZimon @danmoulthrop Looking forward to @RepDWStweets thoughts on #GOPDebate #election2016,,2015-08-07 09:01:01 -0700,629683672111783936,"Cleveland, OH",Eastern Time (US & Canada) -7796,No candidate mentioned,0.4311,yes,0.6566,Neutral,0.3434,None of the above,0.4311,,timsimms,,2,,,"Gov @BobbyJindal Vows to Violate the #FirstAmendment If Elected President http://t.co/AQ8V8C6p0p -#UniteBlue #GOPDebate #LGBT #p2 #topprog",,2015-08-07 09:00:53 -0700,629683642382462976,"Boston, MA",Eastern Time (US & Canada) -7797,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6961,,SteveLong71,,0,,,I thought i was watching msnbc last night or TMZ not a presidential debate @FoxNews #GOPDebate,,2015-08-07 09:00:53 -0700,629683639681323008,Charleston WV,Eastern Time (US & Canada) -7798,Donald Trump,0.6818,yes,1.0,Neutral,0.6477,Jobs and Economy,1.0,,Lady_Battle,,0,,,"""Do you think @realDonaldTrump is a clown?"" ""I fixed the economy!"" @JebBush #GOPDebate",,2015-08-07 09:00:35 -0700,629683563038806016,Minnesota,Central Time (US & Canada) -7799,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,ovrdrv,,1,,,RT @michelejmartin: Last night was huge for TV #jonvoyage AND #gopdebate battled it out on social. Who won? @AnnaRawsuh of @ovrdrv recaps h…,,2015-08-07 09:00:34 -0700,629683561944236032,"Boston, MA",Eastern Time (US & Canada) -7800,No candidate mentioned,1.0,yes,1.0,Positive,0.6596,None of the above,0.6596,,sonriver22,,0,,,@thehill she's the only one with any promise at the JV game #GOPDebate,,2015-08-07 09:00:33 -0700,629683555333971968,Old Line State, -7801,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,_vjy,,0,,,I want to see Donald Trump as US President. He is awesome. #GOPDebate http://t.co/gWVflrsZk4,,2015-08-07 09:00:26 -0700,629683525168467968,Singapore,Singapore -7802,Donald Trump,0.4746,yes,0.6889,Negative,0.6889,FOX News or Moderators,0.4746,,joehos18,,1,,,RT @ctmommy: pre-debate @megynkelly “Oh we have a secret plan on how to deal with @realDonaldTrump…” LOL. TO INCREASE HIS SUPPORT??? @FoxN…,,2015-08-07 09:00:19 -0700,629683496693420032,, -7803,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,None of the above,1.0,,Tinkamarink,,10,,,"RT @AlishaGrauso: I can't be the only one who has the Benny Hill theme song running through my head during the #GOPDebate, right?",,2015-08-07 09:00:18 -0700,629683494805843968,, -7804,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DWHignite,,0,,,"Look Ma, I found a #statist who thinks that a #grammar lesson was needed to cover up their #idiocracy #GOPDebate https://t.co/q7cIesuPoe",,2015-08-07 09:00:10 -0700,629683461331288064,, -7805,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,marissamorg,,0,,,"I could see @netflix advertising the #GOPDebate like ""Because you watched 'Wet Hot American Summer' and other ridiculous comedies...""",,2015-08-07 09:00:06 -0700,629683444977537024,"Los Angeles, CA",Central Time (US & Canada) -7806,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6946,,justx2za,,12,,,RT @Omojuwa: Donald Trump is a showman. An entertainer. He'd say & do anything to stay in the news. He is not good for the U.S. #GOPDebate,,2015-08-07 09:00:02 -0700,629683424475906048,Nigeria, -7807,Marco Rubio,0.4121,yes,0.642,Positive,0.642,None of the above,0.4121,,TeamMarcoRI,,1,,,Marc Sandalow: Rubio Made A Strong Case About The Benefits Of His Conservative Values #GOPDebate http://t.co/1Zb75gqMUW,,2015-08-07 08:59:50 -0700,629683377533267968,Rhode Island, -7808,John Kasich,0.6824,yes,1.0,Positive,0.6824,None of the above,1.0,,TimeTravelMe,,0,,,Stars in the debate last night were Rubio and Kasich. #GOPDebate at least Kasich sounded compassionate.,,2015-08-07 08:59:41 -0700,629683339562070016,, -7809,Ben Carson,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,SaintJRobinson,,0,,,Ben Carson is probably the dumbest smart person alive. Says Homosexuality is unnatural & Climate change is unproven. But Ur a Dr #GOPDebate,,2015-08-07 08:59:33 -0700,629683304287997952,,Central Time (US & Canada) -7810,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,melferburque,,3,,,"RT @BaxterSpotlight: ""...fool me once, shame on — shame on you. Fool me — you can't get fooled again."" President George W Bush #GOPDebate …",,2015-08-07 08:59:30 -0700,629683290425856000,"Seattle, WA",Pacific Time (US & Canada) -7811,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,INF0S7R34M,,0,,,'RealAlexJones will be taking twitter questions on #GOPdebate in 3rd hr of today's show. Watch live 11am-2pm ct: http://t.co/U2PTc9Yx3k v…,,2015-08-07 08:59:28 -0700,629683283815723008,http://bit.ly/kDfott,London -7812,No candidate mentioned,0.4499,yes,0.6707,Negative,0.6707,None of the above,0.4499,,LauriePatriot,,3,,,RT @WayneWylie1: From the real debate: Americans too reliant on government assistance. @RickSantorum #Rick2016 #gopdebate http://t.co/gwLF…,,2015-08-07 08:59:26 -0700,629683276211326976,,Pacific Time (US & Canada) -7813,No candidate mentioned,0.424,yes,0.6512,Neutral,0.3372,,0.2271,,Ade_Ok29,,9,,,RT @julia_azari: The American people will never trust Washington DC. Except for the 17 of us who are desperate to move there. #GOPDebate,,2015-08-07 08:59:17 -0700,629683236554326016,,Central Time (US & Canada) -7814,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6629,,ronnie0998,,2,,,RT @StephenH2OMan: But Carly Fiorina winning the early debate may have done more for her campaign than anyone else! #GOPDebate,,2015-08-07 08:59:04 -0700,629683183504728064,"Derry, NH",Indiana (East) -7815,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,danamlancaster,,1,,,Big fail last night for the digital arm of @FoxNews. http://t.co/k2c6axrECL #GOPDebate,,2015-08-07 08:58:59 -0700,629683160347906048,"San Francisco, CA", -7816,Donald Trump,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,2AFight,,0,,,"Oh, so vetting a candidate is now ""BS"" if the candidate is #Trump? This is what primaries are for. @Dolly0811 @sandykjack #GOPDebate #tcot",,2015-08-07 08:58:58 -0700,629683156795265024,"Seattle, WA",Pacific Time (US & Canada) -7817,No candidate mentioned,0.4916,yes,0.7011,Neutral,0.7011,None of the above,0.4916,,vikingacubana,,3,,,RT @TopTrevor: Women listening to the Republican candidates #GOPDebate http://t.co/5qNilZghjm,,2015-08-07 08:58:56 -0700,629683148696104960,,Pacific Time (US & Canada) -7818,Ted Cruz,0.4495,yes,0.6705,Neutral,0.6705,None of the above,0.4495,,WSAVAndrewJames,,0,,,"@tedcruz being a busy candidate following @FoxNews #GOPDebate. He's touring today in SC and @cityofsavannah, my coverage tonight on @WSAV",,2015-08-07 08:58:56 -0700,629683148427776000,, -7819,Donald Trump,1.0,yes,1.0,Negative,0.35100000000000003,None of the above,1.0,,Wiseguysutah,,1,,,"RT @thatsmylobster: @Wiseguysutah hey, is Donald Trump coming to Wiseguys anytime soon? I'd like advance tickets. #GOPDebate",,2015-08-07 08:58:52 -0700,629683133105831936,"West Valley City & Ogden, Utah",Mountain Time (US & Canada) -7820,No candidate mentioned,0.3941,yes,0.6277,Negative,0.6277,None of the above,0.3941,,LauriePatriot,,4,,,RT @patriotmom61: Lots of rhetoric on the #GOPDebate stage from political neophytes & newbies but no actual record of accomplishments. #Exp…,,2015-08-07 08:58:49 -0700,629683118845267968,,Pacific Time (US & Canada) -7821,No candidate mentioned,0.3833,yes,0.6191,Negative,0.6191,None of the above,0.3833,,RT0787,,0,,,"AlissaLyn14: RT NylonMag: The 10 most insane, ridiculous quotes from last night's #GOPDebate. Seriously, what the … http://t.co/AuhlNZa3Ww",,2015-08-07 08:58:47 -0700,629683110775508992,USA,Hawaii -7822,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,donald_mingo,,0,,,The GOP primary debate: Five takeaways http://t.co/Km1x8AO68L via @usatoday2016 #GOPDebate,,2015-08-07 08:58:44 -0700,629683099308158976,"Ventura, CA", -7823,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,LeandroLeo_23,,0,,,"They oppose #PlannedParenthood and they oppose #Abortion - like, How? #GOPDebate",,2015-08-07 08:58:36 -0700,629683067259650048,"Marlborough, Ma.",Central Time (US & Canada) -7824,Chris Christie,1.0,yes,1.0,Negative,0.6947,None of the above,1.0,,Charlie_O,,0,,,"#ChrisChristie Under what part of small central government do we put data mining, warrantless wiretaps and domestic spying? #GOPDebate",,2015-08-07 08:58:25 -0700,629683019251585024,Philly,Eastern Time (US & Canada) -7825,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,0.6247,,Steve71948526,,0,,,Ted Cruz with Sean Hannity After the #GOPDebate https://t.co/HiAkzxRkXc via @YouTube,,2015-08-07 08:58:10 -0700,629682957486166016,"Texas, USA",Central Time (US & Canada) -7826,Marco Rubio,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3523,,Foonok,,0,,,Rubio using economic merit as a basis of determining if you should live in the U.S. How messed up is that? Smh. #GOPDebate,,2015-08-07 08:58:10 -0700,629682955456258048,Oakland Raiders,Eastern Time (US & Canada) -7827,No candidate mentioned,1.0,yes,1.0,Negative,0.6433,None of the above,1.0,,HuffPostLive,,1,,,"RT @Brand0nRichards: Well, @HuffPostLive has perfected the photoshop and totally made me fall for a @SNLUpdate pic of Stefon regarding #GOP…",,2015-08-07 08:58:10 -0700,629682955062018048,"New York, NY",Eastern Time (US & Canada) -7828,No candidate mentioned,0.4302,yes,0.6559,Positive,0.3441,FOX News or Moderators,0.2257,,RyDon21,,0,,,"Wow, I expected a lot of people would watch the #GOPDebate but not this many http://t.co/io41NN1omN",,2015-08-07 08:57:54 -0700,629682891707052032,Washington DC,Eastern Time (US & Canada) -7829,Donald Trump,0.6804,yes,1.0,Neutral,0.6598,Women's Issues (not abortion though),0.3402,,ali_jae,,0,,,First debate's search interest: @CarlyFiorina vs. @realDonaldTrump #gopdebate http://t.co/FuF97ox5cy,,2015-08-07 08:57:47 -0700,629682860971175936,"District of Columbia, USA",Pacific Time (US & Canada) -7830,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Liz_Wheeler,,0,,,". @RandPaul … poor Paul. I'm afraid @realDonaldTrump was correct when he said to Paul, ""you are having a hard time tonight."" #GOPDebate",,2015-08-07 08:57:47 -0700,629682860392235008,,Eastern Time (US & Canada) -7831,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TassajaraRd,,1,,,RT @RolfHarris65: #GOPDebate RWNJs are all upset at Fox for not lobbing softballs at their favorites. Bunch of babies.,,2015-08-07 08:57:27 -0700,629682775331713024,"Jamesburg, Ca.", -7832,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MN2A4ASupporter,,23,,,RT @JRpolitirants: Here's who I'm rooting for tonight! #CruzCrew #CruzToVictory I'm so pumped and ready for the first #GOPDebate ! http://t…,,2015-08-07 08:57:24 -0700,629682764019666944,Minnesota, -7833,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,I'm not a republican but GOTDAM I love Chris Christie #GOPDebate,,2015-08-07 08:57:23 -0700,629682760593108992,,Eastern Time (US & Canada) -7834,No candidate mentioned,0.3923,yes,0.6264,Positive,0.6264,,0.23399999999999999,,skellywastaken,,2,,,"RT @MelsLien: And the winner of tonight's #GOPDebate was: Me, for making it through the #GOPdebate.",,2015-08-07 08:57:19 -0700,629682742444199936,, -7835,No candidate mentioned,1.0,yes,1.0,Neutral,0.6196,Immigration,1.0,,LauriePatriot,,4,,,"RT @patriotmom61: Carly Fiorina is open to legal status for adult illegal immigrants, citizenship for their kids http://t.co/QCYtvoCrxq #GO…",,2015-08-07 08:57:18 -0700,629682738316972032,,Pacific Time (US & Canada) -7836,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mrschmitzTWD,,0,,,Great job @RandPaul on the #GOPDebate ! I enjoyed listening to u!,,2015-08-07 08:57:08 -0700,629682697179394048,Houston TX,Eastern Time (US & Canada) -7837,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.6111,None of the above,0.3735,,iCopyright,,0,,,"#GOPDebate rocks and rolls in Cleveland. #Republish this @McClatchyDC article via #repubHub, the content network. http://t.co/L68D7wlQ0Z",,2015-08-07 08:57:05 -0700,629682683673726976,"Seattle, WA",Pacific Time (US & Canada) -7838,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.3469,,sephius1999,,0,,,"So at #GOPDebate, the man that said cinnamon cures diabetes, wants pimps to collect taxes. Huckabee will not be Prez. @SMShow @deray",,2015-08-07 08:56:41 -0700,629682584759463936,, -7839,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Liz_Wheeler,,0,,,.@GovWalker was solid. He knew his stuff & was comfortable. He has an excellent track record of success against opposition. #GOPDebate,,2015-08-07 08:56:26 -0700,629682521513431040,,Eastern Time (US & Canada) -7840,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.6292,,ConayH,,1,,,RT @lhlamb: #MegynKelly's extensions should have their own Twitter feed. #GOPDebate,,2015-08-07 08:56:17 -0700,629682482980392960,"Scottsdale, Arizona",Arizona -7841,Donald Trump,1.0,yes,1.0,Positive,0.6249,None of the above,1.0,,RyPav,,0,,,@realDonaldTrump taught me during the #GOPDebate that it's okay to be mean to others if you can reframe it as anti-political correctness,,2015-08-07 08:56:13 -0700,629682465859325952,, -7842,Rand Paul,0.4572,yes,0.6762,Negative,0.3431,LGBT issues,0.23199999999999998,,Whhay,,126,,,RT @HRC: The fact is @RandPaul has staked out a consistent record against equality. Learn more http://t.co/xHYjH1FJfk #GOPDebate,,2015-08-07 08:56:11 -0700,629682456296321024,"Omaha, NE", -7843,No candidate mentioned,0.435,yes,0.6596,Positive,0.3617,None of the above,0.435,,rwestmor,,54,,,RT @CarlyFiorina: Talked with @ijreview about my pre-debate ritual. I take Solitaire very seriously. https://t.co/O7UJL56NM7 #GOPDebate #Ca…,,2015-08-07 08:56:06 -0700,629682436931239936,Bham,Mountain Time (US & Canada) -7844,Jeb Bush,1.0,yes,1.0,Neutral,0.6279,Abortion,0.6859999999999999,,LauriePatriot,,10,,,RT @CatholicLisa: I'd like to see some reporter get @RickSantorum 's response to Jeb Bush's claim that he ended partial birth abortion. #GO…,,2015-08-07 08:56:02 -0700,629682420984365056,,Pacific Time (US & Canada) -7845,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,CatoCEF,,16,,,"RT @NealMcCluskey: What is the education solution, if not ""high standards""? Educational freedom http://t.co/p6F9arKVea #Cato2016 #GOPDebate",,2015-08-07 08:56:00 -0700,629682412319019008,"Washington, DC", -7846,Donald Trump,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,NJNuke,,1,,,"RT @corrado_19: Breaking: Rosie O'Donnell responds to Trump by snapping angry selfie... -#GOPDebate http://t.co/hF0vZjFOD3",,2015-08-07 08:55:57 -0700,629682400331608064,,Eastern Time (US & Canada) -7847,,0.2296,yes,0.3573,Negative,0.3573,,0.2296,,SoStrategyNC,,1,,,"Some candidates exaggerated their records at last night’s #GOPdebate, but some just got it all wrong: http://t.co/aCM6aL9tDb",,2015-08-07 08:55:39 -0700,629682325387902976,"Raleigh, NC",Eastern Time (US & Canada) -7848,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,None of the above,1.0,,KhairiBHAFC,,31,,,"RT @GovJVentura: I'm not voting for a Republican, so why should I waste my time on the #GOPdebate ? WATCH: http://t.co/oPcqIhURN9 http://t.…",,2015-08-07 08:55:22 -0700,629682251391827968,"Kuantan, 21.", -7849,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KeepItRealist,,2,,,"We hate political correctness on the right, except when someone is politically incorrect. Then let's grab the pitch forks. #GOPDebate",,2015-08-07 08:55:20 -0700,629682242831446016,"Morgantown, WV",Atlantic Time (Canada) -7850,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mackette52,,1,,,"RT @realRoseIzzo: Outstanding Mr Trump! #TrumpWins >@DanScavino: #GOPDebate Winner! -Drudge 50% -TIME 46% -FOXSD @realDonaldTrump http://t.co…",,2015-08-07 08:55:16 -0700,629682226867924992,"Poconos, USA", -7851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6703,,farmecology,,18,,,RT @ashleyhblake: YOU CANNOT WAVE YOUR UNBORN BABIES DESERVE CONSTITUTIONAL PROTECTION FLAG & NOT GRANT IT TO PEOPLE ALREADY LIVING. #GOPDe…,,2015-08-07 08:55:09 -0700,629682198975746048,,Eastern Time (US & Canada) -7852,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6774,,GeneralSynic,,0,,,"@walkermorin wait, you mean the #gopdebate wasn't the new Fox comedy?",,2015-08-07 08:55:06 -0700,629682185453355008,"Cleveland, OH", -7853,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,pegramr,,78,,,RT @FrankLuntz: Greta's viewers overwhelmingly picked @CarlyFiorina as the winner of tonight's early #GOPDebate. http://t.co/quUDXKxdrs,,2015-08-07 08:55:00 -0700,629682158907559936,Indiana USA, -7854,Donald Trump,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,CaymenCrouch,,1,,,"RT @HarboTweets: ""I am the only candidate that would make a suitable cartoon villain."" -#Trump #GOPDebate",,2015-08-07 08:54:43 -0700,629682088166486016,"Bloomington, Indiana",Eastern Time (US & Canada) -7855,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,silversaurus,,1,,,How did Fox manage to suck its own dick while giving a rim job to Facebook and jerking off Donald trump at the same time? #GOPDebate,,2015-08-07 08:54:40 -0700,629682077974183936,,Eastern Time (US & Canada) -7856,No candidate mentioned,0.6978,yes,1.0,Neutral,1.0,Jobs and Economy,0.6475,,519AC,,0,,,"#GOPDebate Mentions -Hillary/Clinton 21 -ISIS 21 -Jobs 20 -Trump 17 -Obama 13 -Economy 10 -Planned Parenthood 7 -Obamacare 7 -Reagan 6 -Middle Class 2",,2015-08-07 08:54:32 -0700,629682043711062016,Massachusetts,Eastern Time (US & Canada) -7857,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,linda_feldmann,,24,,,"RT @IndyUSA: This was @HillaryClinton’s response to the #GOPDebate - courtesy of @KimKardashian - http://t.co/MUfdCn2tmR http://t.co/8Ekmkel…",,2015-08-07 08:54:31 -0700,629682039307010048,"Washington, DC",Quito -7858,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChoctawRunner,,0,,,"Yes, as a matter of fact. It IS all about the Donald. His feelers got hurt. He lashes out. Not a very presidential look. -#GOPDebate",,2015-08-07 08:54:29 -0700,629682030591234048,"Catalina, AZ",Pacific Time (US & Canada) -7859,No candidate mentioned,1.0,yes,1.0,Neutral,0.6227,Racial issues,1.0,,MamoudouNDiaye,,1,,,"""One Fish, Two Fish, Red Fish, Racist"" - Dr. Seuss's review of the #GOPDebate",,2015-08-07 08:54:19 -0700,629681989516455936,"Brooklyn, NY",Eastern Time (US & Canada) -7860,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,lindseybuck95,,0,,,Must admire @megynkelly for asking tough questions of all candidates and standing up for her fellow women. Proud of her. #gopdebate,,2015-08-07 08:54:14 -0700,629681966779006976,"Missoula, MT ",Central Time (US & Canada) -7861,Jeb Bush,1.0,yes,1.0,Neutral,0.6319,Immigration,1.0,,pegramr,,13,,,"RT @FrankLuntz: Jeb Bush: “There should be a path for immigrants to stay here – not amnesty, but earned legal status."" - -#GOPDebate",,2015-08-07 08:54:09 -0700,629681947787304960,Indiana USA, -7862,No candidate mentioned,0.4302,yes,0.6559,Negative,0.3656,None of the above,0.2398,,katie91187,,0,,,Oh good lord... #Stefon is a prophet! #GOPDebate #OMGOP https://t.co/aALY6CqzdX,,2015-08-07 08:54:07 -0700,629681938568232960,NYFP, -7863,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeaBassThePhish,,0,,,I'm pretty sure Donald trump just said that he couldn't be held responsible for what he says in social media #GOPDebate,,2015-08-07 08:53:54 -0700,629681884793044992,,Eastern Time (US & Canada) -7864,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,eEsterhay,,0,,,Had VERY weird/slightly scary dreams last night and I'm blaming the #GOPDebate,,2015-08-07 08:53:52 -0700,629681875011928064,,Quito -7865,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,0.6667,,Historiocity,,0,,,"Miss the format of CNN/YouTube #presidentialdebate of 07! So fun, informative--bring them back! #GOPDebate #DemDebate http://t.co/6NjA6P36UL",,2015-08-07 08:53:39 -0700,629681818405629952,New York - Oxford - Rome,Eastern Time (US & Canada) -7866,Chris Christie,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,brianpmangan,,0,,,Christie with the #1 slam of the #GOPDebate http://t.co/4P1vQtIwXf,,2015-08-07 08:53:32 -0700,629681789964034048,"New York, NY",Eastern Time (US & Canada) -7867,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,jamesbswick,,0,,,"Passion is a good leadership trait to have. But it has to be sensible, not unhinged. #GOPDebate #tcot #DonaldTrump",,2015-08-07 08:53:21 -0700,629681745412009984,"Fishers, IN",Indiana (East) -7868,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,None of the above,0.4123,,MarcelLeJeune,,1,,,"Honestly, the candidates that have all the money from establishment #GOP are a sign I shouldn't support them. -#GOPDebate",,2015-08-07 08:53:09 -0700,629681694224728064,TX,Central Time (US & Canada) -7869,No candidate mentioned,1.0,yes,1.0,Neutral,0.369,None of the above,0.6905,,RGrivoisShah,,0,,,"Last night, my TV watching involved plenty of laughter (#GOPDebate) and some tears (#JonVoyage). What an emotional night of TV!",,2015-08-07 08:52:53 -0700,629681625865940992,"Tucson, AZ",Eastern Time (US & Canada) -7870,Rand Paul,1.0,yes,1.0,Positive,0.6279,None of the above,0.6859999999999999,,Shane_A7,,0,,,@RandPaul did what the whole field should have done and went on the offensive against Trump and Christie. #GOPDebate,,2015-08-07 08:52:47 -0700,629681601824342016,"Greensboro, NC",Eastern Time (US & Canada) -7871,Donald Trump,1.0,yes,1.0,Positive,0.6937,None of the above,1.0,,EricBlockFit,,1,,,RT @DrMwba: Tell the bimbo to shut the F up #DonaldTrump! Hahahaha #GOPDebate,,2015-08-07 08:52:39 -0700,629681567124819968,"Philladelphia, PA",Eastern Time (US & Canada) -7872,No candidate mentioned,1.0,yes,1.0,Neutral,0.6227,None of the above,1.0,,TruSmilesJones,,0,,,The #GOPDebate tho! #NoWords,,2015-08-07 08:52:32 -0700,629681538574123008,Los Angeles ,Eastern Time (US & Canada) -7873,Marco Rubio,1.0,yes,1.0,Positive,0.6383,None of the above,1.0,,JA_Daniell,,0,,,Morning after: @marcorubio and @CarlyFiorina were the stars yesterday. @JohnKasich as runner-up. #GOPDebate,,2015-08-07 08:52:27 -0700,629681517388673024,"Boston, MA | Boynton Beach, FL",Eastern Time (US & Canada) -7874,No candidate mentioned,1.0,yes,1.0,Positive,0.6395,FOX News or Moderators,1.0,,mnbigfoot,,0,,,Classic! @ChrisCarleyShow @FoxNews @msnbc #GOPDebate,,2015-08-07 08:52:21 -0700,629681494873640960,"Fargo, ND", -7875,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6848,,micaltaz,,70,,,"RT @rodimusprime: So you ask about #BlackLivesMatter and then Straight Out of Compton commercial is up next? - -Product placement? #GOPDebate",,2015-08-07 08:51:52 -0700,629681372806914048,The Corner Of No Fuggs To Give, -7876,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fardinajir,,1,,,RT @gnudarwin: Is Trump The Democrat ‘Wolf’ In GOP Clothing? http://t.co/EBwX3o9OeU #standwithrand #gopdebate,,2015-08-07 08:51:36 -0700,629681302162178048,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -7877,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.7045,,creativelytired,,0,,,All joking aside this election is extremely important and needs drastically smarter attention and issue education #GOPDebate,,2015-08-07 08:51:31 -0700,629681283917053952,, -7878,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KayeHerranen,,0,,,"best part of #GOPDebate was @ScottWalker awkwardly nodding when he was in the side of a shot like ""Oh shit, I'm on camera, act like a human""",,2015-08-07 08:51:28 -0700,629681269857746944,Milwaukee, -7879,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,slashrancid,,0,,,#Rand2016 did not survive proof reading his dad's newsletters as a kid. #GOPDebate #FoxDebate #HugsNotDrugs,,2015-08-07 08:51:23 -0700,629681249439870976,,Eastern Time (US & Canada) -7880,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_chanticleer_,,232,,,RT @PhillyD: Ted Cruz just looks untrustworthy. It looks like even his eyebrows don't trust him. #GOPDebate,,2015-08-07 08:51:14 -0700,629681212601298944,s(poop)y,Eastern Time (US & Canada) -7881,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,None of the above,1.0,,jordangerous,,0,,,"""Nevermore, Gipper"" -Ronald Raven #GOPDebate",,2015-08-07 08:51:14 -0700,629681210034262016,,Central Time (US & Canada) -7882,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,DunnMartinez,,50,,,"RT @goldietaylor: Oh, hell. Just take a drink. #GOPDebate #BNRDebates http://t.co/EbqT2lJMw4",,2015-08-07 08:51:13 -0700,629681206863527936,, -7883,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BrianLynch,,0,,,"Caught up on the #GOPDebate. It was an hour of Frankensteins singing ""Puttin' on the Ritz"".",,2015-08-07 08:51:10 -0700,629681193512873984,California,Pacific Time (US & Canada) -7884,No candidate mentioned,1.0,yes,1.0,Negative,0.6154,None of the above,1.0,,BrujitaLinda,,0,,,"quite frankly, the most disturbing thing about last night's debate was having to look at the terrible adobo tinged tans. #GOPDebate",,2015-08-07 08:51:09 -0700,629681191600295936,Kiamo Ko,Eastern Time (US & Canada) -7885,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,danielmwoodruff,,0,,,An unconventional way to watch the #GOPdebate http://t.co/IrzH4232Tp,,2015-08-07 08:51:08 -0700,629681188303572992,"Salt Lake City, UT",Eastern Time (US & Canada) -7886,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JackYoest,,0,,,"Goodness, @CharmaineYoest & I were there and didn't quite see the crowd reaction to support these numbers #GOPDebate https://t.co/a6QxUnKLOH",,2015-08-07 08:51:04 -0700,629681170783997952,Northern Virginia,Quito -7887,John Kasich,1.0,yes,1.0,Negative,0.6477,None of the above,0.6591,,CMcGeeIII,,0,,,"Also, obviously John Kasich doesn't have a chance because he, for the most part, sounds like a reasonable human being. #GOPDebate",,2015-08-07 08:50:57 -0700,629681138852737024,"Philadelphia, PA", -7888,Scott Walker,0.8525,yes,0.9614,Negative,0.5678,Religion,0.5541,Scott Walker,stephmisc,yes,39,,Religion,"RT @goldengateblond: ""It's only by the blood of Jesus Christ and cash from the Koch brothers that my sins are redeemed."" -- Scott Walker, c…",,2015-08-07 08:12:14 -0700,629671398517030912,san francisco bay area,Pacific Time (US & Canada) -7889,Donald Trump,1.0,yes,1.0,Neutral,0.7556,Foreign Policy,0.8867,"Donald Trump -Jeb Bush",mikeyagray,yes,1,,Foreign Policy,RT @rikardorichards: #DonaldTrump and #JebBush clash over their respective plans for the #MiddleEast #GOPDebate http://t.co/zc1793pjGz,,2015-08-07 09:25:36 -0700,629689861696569344,,London -7890,No candidate mentioned,1.0,yes,1.0,Neutral,0.5579,Abortion,1.0,No candidate mentioned,chooseliferacer,yes,9,,Abortion,#GOPDebate Never lose focus on the truly important issues #DefundPP & #PraytoEndAbortion http://t.co/OxIoW3YjS4,,2015-08-07 08:09:27 -0700,629670696776368128,Land of Enchantment, -7891,Donald Trump,0.7631,yes,1.0,Neutral,0.3495,FOX News or Moderators,0.8468,Donald Trump,TorchOnHigh,yes,1,,FOX News or Moderators,RT @RedheadAndRight: Meet the new darling of the left 》 Megyn Gotcha Kelly. #GOPDebate @FoxNews #DonaldTrump #MegynKelly,,2015-08-07 09:52:35 -0700,629696650072604672,Musician/Recording Eng - CA,Pacific Time (US & Canada) -7892,No candidate mentioned,1.0,yes,1.0,Negative,0.9212,None of the above,0.5613,No candidate mentioned,ThadM44,yes,16,Negative,,"RT @ChrisJZullo: Last night they could have have raised their hands. I'm a spoiled billionaire, I'm an oligarch, I'm a racist, I'm a religi…",,2015-08-07 09:53:29 -0700,629696879463428097,Pennsylvania, -7893,No candidate mentioned,1.0,yes,1.0,Negative,0.9637,None of the above,0.9179,No candidate mentioned,Catlady628,yes,1,Negative,,RT @laprofe63: #WishfulThinking! #GOPDebate showed quite plainly how NOT prepared any of those men (+1 woman) are 2 lead nation. https://t.…,,2015-08-07 09:45:21 -0700,629694829807697920,"Atlanta, GA",Atlantic Time (Canada) -7894,Donald Trump,1.0,yes,1.0,Negative,0.9214,None of the above,0.5688,Donald Trump,jojo21,yes,9,,,"RT @rumpfshaker: ""I have never gone bankrupt,"" says Trump who has multiple businesses that went thru bankruptcy, screwed creditors out of m…",,2015-08-07 09:30:52 -0700,629691187851579396,"Ellicott City, Maryland",Eastern Time (US & Canada) -7895,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,Women's Issues (not abortion though),1.0,,OmToast,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 10:12:32 -0700,629701671648645120,behind you, -7896,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DrottM,,4,,,"RT @Lrihendry: #WakeUpAmerica - -Fox #GOPDebates freezes out #TedCruz for 44 minutes! - -http://t.co/OPdkTmBMLY - -#fair -#tcot http://t.co/EfHEw…",,2015-08-07 10:12:26 -0700,629701646587564032,, -7897,Ted Cruz,0.6603,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,freestylthinker,,4,,,"RT @Lrihendry: #WakeUpAmerica - -Fox #GOPDebates freezes out #TedCruz for 44 minutes! - -http://t.co/OPdkTmBMLY - -#fair -#tcot http://t.co/EfHEw…",,2015-08-07 10:12:22 -0700,629701631756644352,,Central Time (US & Canada) -7898,Ted Cruz,0.6905,yes,1.0,Negative,0.6103,FOX News or Moderators,1.0,,DeniseGreen676,,4,,,"RT @Lrihendry: #WakeUpAmerica - -Fox #GOPDebates freezes out #TedCruz for 44 minutes! - -http://t.co/OPdkTmBMLY - -#fair -#tcot http://t.co/EfHEw…",,2015-08-07 10:12:10 -0700,629701578019221504,"Ohio, USA", -7899,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EtscheidGary,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 10:12:09 -0700,629701575536029696,, -7900,No candidate mentioned,1.0,yes,1.0,Neutral,0.6562,FOX News or Moderators,0.6979,,mardanone,,0,,,WATCH: Who had the strongest moments and biggest losses at the #GOPDebates? http://t.co/vw1ovG7G32,,2015-08-07 10:11:22 -0700,629701376654843904,"Mardan, Pakistan",Baku -7901,Ted Cruz,0.6973,yes,1.0,Neutral,0.6973,FOX News or Moderators,1.0,,Lrihendry,,4,,,"#WakeUpAmerica - -Fox #GOPDebates freezes out #TedCruz for 44 minutes! - -http://t.co/OPdkTmBMLY - -#fair -#tcot http://t.co/EfHEwOerPX",,2015-08-07 10:11:08 -0700,629701318475649024,James Rosen Alveda King ,Quito -7902,Ted Cruz,1.0,yes,1.0,Positive,0.6369,None of the above,1.0,,r1944gmailcom,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 10:09:49 -0700,629700987209408512,"Aurora, Colorado",Mountain Time (US & Canada) -7903,Donald Trump,1.0,yes,1.0,Negative,0.3636,FOX News or Moderators,0.6591,,mike_shafer_,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 10:09:02 -0700,629700790593024000,"Ventura, CA", -7904,Ben Carson,1.0,yes,1.0,Negative,0.6362,None of the above,0.6362,,RealPaulCortese,,0,,,Does anyone think Dr. Carson or Huckabee deserve to be in the next debate more than Carly Fiorina? Because you're wrong #GOPDebates #tcot,,2015-08-07 10:08:52 -0700,629700747576348672,"Danbury, CT", -7905,No candidate mentioned,1.0,yes,1.0,Neutral,0.3372,None of the above,1.0,,PetSpeakArt,,0,,,"@DoriaBiddle #GOPDebates I have friends visiting from Japan (they speak English) and they are HORRIFIED + keep asking, ""How?""",,2015-08-07 10:07:06 -0700,629700304536240128,All words+images copyright,Eastern Time (US & Canada) -7906,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,theheartlander,,6,,,RT @Lisa_Luerssen: 1st place Fiorina. 2nd place Jindal. #GOPDebates,,2015-08-07 10:04:16 -0700,629699592032944128,Deep in the heart of Kansas,Bogota -7907,No candidate mentioned,0.4293,yes,0.6552,Neutral,0.3448,FOX News or Moderators,0.4293,,polston_maria,,0,,,"“@FoxNews: WATCH: Who had the strongest moments and biggest losses at the #GOPDebates? http://t.co/jL5DiJPXyF” -Losses. Megan Kelly",,2015-08-07 10:03:31 -0700,629699403947864064,illinois, -7908,No candidate mentioned,0.405,yes,0.6364,Neutral,0.3295,FOX News or Moderators,0.405,,Mamadoxie,,0,,,Biggest Loss #FoxNews RT @FoxNews: WATCH: Who had the strongest moments and biggest losses at the #GOPDebates? http://t.co/EPWxeDtun1,,2015-08-07 10:03:22 -0700,629699366849245184,,Mountain Time (US & Canada) -7909,Jeb Bush,0.4492,yes,0.6702,Neutral,0.6702,Immigration,0.4492,,msunitedam,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-07 10:01:47 -0700,629698966087671808,Bal Harbour Florida,Central Time (US & Canada) -7910,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,1.0,,TruBlu,,0,,,I didn't watch the #GOPDebates the memes are good Friday fun. :),,2015-08-07 10:01:07 -0700,629698798726610944,in limbo,Pacific Time (US & Canada) -7911,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,johnnyreb1864,,3,,,"RT @Rightwingpolok: Who had the MOST face time in the #GOPDebates? Why @megynkelly , of course. Is she running for something?She needs to.S…",,2015-08-07 10:00:51 -0700,629698730254438400,, -7912,No candidate mentioned,0.424,yes,0.6512,Negative,0.6512,None of the above,0.424,,GorillaPig1,,0,,,"Sage advice for candidates on and off the debate stage!!! - -#GOPDebates #GOPHypocrisy #p2 #tcot #GorillaPig1... http://t.co/Fu6JOSo9Yd",,2015-08-07 10:00:01 -0700,629698521202061312,.,Pacific Time (US & Canada) -7913,No candidate mentioned,1.0,yes,1.0,Positive,0.6484,None of the above,1.0,,harden315,,1,,,RT @DoriaBiddle: The #GOPDebates were everything we could have hoped for and less.,,2015-08-07 09:59:05 -0700,629698288141357056,"Berlin, MD", -7914,No candidate mentioned,0.4744,yes,0.6888,Neutral,0.6888,None of the above,0.2386,,Surya_Astra,,16,,,"RT @FearDept: Sen. Perry calls for ""aviation assets"" (means spy drones) that ""identify what individuals are doing"" 24/7 #GOPDebates http://…",,2015-08-07 09:56:20 -0700,629697594055376896,Toronto,Quito -7915,No candidate mentioned,0.7011,yes,1.0,Negative,0.7011,None of the above,0.6552,,DoriaBiddle,,1,,,The #GOPDebates were everything we could have hoped for and less.,,2015-08-07 09:55:01 -0700,629697262713638912,Los Angeles,Pacific Time (US & Canada) -7916,Donald Trump,1.0,yes,1.0,Neutral,0.6442,None of the above,0.6361,,JasonParks73,,0,,,Why do I seem to be the only one that doesn't think Trump did well in the #GOPDebates ? I think the questions were fair and relevant. #tcot,,2015-08-07 09:54:54 -0700,629697234951471105,, -7917,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,ritzy_jewels,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 09:50:07 -0700,629696028661264388,, -7918,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,VizSarahWalsh,,0,,,"@kimguilfoyle Exceptional candidates in crowded field:almost all qualified for president, VP, or cabinet appointee #GOPDebates #RoadTo2016",,2015-08-07 09:50:06 -0700,629696024542511105,"Kendall County, Illinois",Central Time (US & Canada) -7919,Ted Cruz,1.0,yes,1.0,Neutral,0.6702,None of the above,1.0,,MsLyriss,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 09:49:56 -0700,629695982779920386,,Eastern Time (US & Canada) -7920,Donald Trump,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,MelsLien,,1,,,">#GOPDebates ->Trump says he's actually a zombie ->Poll numbers skyrocket ->American public dies immediately, still applauding as he eats them",,2015-08-07 09:49:43 -0700,629695930267213824,Milwaukee / Chicago,Central Time (US & Canada) -7921,No candidate mentioned,1.0,yes,1.0,Neutral,0.7021,None of the above,1.0,,LisaKearth,,1,,,"RT @goconstance: #LOL #LMFAO #Repost @alecmapa with repostapp. -・・・ -The official Democratic response to the #GOPDebates https://t.co/sGJDeb3…",,2015-08-07 09:49:36 -0700,629695900055654400,"ÜT: 34.043526,-118.363393",Alaska -7922,No candidate mentioned,1.0,yes,1.0,Negative,0.6922,FOX News or Moderators,1.0,,Shadowboxer50,,0,,,My twitter time line has diverse people. EVERYONE was dogging @FOXNEWS and @megynkelly ALL NIGHT LONG. STILL GOING AND GOING. #GOPDEBATES,,2015-08-07 09:49:20 -0700,629695832300851200,Six Feet Under,Eastern Time (US & Canada) -7923,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,goconstance,,1,,,"#LOL #LMFAO #Repost @alecmapa with repostapp. -・・・ -The official Democratic response to the #GOPDebates https://t.co/sGJDeb3ujm",,2015-08-07 09:49:10 -0700,629695792098463744,California,Pacific Time (US & Canada) -7924,No candidate mentioned,1.0,yes,1.0,Positive,0.6452,None of the above,1.0,,VoVat,,1,,,RT @monaeltahawy: Love Liza's cartoons! #GOPDebates https://t.co/VkhQN0s7N4,,2015-08-07 09:45:26 -0700,629694852775706629,New Jersey,Eastern Time (US & Canada) -7925,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6067,,woan,,0,,,People overanalyze #GOPDebates. Surprising how horrible policies sound completely reasonable in soundbites.,,2015-08-07 09:42:18 -0700,629694063474708480,"Redmond, WA",Pacific Time (US & Canada) -7926,Donald Trump,0.2286,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,calicrusader,,1,,,RT @LadiesForTrump: Replace #MegynKelly w/#RosieODonnell 4 Next #FoxNewsDebate... #TrumpIsRight #GOPDebates #TrumpTrain2016 #ActOfLove http…,,2015-08-07 09:42:12 -0700,629694036303966213,Southern Calif & Nationwide ,Alaska -7927,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ObozoLies,,3,,,"RT @Rightwingpolok: Who had the MOST face time in the #GOPDebates? Why @megynkelly , of course. Is she running for something?She needs to.S…",,2015-08-07 09:40:27 -0700,629693598691381248,,Edinburgh -7928,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MrLTavern,,0,,,re: #GOPDebates in Cleveland https://t.co/RvPxm2IeYi,,2015-08-07 09:39:18 -0700,629693308604948480,New York State,Eastern Time (US & Canada) -7929,No candidate mentioned,1.0,yes,1.0,Negative,0.6627,None of the above,1.0,,ohiomail,,0,,,Like The #GOPDebates Last Night - It Trended Than Fizzled,,2015-08-07 09:39:12 -0700,629693283241959424,New York,Eastern Time (US & Canada) -7930,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,,0.2266,,Rightwingpolok,,3,,,"Who had the MOST face time in the #GOPDebates? Why @megynkelly , of course. Is she running for something?She needs to.She's not a journalist",,2015-08-07 09:38:52 -0700,629693200291250176,Florida,Eastern Time (US & Canada) -7931,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,NH1Photog,,1,,,RT @steinhauserNH1: 2016 Watch: @NH1News back at #PHL less than 24 hours later. #NH bound after Cleveland #GOPDebates #nhpolitics #fitn htt…,,2015-08-07 09:33:58 -0700,629691965525880832,Concord NH,Eastern Time (US & Canada) -7932,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,NH1News,,2,,,RT @steinhauserNH1: 2016 Watch: @NH1News says goodbye to Cleveland; see you in a year for the RNC #GOPDebates #nhpolitics #fitn http://t.co…,,2015-08-07 09:32:10 -0700,629691513866485760,"Concord, NH ",Eastern Time (US & Canada) -7933,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6604,,sgarlato,,2,,,RT @steinhauserNH1: 2016 Watch: @NH1News says goodbye to Cleveland; see you in a year for the RNC #GOPDebates #nhpolitics #fitn http://t.co…,,2015-08-07 09:31:42 -0700,629691397117865984,"Los Gatos, CA",Pacific Time (US & Canada) -7934,Ben Carson,1.0,yes,1.0,Negative,0.6972,Racial issues,1.0,,zolly_b,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-07 09:31:00 -0700,629691220202246144,,Eastern Time (US & Canada) -7935,Donald Trump,1.0,yes,1.0,Positive,0.3448,Foreign Policy,0.3448,,Sweetemmilyn,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 09:28:58 -0700,629690708245372928,Houston - for now....,America/Chicago -7936,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DubinPeter,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 09:27:57 -0700,629690451822551040,south philadelphia, -7937,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3504,,CindyTreadway,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 09:27:32 -0700,629690346079809536,,Eastern Time (US & Canada) -7938,Scott Walker,1.0,yes,1.0,Negative,0.6824,None of the above,1.0,,BadgerStew,,3,,,RT @Muxywithmoxie: Walker Emerges as Leading Candidate to Run Enterprise Rent-A-Car Branch http://t.co/X6QA8MUTa7 #GOPDebates,,2015-08-07 09:26:04 -0700,629689979174842369,"Madison, Wisconsin", -7939,Scott Walker,0.4818,yes,0.6941,Negative,0.3882,None of the above,0.4818,,half_witt,,3,,,RT @Muxywithmoxie: Walker Emerges as Leading Candidate to Run Enterprise Rent-A-Car Branch http://t.co/X6QA8MUTa7 #GOPDebates,,2015-08-07 09:24:21 -0700,629689546578468865,WISCONSIN, -7940,Scott Walker,0.4365,yes,0.6607,Neutral,0.3434,None of the above,0.2269,,DevinGoldenberg,,3,,,RT @Muxywithmoxie: Walker Emerges as Leading Candidate to Run Enterprise Rent-A-Car Branch http://t.co/X6QA8MUTa7 #GOPDebates,,2015-08-07 09:23:52 -0700,629689425480581120,,Eastern Time (US & Canada) -7941,No candidate mentioned,0.4233,yes,0.6506,Positive,0.3494,FOX News or Moderators,0.4233,,england498,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 09:23:36 -0700,629689356614176768,,Central Time (US & Canada) -7942,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6522,,GrumpyDem,,0,,,"Last night 2 #GOPdebates proved the Right is against: science, health care, gays, women, civility, reality, or sanity.",,2015-08-07 09:22:35 -0700,629689103513096192,Nevada,Pacific Time (US & Canada) -7943,Donald Trump,1.0,yes,1.0,Neutral,0.6841,None of the above,1.0,,chelsahawk,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-07 09:16:07 -0700,629687474927697920,, -7944,No candidate mentioned,0.436,yes,0.6603,Negative,0.3659,None of the above,0.436,,FearDept,,16,,,"Sen. Perry calls for ""aviation assets"" (means spy drones) that ""identify what individuals are doing"" 24/7 #GOPDebates http://t.co/ipbSIczyIN",,2015-08-07 09:14:08 -0700,629686975423885312,"Washington, D.C.",Eastern Time (US & Canada) -7945,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,destiny_mcgarry,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 09:12:06 -0700,629686461328044032,US, -7946,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EckmanRon,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 09:08:29 -0700,629685555152973824,South Florida,Eastern Time (US & Canada) -7947,No candidate mentioned,1.0,yes,1.0,Neutral,0.3444,None of the above,1.0,,MHollyM,,0,,,"Morrissey foreshadowed the character of the #GOPDebates: ""If it's not love, then it's the bomb that will bring us together.""",,2015-08-07 09:04:20 -0700,629684507294199808,New York City,Eastern Time (US & Canada) -7948,Donald Trump,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,1.0,,drginareghetti,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-07 09:02:59 -0700,629684168331431936,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -7949,Donald Trump,1.0,yes,1.0,Positive,0.6118,None of the above,0.6118,,drginareghetti,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 09:02:36 -0700,629684072885817344,"Warren, Ohio -U.S.A.-",Eastern Time (US & Canada) -7950,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6598,,RealityCheckUS2,,0,,,@DonnieWahlberg #GOPDebates were pathetic with no realistic solutions. I got drunk with my husband playing the GOPDebates drinking game.,,2015-08-07 09:01:53 -0700,629683893327675392,O.C. CA at the beach,Pacific Time (US & Canada) -7951,No candidate mentioned,0.4539,yes,0.6737,Neutral,0.6737,None of the above,0.4539,,StevenTylerisms,,23,,,RT @joeykramer: @Aerosmith Headed out to the #GOPDebates in Cleveland should be interesting #MotleyCrue,,2015-08-07 08:57:48 -0700,629682866113388544,South of Sanity,Central Time (US & Canada) -7952,No candidate mentioned,1.0,yes,1.0,Negative,0.6333,None of the above,0.7,,bacardimo,,0,,,The #GOPdebates in a nutshell... http://t.co/5UwVybTuB3,,2015-08-07 08:50:43 -0700,629681080153583616,Napping somewhere, -7953,Donald Trump,0.4211,yes,0.6489,Positive,0.6489,FOX News or Moderators,0.4211,,alenesopinions,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 08:50:25 -0700,629681005151055872,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -7954,No candidate mentioned,1.0,yes,1.0,Positive,0.6738,FOX News or Moderators,0.6576,,PatriotDogHouse,,0,,,"@CarlyFiorina trumped 16 candidates,cleared 5 Fox hounds in 2 #GOPDebates on 1 night in high heels. No sweat. #tcot https://t.co/bwbOTEVnXe",,2015-08-07 08:46:04 -0700,629679911859392512,West Coast,Pacific Time (US & Canada) -7955,Donald Trump,1.0,yes,1.0,Negative,0.6316,FOX News or Moderators,0.6316,,darinsims,,0,,,@FoxNews the #GOPdebates made me want to vote for Trump as a 3rd party candidate and I don't even like Trump #outnumbered,,2015-08-07 08:40:37 -0700,629678540154245120,Texas, -7956,No candidate mentioned,1.0,yes,1.0,Negative,0.6506,None of the above,1.0,,HoseinNYC,,0,,,"If I wanted to see grown men throw hissy fits, I would watch Will & Grace. #GOPDebates",,2015-08-07 08:40:37 -0700,629678539659440128,NYC,Eastern Time (US & Canada) -7957,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,0.6629,,curt_thompson,,0,,,"Donald Trump gets called out for sexism at #GOPDebates, goes on Twitter after and calls Megyn Kelly a bimbo. Wow. - -http://t.co/kfakVv5TKw",,2015-08-07 08:39:21 -0700,629678221332582405,"Tucker, GA",Eastern Time (US & Canada) -7958,No candidate mentioned,1.0,yes,1.0,Negative,0.7063,FOX News or Moderators,1.0,,SoCalFitz,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 08:38:36 -0700,629678033339723776,Southern California, -7959,Marco Rubio,0.7065,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,katv1954,,1,,,RT @Kaore: Want to help small businesses Rubio? Protect them from greedy landlords and unfair rent practices. #GOPDebates,,2015-08-07 08:37:00 -0700,629677629340188672,, -7960,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,monaeltahawy,,1,,,Love Liza's cartoons! #GOPDebates https://t.co/VkhQN0s7N4,,2015-08-07 08:36:33 -0700,629677517599821825,Cairo/NYC,Eastern Time (US & Canada) -7961,Donald Trump,1.0,yes,1.0,Negative,0.6237,FOX News or Moderators,1.0,,VenusVisitor,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-07 08:35:22 -0700,629677217044279297,Venus, -7962,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,iphooey,,0,,,"Chris Christie: If His Lips Are Moving, He's Still Lying https://t.co/4bh9A04MJd via @sharethis #GOPDebates #ChrisChristie #elchubbo",,2015-08-07 08:34:52 -0700,629677092951691264,USA,Central Time (US & Canada) -7963,No candidate mentioned,0.6555,yes,1.0,Negative,1.0,None of the above,1.0,,davidsingletary,,0,,,This was me and my crew after the debates last night 😂😂 #GOPDebates #Republicans #Democrats #Trump… https://t.co/gXki90c6vS,,2015-08-07 08:34:19 -0700,629676956376809472,New York City,Central Time (US & Canada) -7964,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,Foreign Policy,0.6556,,noellenikpour,,2,,,RT @KateAronoff: FYI US defense spending compared to other countries #GOPDebates http://t.co/0l8Ct4fgCO,,2015-08-07 08:33:10 -0700,629676666390867968,Florida, -7965,No candidate mentioned,1.0,yes,1.0,Neutral,0.6546,Foreign Policy,0.6909,,pgpfoundation,,2,,,RT @KateAronoff: FYI US defense spending compared to other countries #GOPDebates http://t.co/0l8Ct4fgCO,,2015-08-07 08:27:29 -0700,629675236800229377,"New York, NY",Eastern Time (US & Canada) -7966,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6563,,LMM1952,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 08:27:15 -0700,629675175131398144,,Eastern Time (US & Canada) -7967,Donald Trump,1.0,yes,1.0,Negative,0.6437,None of the above,1.0,,LloydChristmis,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 08:26:53 -0700,629675082319724544,Far right , -7968,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.6111,,0.2377,,Tundraeyes,,0,,,"""@FoxNews: Miss one or both of the #GOPDebates? Want to see a segment again? Re-watch every minute with our playlist http://t.co/AlwVWQCrGj""",,2015-08-07 08:24:57 -0700,629674596850118656,"Dallas,Texas",Central Time (US & Canada) -7969,Donald Trump,1.0,yes,1.0,Positive,0.7056,None of the above,1.0,,ladydshops,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 08:24:50 -0700,629674569234841600,"Bowling Green, KY ",Central Time (US & Canada) -7970,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,THEINTENSITY,,0,,,"To me, when I see a debate hosted I need to see the moderator set up the field well. Not become the focal point! #foxnews #GOPdebates",,2015-08-07 08:22:00 -0700,629673853317353472,just a soul shard in your mind,Mountain Time (US & Canada) -7971,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6479,,alenesopinions2,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 08:21:30 -0700,629673729895886848,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -7972,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6429,,audriemacduff,,0,,,"I'm not usually one to miss political happenings, but it feels SO good to have ignored the #GOPDebates last night. #selfcare #dem4life",,2015-08-07 08:20:04 -0700,629673370376912897,Jersey City / Manhattan,Eastern Time (US & Canada) -7973,Ted Cruz,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,MaryTherese331,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 08:18:51 -0700,629673064175923200,Everywhere...via twitter, -7974,No candidate mentioned,0.4586,yes,0.6772,Positive,0.6772,None of the above,0.4586,,Sue_Gulley,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 08:18:23 -0700,629672943916683264,, -7975,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LeelerMayy,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 08:18:12 -0700,629672900178616320,, -7976,No candidate mentioned,0.3839,yes,0.6196,Neutral,0.3261,,0.2357,,honolulujack,,0,,,GOP Candidates Throw Out Their Best Hillary Clinton Zingers http://t.co/nSS1U3sALh VIDEO #TCOT #GOPDEBATES #TLOT #DEBATE #CCOT #HILLARY #GOP,,2015-08-07 08:13:34 -0700,629671730965954564,Hawaii,Hawaii -7977,No candidate mentioned,1.0,yes,1.0,Negative,0.7044,FOX News or Moderators,1.0,,beerandabrat,,0,,,The #GOPDebates Showed How Fox News Enforces Republican Orthodoxy #partyvoice # http://t.co/rT96USI2NK,,2015-08-07 08:12:37 -0700,629671491731333120,,Central Time (US & Canada) -7978,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6552,,Mike_r_maffei,,0,,,"Very impressed with both #GOPDebates last night. Not sure who to vote for yet, but do know it won't be #Hillary. Im neither democrat or GOP.",,2015-08-07 08:11:33 -0700,629671225422413824,"Atlanta, Nashville, Tampa",Eastern Time (US & Canada) -7979,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,None of the above,1.0,,BridgewatrMAGOP,,25,,,RT @Jerry_Holbert: Refreshing. #GOPDebates http://t.co/45eM0dXrzs http://t.co/O5W4sC7uF7,,2015-08-07 08:10:27 -0700,629670949764337664,"Bridgewater, Massachusetts",Atlantic Time (Canada) -7980,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6742,,Charlie_O,,0,,,A couple more #GOPDebates like that one and #MegynKelly will be voting for Bernie Sanders.,,2015-08-07 08:08:47 -0700,629670530547904512,Philly,Eastern Time (US & Canada) -7981,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Okie08,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 08:04:45 -0700,629669515429711876,, -7982,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,None of the above,1.0,,PowersToPeeps,,0,,,"The REAL WINNER of BOTH #GOPDebates! She'll be on the ""A"" team for sure now. https://t.co/Z2uf9hidgt",,2015-08-07 08:04:12 -0700,629669376099266561,"Augusta, GA",Eastern Time (US & Canada) -7983,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DavidJWhite640,,0,,,THE GREATEST LET DOWN IN TELEVISION HISTORY: #GOPDebates! ALL WE DID WAS HELP #KlanManTV aka @Foxnews SWELL THE RANKS OF THEIR RATINGS,,2015-08-07 08:03:21 -0700,629669162772787201,"Washington DC, Home of Tyranny", -7984,No candidate mentioned,1.0,yes,1.0,Negative,0.6767,None of the above,1.0,,nohilary,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 08:02:31 -0700,629668950733819904,"Washington, DC", -7985,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6441,,Erosunique,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 08:00:26 -0700,629668426613686272,Milan-Italy,Rome -7986,No candidate mentioned,1.0,yes,1.0,Positive,0.6711,FOX News or Moderators,1.0,,MarkOdum,,0,,,#gopdebates @BillHemmer thank God the early debate was handled professionally and without SHOCK value soundbite personal advancement for FOX,,2015-08-07 08:00:20 -0700,629668402328514560,Dayton Ohio home of WPAFB, -7987,No candidate mentioned,1.0,yes,1.0,Neutral,0.6784,None of the above,1.0,,mrcrpoetry,,2,,,RT @Debber66: Who do you think won the #GOPDebates ? - don't just say the person you are supporting - be honest!,,2015-08-07 08:00:20 -0700,629668401284124672,California,Pacific Time (US & Canada) -7988,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,FOX News or Moderators,1.0,,LWilsonDarlene,,0,,,.@marklevinshow .@BillHemmer @marthamaccallum @BretBaier did fine. No more @megynkelly or @FoxNewsSunday Chris Wallace. at next #GOPDebates,,2015-08-07 07:57:47 -0700,629667762307248128,Chicago,Central Time (US & Canada) -7989,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,pyr411,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:57:12 -0700,629667613891690496,So Cal,Pacific Time (US & Canada) -7990,No candidate mentioned,1.0,yes,1.0,Neutral,0.6965,None of the above,1.0,,wisdomforwomen,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:56:57 -0700,629667551383916544,,Mountain Time (US & Canada) -7991,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,None of the above,0.6703,,prprincesscm,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:56:38 -0700,629667469364342784,, -7992,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kevingrowley,,2,,,RT @kwrcrow: @marilynarndt @princeofbordue1 I think @megynkelly was vicious and very unprofessional last night. She lost me also. #GOPDebat…,,2015-08-07 07:56:22 -0700,629667406219247616,Southern Florida, -7993,No candidate mentioned,1.0,yes,1.0,Negative,0.6768,None of the above,1.0,,Patriot_Girl_TX,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:56:13 -0700,629667368650833920,,Central Time (US & Canada) -7994,No candidate mentioned,1.0,yes,1.0,Negative,0.6604,Racial issues,0.6978,,itsNadine_,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-07 07:56:04 -0700,629667328456794112,London/Liverpool,London -7995,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,militiamack,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:55:46 -0700,629667252992761857,opinionated with no apologies, -7996,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6703,,Jen13artman,,0,,,@drshow Misogyny is good for ratings. #GOPDebates,,2015-08-07 07:55:32 -0700,629667195522564096,South Florida,Eastern Time (US & Canada) -7997,Donald Trump,1.0,yes,1.0,Negative,0.6593,Women's Issues (not abortion though),1.0,,maagmagirl,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 07:55:24 -0700,629667162307694592,SF Bay Area, -7998,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6512,,rhUSMC,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 07:55:08 -0700,629667095777705985,AZ USA, -7999,John Kasich,0.6773,yes,1.0,Negative,1.0,None of the above,1.0,,steinhauserNH1,,0,,,"2016 News: @JohnSununu at #GOPDebates for @JohnKasich -tells @NH1News @realDonaldTrump language & answers ""clearly aren’t presidential"" #fitn",,2015-08-07 07:53:32 -0700,629666690301870080,"Concord, NH",Eastern Time (US & Canada) -8000,Donald Trump,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,YovonneA,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:53:15 -0700,629666619489406976,, -8001,Jeb Bush,0.3626,yes,1.0,Neutral,1.0,None of the above,1.0,,mercyakuo,,0,,,Strong showing: @CarlyFiorina @Jeb2016 @marcorubio @JohnKasich More analysis of future #GOPDebates #DemocratDebates https://t.co/aXG2KMXApd,,2015-08-07 07:53:13 -0700,629666610433802240,The Rebalance @Diplomat_APAC,Atlantic Time (Canada) -8002,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ZarkoElDiablo,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 07:53:11 -0700,629666603915956224,,Eastern Time (US & Canada) -8003,Donald Trump,1.0,yes,1.0,Negative,0.6771,None of the above,1.0,,ChristyJeske,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 07:52:02 -0700,629666311946133504,San Diego,Pacific Time (US & Canada) -8004,No candidate mentioned,1.0,yes,1.0,Neutral,0.3516,None of the above,1.0,,carmenvellon,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:51:34 -0700,629666196036689920,, -8005,Mike Huckabee,0.6813,yes,1.0,Neutral,0.6703,None of the above,1.0,,thecinemadoctor,,0,,,HUCKABEE/HULK 2016 #GOPDebates,,2015-08-07 07:51:29 -0700,629666176474349568,Los Angeles/Texas,Pacific Time (US & Canada) -8006,Donald Trump,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,anne_norton,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 07:50:51 -0700,629666017115897856,Ga,Eastern Time (US & Canada) -8007,No candidate mentioned,1.0,yes,1.0,Positive,0.6889,None of the above,1.0,,Truelove__4ever,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 07:50:44 -0700,629665984606027777,Sweden,Stockholm -8008,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,hgarbow,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 07:49:13 -0700,629665604421554176,"Texas, USA", -8009,Donald Trump,1.0,yes,1.0,Positive,0.3587,None of the above,1.0,,chris63414391,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 07:49:10 -0700,629665591318548481,, -8010,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6667,,nkotb_awesome,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 07:48:42 -0700,629665474771578880,Kentucky,Pacific Time (US & Canada) -8011,Donald Trump,1.0,yes,1.0,Negative,0.6715,None of the above,0.6715,,KLSouth,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 07:48:28 -0700,629665415816331265,Beirut by the Lake.,Central Time (US & Canada) -8012,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Erosunique,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:47:59 -0700,629665293984526338,Milan-Italy,Rome -8013,Donald Trump,0.6966,yes,1.0,Negative,0.6966,Women's Issues (not abortion though),0.6404,,presidentmase,,0,,,"@realDonaldTrump looks better in this video than he did last night in the #GOPDebates. #WomenAgainstTrump -https://t.co/LWpfGDCnaS",,2015-08-07 07:47:49 -0700,629665252221800449,, -8014,No candidate mentioned,0.4209,yes,0.6488,Neutral,0.3295,None of the above,0.4209,,KATERINABOURTZO,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/3QiNxty4E5,,2015-08-07 07:46:23 -0700,629664892925124608,Greece,Baghdad -8015,No candidate mentioned,0.4545,yes,0.6742,Positive,0.6742,None of the above,0.4545,,ebrulz,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:44:48 -0700,629664494394998788,Long Valley NJ, -8016,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6784,,VoVat,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 07:44:40 -0700,629664461645873152,New Jersey,Eastern Time (US & Canada) -8017,Jeb Bush,0.6571,yes,1.0,Negative,1.0,FOX News or Moderators,0.6571,,smartvalueblog,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 07:43:34 -0700,629664182737219584,USA,Eastern Time (US & Canada) -8018,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LWilsonDarlene,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 07:43:19 -0700,629664120174968832,Chicago,Central Time (US & Canada) -8019,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jeffgully49,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 07:41:35 -0700,629663683786858496,minnesota,Central Time (US & Canada) -8020,Rand Paul,0.7045,yes,1.0,Negative,0.6591,None of the above,1.0,,ProfessorRobo,,0,,,An assassination attempt by RNC ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @BillHemmer,,2015-08-07 07:37:51 -0700,629662744791416832,Las Vegas,Pacific Time (US & Canada) -8021,No candidate mentioned,1.0,yes,1.0,Positive,0.6245,FOX News or Moderators,1.0,,ameylynne,,0,,,Huff Post is praising @megynkelly. That should tell you something. #GOPDebates @foxnewspolitics,,2015-08-07 07:37:13 -0700,629662584887709696,"New Port Richey, FL",Eastern Time (US & Canada) -8022,Donald Trump,1.0,yes,1.0,Positive,0.7040000000000001,FOX News or Moderators,0.6273,,ProfessorRobo,,0,,,…#Trump wasn't going to play their PC game #GOPDebate #GOPDebates @BillHemmer,,2015-08-07 07:36:15 -0700,629662342515662854,Las Vegas,Pacific Time (US & Canada) -8023,Donald Trump,0.4025,yes,0.6344,Positive,0.6344,FOX News or Moderators,0.4025,,ProfessorRobo,,0,,,"To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDebates -@BillHemmer",,2015-08-07 07:35:57 -0700,629662268154871808,Las Vegas,Pacific Time (US & Canada) -8024,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,None of the above,1.0,,NYQueen,,0,,,Missed the dang #GOPDebates. Where can I catch them now? Anyone record them?,,2015-08-07 07:35:45 -0700,629662214975164416,"San Jose, CA",Pacific Time (US & Canada) -8025,No candidate mentioned,0.405,yes,0.6364,Neutral,0.6364,None of the above,0.405,,MarshfieldMAGOP,,25,,,RT @Jerry_Holbert: Refreshing. #GOPDebates http://t.co/45eM0dXrzs http://t.co/O5W4sC7uF7,,2015-08-07 07:35:30 -0700,629662152513716224,Massachusetts, -8026,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SharonMcCutchan,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 07:33:33 -0700,629661662560296960,America, -8027,Scott Walker,1.0,yes,1.0,Negative,0.3638,None of the above,1.0,,Muxywithmoxie,,3,,,Walker Emerges as Leading Candidate to Run Enterprise Rent-A-Car Branch http://t.co/X6QA8MUTa7 #GOPDebates,,2015-08-07 07:33:04 -0700,629661542355615744,"Waukesha, Wisconsin",Central Time (US & Canada) -8028,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6452,,PKGM,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 07:32:56 -0700,629661507853398016,"Boston, MA",Quito -8029,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,PKGM,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 07:32:46 -0700,629661464245239808,"Boston, MA",Quito -8030,Ted Cruz,1.0,yes,1.0,Neutral,0.6947,None of the above,1.0,,hlpryor,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:32:18 -0700,629661346649370624,, -8031,Ted Cruz,1.0,yes,1.0,Positive,0.6613,None of the above,1.0,,tjhlfld,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:30:43 -0700,629660950371528708,"Missouri, USA", -8032,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mimbsy,,0,,,"Miss the debate last night? No worries, we blogged it for ya:http://t.co/GP58n0DDB2 #GOPDebates",,2015-08-07 07:30:21 -0700,629660857115541504,"Washington, D.C.",Eastern Time (US & Canada) -8033,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,shannonandjoe,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 07:29:15 -0700,629660578500325380,"Dallas, TX/Denver, CO",Central Time (US & Canada) -8034,No candidate mentioned,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,AbbyHendry,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:28:19 -0700,629660345775312897,John 1:12✨, -8035,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6425,,SharonMcCutchan,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 07:28:14 -0700,629660326259240960,America, -8036,No candidate mentioned,0.4395,yes,0.6629,Positive,0.6629,FOX News or Moderators,0.4395,,myfloridapros,,0,,,After watching the #GOPdebates I've made my decision! I'm voting for @megynkelly OMG! Where has she been all my life ? She is so HOT,,2015-08-07 07:27:45 -0700,629660202724425728,, -8037,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,wordjunky,,0,,,"Post-debate picture of the GOP candidates. -#GOPDebates http://t.co/98g3AVLQ7q",,2015-08-07 07:27:14 -0700,629660072587751424,Houston TX,Central Time (US & Canada) -8038,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,winegirl73,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:26:58 -0700,629660003801108480,"Warrenton, VA",Eastern Time (US & Canada) -8039,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6458,,McGrewRey,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 07:26:23 -0700,629659857570828288,, -8040,Ted Cruz,1.0,yes,1.0,Neutral,0.6379,None of the above,1.0,,Redgtosamurai,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:25:19 -0700,629659589588353025,"Los Angeles, California",Pacific Time (US & Canada) -8041,Donald Trump,0.3974,yes,0.6304,Negative,0.337,,0.233,,ConservativeGM,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 07:24:24 -0700,629659359614599168,"Anytown, NJ",Eastern Time (US & Canada) -8042,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ConservativeGM,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 07:24:09 -0700,629659298176471040,"Anytown, NJ",Eastern Time (US & Canada) -8043,No candidate mentioned,1.0,yes,1.0,Negative,0.7195,FOX News or Moderators,1.0,,ConservativeGM,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 07:23:26 -0700,629659117079019520,"Anytown, NJ",Eastern Time (US & Canada) -8044,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,1.0,,ConservativeGM,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 07:22:56 -0700,629658989479878656,"Anytown, NJ",Eastern Time (US & Canada) -8045,No candidate mentioned,0.4038,yes,0.6354,Positive,0.3229,None of the above,0.4038,,jasfaulkner,,0,,,Oh gurrrrrlll! :D #GOPDebates #IWonderHowManySmartRepublicansHadItchySlappingHandsLastNight http://t.co/JziZ1zvXDj,,2015-08-07 07:22:54 -0700,629658980445392896,Still considering that one.,Central Time (US & Canada) -8046,Donald Trump,1.0,yes,1.0,Negative,0.6697,None of the above,0.6697,,ChellyLongoria,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:21:52 -0700,629658720981647360,"Omaha, NE USA",Central Time (US & Canada) -8047,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6333,,ConservativeGM,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 07:21:19 -0700,629658584041652225,"Anytown, NJ",Eastern Time (US & Canada) -8048,No candidate mentioned,1.0,yes,1.0,Positive,0.3516,FOX News or Moderators,0.6703,,angelrose9392,,0,,,Loved @BillHemmer and @marthamaccallum Ditch Kelly & Wallace sideshow railroad. #GOPdebates https://t.co/qXim3nKiYF,,2015-08-07 07:21:13 -0700,629658556841783296,PA,Eastern Time (US & Canada) -8049,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BillySebolt,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 07:20:03 -0700,629658265568153604,"Las Vegas Valley, NV.",Arizona -8050,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,InezTexas,,0,,,#GOPDebates = clowns & idiots 17 Funniest Tweets on GOP Debate Failing to Even Mention Climate Change http://t.co/aqO0IULltZ via @ecowatch,,2015-08-07 07:19:53 -0700,629658221834170368,, -8051,No candidate mentioned,0.4562,yes,0.6754,Negative,0.6754,FOX News or Moderators,0.4562,,doug_zeeff,,0,,,Not one question about Congressional term limits? Really? FOX really flubbed the dub. #GOPDebates,,2015-08-07 07:19:52 -0700,629658219883941888,, -8052,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6596,,ilerpine,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:19:30 -0700,629658128020320256,"Savannah, Ga.", -8053,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DrottM,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:19:18 -0700,629658075784282112,, -8054,No candidate mentioned,0.4335,yes,0.6584,Positive,0.6584,None of the above,0.4335,,littlebitgood,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 07:18:58 -0700,629657992045178880,Alexandria, -8055,No candidate mentioned,1.0,yes,1.0,Positive,0.6438,None of the above,0.6852,,HighOnQuacks,,0,,,Bernie Sanders gained over 10K new likes and growing from the #GOPDebates #DebatewithBernie #feelthebern,,2015-08-07 07:18:38 -0700,629657907613814784,Wisconsin, -8056,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.3333,None of the above,0.3997,,usedtobgop,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:18:29 -0700,629657869562974208,USA,Eastern Time (US & Canada) -8057,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ChristianCalls1,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 07:18:02 -0700,629657757113839617,,Eastern Time (US & Canada) -8058,No candidate mentioned,0.6696,yes,1.0,Negative,1.0,FOX News or Moderators,0.6502,,jsc1835,,0,,,@Marmel I don't see any winners in the #GOPDebates .,,2015-08-07 07:18:02 -0700,629657756081852416,,Central Time (US & Canada) -8059,Donald Trump,1.0,yes,1.0,Negative,0.69,FOX News or Moderators,1.0,,nanci_pray2jc,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:17:22 -0700,629657589589143552,Gator Country Florida, -8060,Ted Cruz,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,RoRoscoe,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:16:42 -0700,629657421468798976,,Eastern Time (US & Canada) -8061,No candidate mentioned,0.4493,yes,0.6703,Negative,0.6703,None of the above,0.4493,,stand4all,,3,,,"RT @b140tweet: @ZonkerPA -A rare view from behind the stage at the #GOPDebate A behind the scene look at candidates.. #GOPDEBATES http://t…",,2015-08-07 07:16:29 -0700,629657369274884096,,Atlantic Time (Canada) -8062,No candidate mentioned,1.0,yes,1.0,Negative,0.66,None of the above,1.0,,K3UG,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:16:28 -0700,629657363805536256,"Oxford, PA",Eastern Time (US & Canada) -8063,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,77WABCradio,,1,,,RT @RitaCosby: Taking your calls now on @77wabcradio about yesterday's #GOPDebates Who won and why??? Call me: 800 848 9222,,2015-08-07 07:16:18 -0700,629657321589899265,"New York, NY",Eastern Time (US & Canada) -8064,Marco Rubio,0.4218,yes,0.6495,Positive,0.6495,None of the above,0.4218,,pilgrimsurgeon,,0,,,#GOPDebate #GOPDebates Carly Fiorina won 1st round Marco Rubio led 2nd round,,2015-08-07 07:16:14 -0700,629657303994609664,California,Pacific Time (US & Canada) -8065,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,Dreamer9177,,3,,,"RT @b140tweet: @ZonkerPA -A rare view from behind the stage at the #GOPDebate A behind the scene look at candidates.. #GOPDEBATES http://t…",,2015-08-07 07:16:11 -0700,629657292091342849,"Alexandria, VA United States",Eastern Time (US & Canada) -8066,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6871,,Thatsalrighty,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 07:15:52 -0700,629657212785266688,Urbs in Horto,Central Time (US & Canada) -8067,Donald Trump,1.0,yes,1.0,Neutral,0.7283,FOX News or Moderators,0.7283,,alenesopinions,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 07:15:52 -0700,629657210373734400,"Paris, TN/Philadelphia, PA",Eastern Time (US & Canada) -8068,No candidate mentioned,1.0,yes,1.0,Positive,0.3483,None of the above,1.0,,s_rsantorini630,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:13:29 -0700,629656613213876224,"Palo Alto, CA", -8069,No candidate mentioned,1.0,yes,1.0,Negative,0.3527,None of the above,1.0,,NamelessCynic,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 07:12:50 -0700,629656449485025280,"Albuquerque, NM",Mountain Time (US & Canada) -8070,No candidate mentioned,1.0,yes,1.0,Negative,0.6688,None of the above,1.0,,JACK__SHAW,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 07:12:33 -0700,629656376868876288,CHICAGO/OKC,Central Time (US & Canada) -8071,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,grammy620,,6,,,RT @KLSouth: .@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their …,,2015-08-07 07:12:33 -0700,629656376340410368,"Villa Park, Illinois",Central Time (US & Canada) -8072,Donald Trump,1.0,yes,1.0,Negative,0.7143,FOX News or Moderators,0.7143,,Compelwords,,0,,,I thought the questions were fair and balanced. Really! @realdonaldtrump Stop whining.@foxnews #gopdebates http://t.co/shILDADfPn,,2015-08-07 07:11:57 -0700,629656225584537600,"Chicago, IL", -8073,Chris Christie,0.4113,yes,0.6413,Negative,0.6413,Foreign Policy,0.4113,,MarineRecon1975,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 07:11:42 -0700,629656164561743872,U.S.,Central Time (US & Canada) -8074,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6918,,KLSouth,,6,,,.@marthamaccallum & @BillHemmer arrogant/snarky on #GOPDebates. The NY & DC Media complex are slimy. Our America is not their America.,,2015-08-07 07:11:32 -0700,629656120110542848,Beirut by the Lake.,Central Time (US & Canada) -8075,Donald Trump,0.3931,yes,0.627,Negative,0.3197,None of the above,0.3931,,kbpotts,,0,,,@FoxNews @realDonaldTrump best line of the night #GOP #GOPDebate #GOPDebates,,2015-08-07 07:10:16 -0700,629655804585603072,Dallas,Central Time (US & Canada) -8076,Chris Christie,0.4545,yes,0.6742,Negative,0.6742,Foreign Policy,0.4545,,Raddmom,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 07:08:54 -0700,629655457095790592,"California, USA",Pacific Time (US & Canada) -8077,No candidate mentioned,1.0,yes,1.0,Neutral,0.3455,None of the above,1.0,,TwinSiSTAR,,1,,,"RT @SCalaisS: Who won the #GopDebates? - -OBAMA OBAMA OBAMA ! 😂👏👏 - -#Obama2016",,2015-08-07 07:08:05 -0700,629655254611701760,"ÜT: 41.120822,-81.580023",Eastern Time (US & Canada) -8078,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SCalaisS,,1,,,"Who won the #GopDebates? - -OBAMA OBAMA OBAMA ! 😂👏👏 - -#Obama2016",,2015-08-07 07:07:51 -0700,629655195794960384,Forward ► barackobamadotcom,Eastern Time (US & Canada) -8079,No candidate mentioned,1.0,yes,1.0,Negative,0.3563,None of the above,0.6897,,markfidelman,,0,,,The American people won the #GOPDebates last night in one sense. Engagement. A 16 market share is the largest ever. #civics,,2015-08-07 07:07:48 -0700,629655180473044993,Southern California,Pacific Time (US & Canada) -8080,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6427,,argmachinetv,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 07:07:29 -0700,629655102601572352,, -8081,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,HLMacNaughton,,0,,,"Calling women dehumanizing names isn't a lack of political correctness, it's a lack of basic decency and respect. #gopdebates",,2015-08-07 07:06:43 -0700,629654910930391040,Toronto,Eastern Time (US & Canada) -8082,No candidate mentioned,0.4829,yes,0.6949,Negative,0.6949,FOX News or Moderators,0.2609,,bestcarhauler,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 07:05:39 -0700,629654639898697728,Tennessee,Eastern Time (US & Canada) -8083,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,FOX News or Moderators,0.2348,,learjetter,,0,,,"Decent human beings? Geez...they're all #Politicians but one, what'd u expect?! #GOPDebates @LemonMeringue19 @KenCageRepo @JOHNNYLAUNONEN",,2015-08-07 07:05:38 -0700,629654636220125184,Republic of Texas,Central Time (US & Canada) -8084,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,RightSideGuy14,,0,,,"#GOPDebates I wish that they could be done while the candidates were connected to lie detectors, or maybe by scientologists lol",,2015-08-07 07:05:16 -0700,629654546172780544,,Eastern Time (US & Canada) -8085,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RitaCosby,,1,,,Taking your calls now on @77wabcradio about yesterday's #GOPDebates Who won and why??? Call me: 800 848 9222,,2015-08-07 07:04:31 -0700,629654356954976256,77 WABC RADIO ,Eastern Time (US & Canada) -8086,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,princeofbordue1,,2,,,RT @kwrcrow: @marilynarndt @princeofbordue1 I think @megynkelly was vicious and very unprofessional last night. She lost me also. #GOPDebat…,,2015-08-07 07:04:30 -0700,629654351057977344,God Bless America,International Date Line West -8087,No candidate mentioned,0.4593,yes,0.6777,Positive,0.6777,None of the above,0.4593,,David_Bossie,,0,,,.@loudobbsnews thank you for having me on during the #GOPDebates. I Look forward to the next time! http://t.co/hdoTYsZDrF #tcot,,2015-08-07 07:04:01 -0700,629654228869476352,"Washington, DC",Eastern Time (US & Canada) -8088,Donald Trump,1.0,yes,1.0,Positive,0.6517,Jobs and Economy,0.6517,,retiredfirstsgt,,1,,,RT @keriRN: http://t.co/VAGYIuZ5J8 #dumbassSexist Donald Trump made case for campaign finance reform....#GOPDebates,,2015-08-07 07:02:55 -0700,629653951290441729,Perth Amboy NJ, -8089,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Luminaria98,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-07 07:01:07 -0700,629653501967233025,"Long Island, New York", -8090,Donald Trump,1.0,yes,1.0,Positive,0.6484,None of the above,0.6484,,keriRN,,1,,,http://t.co/VAGYIuZ5J8 #dumbassSexist Donald Trump made case for campaign finance reform....#GOPDebates,,2015-08-07 06:59:23 -0700,629653062999670784,Washington state, -8091,Scott Walker,0.6782,yes,1.0,Neutral,1.0,None of the above,1.0,,MinnehahaCoDems,,2,,,RT @erictheteamster: Walkers main talking point was that he took on 100s of 1000s of union protesters and won. Waiting to hear how that hel…,,2015-08-07 06:59:12 -0700,629653018313527296,"Sioux Falls, SD", -8092,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,None of the above,1.0,,chkl8dva,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 06:57:45 -0700,629652651202973696,, -8093,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,tullyframe,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:57:14 -0700,629652524375511040,Oregon, -8094,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Horse_Facez,,0,,,"So, what do I think about the #GOPDebates last night?",,2015-08-07 06:56:50 -0700,629652423552823297,"Philly, DC",Eastern Time (US & Canada) -8095,Chris Christie,1.0,yes,1.0,Negative,0.6867,Foreign Policy,0.672,,Pamela_O_Plays,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-07 06:56:47 -0700,629652408587517952,Milky Way Planet E Sausalito,Pacific Time (US & Canada) -8096,Donald Trump,1.0,yes,1.0,Negative,0.3688,FOX News or Moderators,1.0,,ArkansasWorld,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-07 06:54:41 -0700,629651882458411008,Arkansas,Mountain Time (US & Canada) -8097,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lovegrowshere,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 06:53:39 -0700,629651621287297024,US, -8098,No candidate mentioned,1.0,yes,1.0,Neutral,0.6646,None of the above,1.0,,GallusSusan,,8,,,RT @b140tweet: Rip MS ANN .. U would be a welcome advisor tonight... #GOPDEBATES http://t.co/aWyZjjSEwQ,,2015-08-07 06:52:50 -0700,629651415145680897,, -8099,Donald Trump,1.0,yes,1.0,Neutral,0.664,FOX News or Moderators,0.664,,JimShuck,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 06:51:51 -0700,629651169107820544,Southern California,Pacific Time (US & Canada) -8100,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.6591,None of the above,0.4344,,AlyseLady,,0,,,2016 GOP Republican Presidential Nomination polling data #GOPDebates http://t.co/wMStNxAqGJ,,2015-08-07 06:51:21 -0700,629651044415488001,Maryland, -8101,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,sundapp,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 06:50:50 -0700,629650913712455680,,Pacific Time (US & Canada) -8102,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6667,,Champergirl,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 06:49:52 -0700,629650668266106880,New York,Eastern Time (US & Canada) -8103,No candidate mentioned,0.4393,yes,0.6628,Positive,0.6628,FOX News or Moderators,0.4393,,thoughtswithAD,,1,,,"RT @DylanTheThomas: never thought I'd say this but goddamnit I am. Yo, @MegynKelly, Chris Wallace, @BretBaier... Great job hosting the #GOP…",,2015-08-07 06:49:30 -0700,629650578101141504,Woodbury NJ,Eastern Time (US & Canada) -8104,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,duerr_2,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:48:33 -0700,629650338371473408,pa usa, -8105,Donald Trump,0.4642,yes,0.6813,Negative,0.3626,Women's Issues (not abortion though),0.2471,,Yonah139,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 06:44:43 -0700,629649373010333696,,Mountain Time (US & Canada) -8106,No candidate mentioned,0.3991,yes,0.6318,Negative,0.6318,None of the above,0.3991,,JoMaHoose,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:44:01 -0700,629649196447072256,"Pittsburgh, PA",EDT -8107,No candidate mentioned,0.3951,yes,0.6285,Negative,0.6285,FOX News or Moderators,0.3951,,Flush75,,0,,,"@DPRFOZ ""Quality of the Moderators"" #GOPDebates LMMFAO!!! I am literally rolling on the floor... There is NOTHING SANE about republicans.",,2015-08-07 06:42:35 -0700,629648836705828864,,Eastern Time (US & Canada) -8108,Ted Cruz,1.0,yes,1.0,Positive,0.6559,None of the above,1.0,,Godskittypatt,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:41:46 -0700,629648628974551040,Pottstown,Eastern Time (US & Canada) -8109,No candidate mentioned,0.435,yes,0.6596,Neutral,0.6596,None of the above,0.435,,StevePerkins14,,2,,,RT @Debber66: Who do you think won the #GOPDebates ? - don't just say the person you are supporting - be honest!,,2015-08-07 06:41:09 -0700,629648476972781572,Texas,Central Time (US & Canada) -8110,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KeepnTyme,,0,,,@megynkelly After last night's debacle you have one less fan and viewer. #FoxNews #GOPDebate #GOPdebates,,2015-08-07 06:40:33 -0700,629648324614848512,,Atlantic Time (Canada) -8111,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,GRHartman1,,3,,,RT @Swoldemort: Now for your closing statements. Who is your daddy and what does he do? #GOPDebates http://t.co/pQeHfiFWLC,,2015-08-07 06:40:26 -0700,629648294369628160,Seattle,Pacific Time (US & Canada) -8112,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jessmcbridemilw,,0,,,"I like Trump less this morning than I did last morning, although I realize that's what Fox news wanted me to think. #GOPDebates",,2015-08-07 06:40:09 -0700,629648225314713600,"Milwaukee, Wis.",Mountain Time (US & Canada) -8113,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TeddyPiglet,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 06:39:06 -0700,629647959580405761,"Garland, TX ", -8114,No candidate mentioned,1.0,yes,1.0,Negative,0.6656,None of the above,1.0,,dmont,,0,,,"""Sanitized sound bites and and bumper sticker rhetoric"" -Carly Fiorina #GOPDebates",,2015-08-07 06:38:58 -0700,629647926445387777,"Summerville, SC; USA",Eastern Time (US & Canada) -8115,Chris Christie,1.0,yes,1.0,Negative,0.7011,Foreign Policy,0.6667,,PatrickMendezNV,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 06:38:15 -0700,629647744810881024,"Here, against all odds.",Pacific Time (US & Canada) -8116,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Debber66,,2,,,Who do you think won the #GOPDebates ? - don't just say the person you are supporting - be honest!,,2015-08-07 06:38:03 -0700,629647694454087680,,Central Time (US & Canada) -8117,No candidate mentioned,0.3906,yes,0.625,Neutral,0.3295,None of the above,0.3906,,ajbuckner85,,1,,,RT @Jarjarbug: Cary Fiorina should have been in the top tier last night... I can think of a couple of @GOP who shouldn't even bother! #GOPD…,,2015-08-07 06:37:12 -0700,629647480372772864,, -8118,No candidate mentioned,0.4239,yes,0.6511,Neutral,0.3389,None of the above,0.4239,,etal_etc,,1,,,RT @Raina_Kadavil: Two great political comedy acts in one night - the last of #JonStewart and the #GOPDebates #tears,,2015-08-07 06:36:34 -0700,629647321266024448,, -8119,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ToneYard,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 06:35:20 -0700,629647012284076032,Left Coast,Pacific Time (US & Canada) -8120,No candidate mentioned,1.0,yes,1.0,Negative,0.6639,FOX News or Moderators,1.0,,stevemeredith21,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 06:34:38 -0700,629646835951349760,, -8121,Donald Trump,1.0,yes,1.0,Positive,0.6691,Immigration,1.0,,tullyframe,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-07 06:33:25 -0700,629646528374706176,Oregon, -8122,No candidate mentioned,0.4395,yes,0.6629,Negative,0.3371,FOX News or Moderators,0.4395,,mlong42947,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 06:33:14 -0700,629646484724539392,,Pacific Time (US & Canada) -8123,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kerriseyfert18,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 06:32:15 -0700,629646236551876608,, -8124,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6632,,essentiallysan,,0,,,I can answer. 1) what I'd do is SMH 2) ppl do sh!t they don't want to do daily. It's called a job #GOPDebates https://t.co/1tETyKr9dy,,2015-08-07 06:32:03 -0700,629646184362176512,everywhere,Central Time (US & Canada) -8125,Ted Cruz,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,Plmyers,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:31:59 -0700,629646167647744001,,Atlantic Time (Canada) -8126,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,usarubric,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 06:31:23 -0700,629646017898651648,,Monterrey -8127,No candidate mentioned,0.4199,yes,0.648,Negative,0.648,None of the above,0.4199,,JohnALawson,,0,,,"As if it's not obvious, 17 is way too many. No less than 7 need to drop out in the next month or so. #GOPDebates",,2015-08-07 06:31:17 -0700,629645993936596993,"Lynchburg, VA", -8128,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,roarkjones,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:28:41 -0700,629645336798208001,,Quito -8129,No candidate mentioned,1.0,yes,1.0,Negative,0.6696,None of the above,1.0,,SarahT_in_Prov,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:28:27 -0700,629645277763383296,"Providence, RI",Eastern Time (US & Canada) -8130,Ted Cruz,1.0,yes,1.0,Positive,0.6854,None of the above,1.0,,AlVader,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:28:07 -0700,629645194367889410,, -8131,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,VendetaConcerto,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:27:48 -0700,629645116844539904,pennsyltucky, -8132,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Patriotress,,2,,,RT @1catherinesiena: @glennbeck @PatandStu @FoxNews WAS THE WORST! I didn't appreciate the theatrics - that's all they were about! #GOPDeba…,,2015-08-07 06:27:24 -0700,629645014105198593,Alabama,Eastern Time (US & Canada) -8133,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,Bill592,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:26:54 -0700,629644889094012929,Minnesota,Central Time (US & Canada) -8134,Donald Trump,0.6588,yes,1.0,Positive,0.3412,None of the above,1.0,,1catherinesiena,,0,,,@slone @realDonaldTrump We're watching their plans unfold- psych. warfare - pure & simple. Games. #gopdebates,,2015-08-07 06:26:15 -0700,629644726195625984,,Central Time (US & Canada) -8135,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.6522,None of the above,0.4253,,RFW_SSI,,3,,,"RT @b140tweet: @ZonkerPA -A rare view from behind the stage at the #GOPDebate A behind the scene look at candidates.. #GOPDEBATES http://t…",,2015-08-07 06:25:15 -0700,629644476089286656,All over your timeline, -8136,No candidate mentioned,1.0,yes,1.0,Negative,0.6888,None of the above,1.0,,stringfellow2,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:25:03 -0700,629644421663989760,SD,Atlantic Time (Canada) -8137,Donald Trump,1.0,yes,1.0,Positive,0.6194,FOX News or Moderators,0.6903,,jimsmission40,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 06:24:45 -0700,629644348108443649,, -8138,Donald Trump,1.0,yes,1.0,Negative,0.6579999999999999,FOX News or Moderators,1.0,,LemonMeringue19,,0,,,@MegynKelly made me warm toward Trump. I can't believe it. I am rooting for him in spite of myself. That was no debate. #PoorJob #GOPDebates,,2015-08-07 06:24:34 -0700,629644301790748673,"Kansas, USA",Pacific Time (US & Canada) -8139,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,DeJoCorbett,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:24:28 -0700,629644275693699072,, -8140,No candidate mentioned,1.0,yes,1.0,Neutral,0.6409999999999999,None of the above,1.0,,Stlshit,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/tcvyZlLQNN,,2015-08-07 06:24:17 -0700,629644229858430976,, -8141,No candidate mentioned,1.0,yes,1.0,Negative,0.6812,None of the above,1.0,,testandverify,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:24:12 -0700,629644209318981633,UNKNOWN LOCATION,Central Time (US & Canada) -8142,Ben Carson,0.4247,yes,0.6517,Positive,0.6517,FOX News or Moderators,0.4247,,SusanCucinotta,,1,,,"RT @MichiganForBen: @FoxNews says @RealBenCarson topped candidates in new Twitter followers after #GOPDebates. 24000 vs. 2nd place, 11000 @…",,2015-08-07 06:24:10 -0700,629644199856590848,, -8143,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,FOX News or Moderators,0.4074,,DeJoCorbett,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 06:23:32 -0700,629644040745689088,, -8144,Ted Cruz,1.0,yes,1.0,Positive,0.6815,None of the above,1.0,,Flyingright1,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:22:57 -0700,629643895115137024,The Great State of Texas!,Mountain Time (US & Canada) -8145,No candidate mentioned,1.0,yes,1.0,Neutral,0.3507,FOX News or Moderators,0.696,,MyPottles,,3,,,"RT @NYCdeb8tr: @redsteeze @dalestokely Megyn Kelly was so over the top, I thought she would announce her candidacy last night. #GOPDebates",,2015-08-07 06:22:52 -0700,629643873632038912, Made In USA ,Central Time (US & Canada) -8146,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,Terry_Jim,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:22:37 -0700,629643811233247232,Iowa's Leading Edge™,Central Time (US & Canada) -8147,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,IheartAlby,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:22:27 -0700,629643770447986688,VA, -8148,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,None of the above,0.4123,,rtcministry,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:22:09 -0700,629643691909611521,"Pennsylvania, USA",Eastern Time (US & Canada) -8149,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sunnykcollins,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:21:54 -0700,629643630890741760,"Palm Desert, California",Pacific Time (US & Canada) -8150,No candidate mentioned,1.0,yes,1.0,Negative,0.6914,None of the above,1.0,,AtlBlue2,,21,,,"RT @jordular: Wham, Bam, Thank You, Ann! How the participants of the #GOPDebates should be seen. #truthbomb http://t.co/sosrcPfVSJ",,2015-08-07 06:21:15 -0700,629643465534496768,"Atlanta, GA",Eastern Time (US & Canada) -8151,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,HankDesjardins,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:21:08 -0700,629643437621407744,Ft Worth Texas,Pacific Time (US & Canada) -8152,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Yankeetango0311,,2,,,RT @1catherinesiena: @glennbeck @PatandStu @FoxNews WAS THE WORST! I didn't appreciate the theatrics - that's all they were about! #GOPDeba…,,2015-08-07 06:20:45 -0700,629643339701182464,,Hawaii -8153,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3441,None of the above,0.2294,,Levi17twit,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:20:21 -0700,629643241596416001,East Texas, -8154,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sjrogers1910,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:20:13 -0700,629643207186317312,USA,Central Time (US & Canada) -8155,No candidate mentioned,0.3848,yes,0.6204,Negative,0.3106,None of the above,0.3848,,peggenze,,28,,,RT @RWSurferGirl: A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:20:02 -0700,629643160839307264,, -8156,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,annepaezNOLA,,1,,,"RT @FreedomJames7: Trump Supporters Are Rude 😡 -#GOPDebates",,2015-08-07 06:19:53 -0700,629643122469928960,"New Orleans, La.",Central Time (US & Canada) -8157,Ted Cruz,1.0,yes,1.0,Positive,0.6848,None of the above,1.0,,AntiHussein,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:19:46 -0700,629643094766436353,,Mountain Time (US & Canada) -8158,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,1catherinesiena,,2,,,@glennbeck @PatandStu @FoxNews WAS THE WORST! I didn't appreciate the theatrics - that's all they were about! #GOPDebates,,2015-08-07 06:19:14 -0700,629642961618378752,,Central Time (US & Canada) -8159,No candidate mentioned,0.4656,yes,0.6824,Neutral,0.6824,None of the above,0.4656,,1150wjbo,,0,,,"At 8:22, @LaPoliticsNow breaks down yesterday's #GOPDebates and who he thinks came out on top http://t.co/fV7ZKSPhQ3",,2015-08-07 06:18:58 -0700,629642891854524417,"Baton Rouge, La.",Central Time (US & Canada) -8160,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RWSurferGirl,,28,,,A big problem facing Democrats will be how to get Hillary sober long enough for her to debate? #toot #GOPDebates,,2015-08-07 06:18:33 -0700,629642788322213889,"Newport Beach, California",Pacific Time (US & Canada) -8161,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,billconn40,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:18:12 -0700,629642699159638021,, -8162,No candidate mentioned,0.4211,yes,0.6489,Negative,0.3617,FOX News or Moderators,0.4211,,DonKJB,,3,,,"RT @NYCdeb8tr: @redsteeze @dalestokely Megyn Kelly was so over the top, I thought she would announce her candidacy last night. #GOPDebates",,2015-08-07 06:18:09 -0700,629642685431812096,On tha Move...,Quito -8163,Ben Carson,0.4355,yes,0.6599,Negative,0.3514,FOX News or Moderators,0.4355,,MichiganForBen,,1,,,"@FoxNews says @RealBenCarson topped candidates in new Twitter followers after #GOPDebates. 24000 vs. 2nd place, 11000 @marcorubio Congrats!",,2015-08-07 06:17:07 -0700,629642427049971712,"Michigan, USA",Eastern Time (US & Canada) -8164,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,PastorBrianM,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:16:59 -0700,629642394305232896,,London -8165,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DylanTheThomas,,0,,,"Opening, closing, & occasionally canned statements aside, the #GOPDebates were legitimately entertaining and exciting. @LOLGOP @misl4fun 4/4",,2015-08-07 06:16:19 -0700,629642227963314176,"Chicago, IL",Central Time (US & Canada) -8166,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Stonewall_77,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:15:55 -0700,629642123663400961,,Central Time (US & Canada) -8167,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,DylanTheThomas,,1,,,"never thought I'd say this but goddamnit I am. Yo, @MegynKelly, Chris Wallace, @BretBaier... Great job hosting the #GOPDebates last night.",,2015-08-07 06:15:39 -0700,629642058454671360,"Chicago, IL",Central Time (US & Canada) -8168,No candidate mentioned,1.0,yes,1.0,Positive,0.6628,None of the above,0.6512,,DylanTheThomas,,0,,,"Good debates, including the #GOPDebates challenge candidates to say what they mean, both on purpose or on accident and last night did that.",,2015-08-07 06:15:33 -0700,629642033184022528,"Chicago, IL",Central Time (US & Canada) -8169,,0.2284,yes,0.647,Positive,0.647,None of the above,0.4186,,ToddABauer,,0,,,"@kimguilfoyle Though Cruz was articulate, intelligent. Felt Trump held his own. Rubio solid. We have a lot of great candidates #GOPDebates",,2015-08-07 06:15:22 -0700,629641988896194560,"Louisville, Ky",Eastern Time (US & Canada) -8170,No candidate mentioned,0.4143,yes,0.6437,Negative,0.3448,None of the above,0.4143,,DylanTheThomas,,0,,,"showed serious differences in approaches to the world & problems within the GOP, and more importantly, the #GOPDebates showed off the crazy.",,2015-08-07 06:15:16 -0700,629641960291205120,"Chicago, IL",Central Time (US & Canada) -8171,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KarrattiPaul,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:15:12 -0700,629641944331759616,#DeepInTheHeartOfTexas, -8172,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DylanTheThomas,,0,,,"I had high expectations for last night's #GOPDebates and boy @misl4fun were they met. They were combative, spontaneous (mostly),",,2015-08-07 06:14:38 -0700,629641801872314369,"Chicago, IL",Central Time (US & Canada) -8173,Donald Trump,1.0,yes,1.0,Negative,0.6552,Women's Issues (not abortion though),0.6552,,pauler1976,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 06:11:20 -0700,629640972612210688,"Toronto, Canada",Eastern Time (US & Canada) -8174,Ted Cruz,1.0,yes,1.0,Positive,0.6562,None of the above,1.0,,Cruzin_to_16,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:10:06 -0700,629640663017979905,MS,Central Time (US & Canada) -8175,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,redladyblustate,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:09:19 -0700,629640462731726848,NE CT,Eastern Time (US & Canada) -8176,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scythekain,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:09:14 -0700,629640444129849348,Puyallup, -8177,Ted Cruz,1.0,yes,1.0,Positive,0.6629999999999999,None of the above,1.0,,gramps97,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:08:33 -0700,629640271886721024,, -8178,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,dixieland4life,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:08:01 -0700,629640136154853376,"Tennessee, USA", -8179,Ted Cruz,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,Mike_USPatriot,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:07:45 -0700,629640069712879616,USA,Eastern Time (US & Canada) -8180,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6862,,hardknoxfirst,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 06:07:32 -0700,629640013857312768,"Columbus native, SE Ohio now.",Eastern Time (US & Canada) -8181,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6898,,GLMiddenDrenthe,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 06:07:21 -0700,629639967648690176,Middendrenthe, -8182,Donald Trump,1.0,yes,1.0,Neutral,0.6439,FOX News or Moderators,0.6475,,TdavisTonya,,1,,,"RT @anricb: The @realDonaldTrump should have asked @megynkelly ""ask these 9 candidates if THEY would support ME when I win the nomination"" …",,2015-08-07 06:06:44 -0700,629639815881953280,, -8183,Ted Cruz,1.0,yes,1.0,Positive,0.6675,None of the above,1.0,,SMolloyDVM,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:06:42 -0700,629639806671126528, Landof10kLibs✟Matt24✟Jn14:6✟, -8184,No candidate mentioned,1.0,yes,1.0,Positive,0.6737,FOX News or Moderators,0.6842,,NobamaDotCom,,3,,,"RT @NYCdeb8tr: @redsteeze @dalestokely Megyn Kelly was so over the top, I thought she would announce her candidacy last night. #GOPDebates",,2015-08-07 06:06:24 -0700,629639729856679937,"McKinney, TX",Central Time (US & Canada) -8185,Ted Cruz,1.0,yes,1.0,Positive,0.6742,None of the above,1.0,,MNasanut,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 06:05:52 -0700,629639594124963840,"Huntsville, Al.", -8186,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NYCdeb8tr,,3,,,"@redsteeze @dalestokely Megyn Kelly was so over the top, I thought she would announce her candidacy last night. #GOPDebates",,2015-08-07 06:05:34 -0700,629639519000772608,, -8187,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,gazawy__mido91,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 06:04:18 -0700,629639202775408640,, -8188,Donald Trump,1.0,yes,1.0,Positive,0.3643,FOX News or Moderators,1.0,,frLarousse2,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 06:03:30 -0700,629638999011950592,United States,Eastern Time (US & Canada) -8189,No candidate mentioned,1.0,yes,1.0,Positive,0.3579,None of the above,0.6737,,1catherinesiena,,0,,,@pondering_this @CarlyFiorina I had & was very impressed w/her last pm. She took the entire night! Both #GOPDebates!,,2015-08-07 06:02:52 -0700,629638841301925888,,Central Time (US & Canada) -8190,No candidate mentioned,1.0,yes,1.0,Negative,0.6366,Women's Issues (not abortion though),1.0,,AAPremlall,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 06:01:24 -0700,629638471670439936,ॐ | Queens | NYC | Earth,Eastern Time (US & Canada) -8191,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,LeaveTheFranc,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 06:00:29 -0700,629638239318470656,, -8192,No candidate mentioned,0.4421,yes,0.6649,Neutral,0.3351,None of the above,0.4421,,Cysonietta,,23,,,RT @joeykramer: @Aerosmith Headed out to the #GOPDebates in Cleveland should be interesting #MotleyCrue,,2015-08-07 06:00:18 -0700,629638195316191232,Piemonte Italy, -8193,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,JDMoore79,,0,,,"Didn't catch the #GOPDebates last night. Who won, Phil Robertson or Ted Nugent?",,2015-08-07 05:59:46 -0700,629638061589139456,"Knoxville, TN",Eastern Time (US & Canada) -8194,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,1.0,,samtheman12321,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 05:59:46 -0700,629638059835830272,, -8195,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,NYpoet,,0,,,Circus Roundup #GOPDebates @nytimes How the Candidates Fared in the First Debate http://t.co/qlcY2MplFJ,,2015-08-07 05:59:20 -0700,629637951962644480,NYC,Atlantic Time (Canada) -8196,Ted Cruz,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,jma928,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:59:02 -0700,629637876028936192,Pa, -8197,No candidate mentioned,0.4233,yes,0.6506,Neutral,0.3373,FOX News or Moderators,0.4233,,1Barbara1,,0,,,"Retweeted CDM (@RWSurferGirl): - -So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates",,2015-08-07 05:58:01 -0700,629637622273560576,Scottsdale,Arizona -8198,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,FOX News or Moderators,0.4395,,1Barbara1,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 05:57:55 -0700,629637596822401024,Scottsdale,Arizona -8199,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,azrielneighbors,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:57:15 -0700,629637429591302148,"Charleston, SC",Eastern Time (US & Canada) -8200,No candidate mentioned,1.0,yes,1.0,Neutral,0.6633,None of the above,1.0,,pjoseph21,,0,,,Looking forward to good things to come with the candidates? #GOPDebates,,2015-08-07 05:56:49 -0700,629637316559159297,Orlando Florida, -8201,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6739,,Notorious_Nahla,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:56:44 -0700,629637298901110784,,Quito -8202,Donald Trump,1.0,yes,1.0,Negative,0.6425,FOX News or Moderators,1.0,,serenity82108,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:55:54 -0700,629637088309313536,, -8203,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FowlerwolfR,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 05:55:28 -0700,629636980071116800,, -8204,Ted Cruz,1.0,yes,1.0,Positive,0.6686,None of the above,1.0,,NYCdeb8tr,,0,,,"#BestDebateQuotes ""First thing I will do as president is rescind all of Obama's executive orders."" #TedCruz2016 #GOPDebates",,2015-08-07 05:55:04 -0700,629636876853477376,, -8205,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Raddmom,,0,,,All I need to know @FrankLuntz << you're the loser -& BTW red hair does NOT become you! @realDonaldTrump #GOPDebates http://t.co/RDTFPfiRx7,,2015-08-07 05:53:30 -0700,629636484639801345,"California, USA",Pacific Time (US & Canada) -8206,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6688,,Cruzin_to_16,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 05:53:15 -0700,629636418902577152,MS,Central Time (US & Canada) -8207,Donald Trump,1.0,yes,1.0,Positive,0.6336,FOX News or Moderators,1.0,,SearchlightNV,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 05:52:59 -0700,629636353920266240,Judeo-Christian USA , -8208,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,PrimeTimeKline4,,0,,,Biggest #PowerMove I made last night was staying off social media. I feel much smarter and happier this morning #GOPdebates,,2015-08-07 05:52:36 -0700,629636259451936768,,Central Time (US & Canada) -8209,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kvale_,,2,,,RT @MadisonSiriusXM: Did you watch the Republican debate? #JoeMadison #SiriusXM #BlackEagle #GOPDebates http://t.co/GatXZ7ypJD,,2015-08-07 05:52:10 -0700,629636147686281216,, -8210,Donald Trump,0.4827,yes,0.6947,Negative,0.3579,FOX News or Moderators,0.4827,,USAHipster,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:51:58 -0700,629636099023843330,Made in USA,Central Time (US & Canada) -8211,No candidate mentioned,0.41,yes,0.6403,Neutral,0.6403,,0.2303,,SamiraCNN,,0,,,#CNN fact checks the 2016 #GOPdebates http://t.co/lmfffwWd3H,,2015-08-07 05:51:09 -0700,629635893175930880,"CNN headquarters, Atlanta",Eastern Time (US & Canada) -8212,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,Women's Issues (not abortion though),1.0,,laudupsy,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:50:14 -0700,629635663860731905,, -8213,No candidate mentioned,1.0,yes,1.0,Neutral,0.639,None of the above,1.0,,CdSATX,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 05:49:47 -0700,629635547774894080,, -8214,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6737,,1Barbara1,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 05:49:12 -0700,629635401427255296,Scottsdale,Arizona -8215,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,newheart200,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 05:49:04 -0700,629635368430772224,East Coast Mid Atlantic region,Eastern Time (US & Canada) -8216,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,SearchlightNV,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 05:49:01 -0700,629635356195966977,Judeo-Christian USA , -8217,Donald Trump,0.6936,yes,1.0,Negative,1.0,None of the above,1.0,,KathiLoveless,,0,,,There was a lot of inane garbage that went down @ #GOPdebates w/Trump as target. But when they hit issues it was interesting.,,2015-08-07 05:47:47 -0700,629635046136262656,, -8218,No candidate mentioned,1.0,yes,1.0,Negative,0.6659999999999999,Abortion,0.6627,,mrsbroadbent,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:47:29 -0700,629634971381018624,,Sydney -8219,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Westxgal,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:46:38 -0700,629634755164672000,TEXAS, -8220,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6659,,Beyjavu,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:45:11 -0700,629634390277033984,still here ,Muscat -8221,No candidate mentioned,0.4347,yes,0.6593,Neutral,0.6593,None of the above,0.4347,,JungleJulya71,,23,,,RT @joeykramer: @Aerosmith Headed out to the #GOPDebates in Cleveland should be interesting #MotleyCrue,,2015-08-07 05:45:07 -0700,629634374703673344,venezia,Azores -8222,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,markphil1985,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 05:45:00 -0700,629634346681417728,United States,New Delhi -8223,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Moq72,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:44:43 -0700,629634274182963200,"Aalborg, Denmark",Copenhagen -8224,Donald Trump,1.0,yes,1.0,Neutral,0.6453,FOX News or Moderators,0.6983,,robson01,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 05:44:07 -0700,629634124169375744,Orlando FL,Pacific Time (US & Canada) -8225,No candidate mentioned,1.0,yes,1.0,Negative,0.6638,None of the above,1.0,,Ohdear_sarah,,5,,,RT @Izac_Wright: THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-07 05:44:00 -0700,629634091269292032,Arkansas - Costa Rica,Central Time (US & Canada) -8226,No candidate mentioned,0.4827,yes,0.6947,Neutral,0.3474,Women's Issues (not abortion though),0.4827,,joelamport,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:43:46 -0700,629634033585156096,joe.lamport@gmail.com,Casablanca -8227,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,Women's Issues (not abortion though),1.0,,Farasa7,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:43:20 -0700,629633926064119808,"Cairo, Egypt",Cairo -8228,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Women's Issues (not abortion though),0.6703,,EdenburgJoan,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 05:43:19 -0700,629633920007585797,,Amsterdam -8229,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6593,,Konstantinos305,,15,,,"RT @monaeltahawy: Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I …",,2015-08-07 05:42:39 -0700,629633755276140544,"Melbourne, Australia", -8230,Ted Cruz,1.0,yes,1.0,Neutral,0.6804,None of the above,1.0,,KileyadisoS,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:42:29 -0700,629633712716689408,"Tampa, Florida",Eastern Time (US & Canada) -8231,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,FreedomLight_,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-07 05:42:28 -0700,629633707251339264,where my heart is,Central Time (US & Canada) -8232,Donald Trump,1.0,yes,1.0,Neutral,0.6484,FOX News or Moderators,0.6593,,izadoreem,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 05:42:10 -0700,629633632638910464,,Pacific Time (US & Canada) -8233,Ted Cruz,1.0,yes,1.0,Positive,0.6629,None of the above,1.0,,ouchinagirl,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:42:09 -0700,629633626175602688,KS girl n SC. Graphic Art Ret.,Quito -8234,No candidate mentioned,1.0,yes,1.0,Positive,0.6624,Foreign Policy,0.6624,,StrongerForce,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-07 05:41:51 -0700,629633554037628930,Texas, -8235,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6526,,monaeltahawy,,15,,,"Women should start protesting #GOPDebates misogyny with ""Stay out of my vagina unless I want you in there!"" placards. (I invented it :-) )",,2015-08-07 05:41:30 -0700,629633463424024576,Cairo/NYC,Eastern Time (US & Canada) -8236,Ted Cruz,1.0,yes,1.0,Positive,0.6932,None of the above,1.0,,dfhall07,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:41:11 -0700,629633384130707456,Pennsylvania,Eastern Time (US & Canada) -8237,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,EnragedNY,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:41:08 -0700,629633370973081600,NY,Atlantic Time (Canada) -8238,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3371,,KathiePollard,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 05:40:41 -0700,629633258939133952,Edinburgh London & Frankfurt ,Athens -8239,Donald Trump,1.0,yes,1.0,Positive,0.6313,FOX News or Moderators,1.0,,LadyPatriot777,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:40:25 -0700,629633189456183296,,Central Time (US & Canada) -8240,Ben Carson,0.6707,yes,1.0,Negative,0.3415,None of the above,1.0,,Towchukwu,,1,,,RT @olakunlesoriyan: FREEDOM is NOT FREE...and we MUST FIGHT for it EVERYDAY--@RealBenCarson #GOPDebates #AfroWays #RandomThoughts #Soriya…,,2015-08-07 05:40:07 -0700,629633117175869440,Lagos Nigeria,Amsterdam -8241,No candidate mentioned,1.0,yes,1.0,Negative,0.6643,None of the above,0.6643,,iAHMEDsalih,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-07 05:39:59 -0700,629633083160051712,Mansoura .بلد الحوارات,Cairo -8242,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6719,,SaryBerry22133,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 05:39:50 -0700,629633045423788032,,Atlantic Time (Canada) -8243,Ted Cruz,1.0,yes,1.0,Neutral,0.6344,None of the above,1.0,,barryten,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:39:44 -0700,629633019515699201,"Newnan, GA",Quito -8244,Ted Cruz,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,jimbearNJ,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:39:42 -0700,629633011475066880,, -8245,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3483,,ar_aiello,,9,,,"RT @monaeltahawy: #GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/L…",,2015-08-07 05:38:29 -0700,629632706859659264,New York ,Eastern Time (US & Canada) -8246,Ted Cruz,1.0,yes,1.0,Neutral,0.631,None of the above,1.0,,charlottewiggs,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:38:20 -0700,629632668557266944,"Merritt Island, Fl",Quito -8247,Ted Cruz,1.0,yes,1.0,Neutral,0.6907,None of the above,1.0,,JanWestfall,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:37:59 -0700,629632580141191176,georgia, -8248,Donald Trump,0.6304,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3696,,monaeltahawy,,9,,,"#GOPDebates misogyny no surprise considering 10 men on a stage, pontificating about our bodies #WhereRWomen http://t.co/Ldg62Y65S5",,2015-08-07 05:37:58 -0700,629632573229146112,Cairo/NYC,Eastern Time (US & Canada) -8249,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bcwilliams92,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:37:12 -0700,629632380274393089,Missouri,Central Time (US & Canada) -8250,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,Pain_in_my_Bass,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-07 05:35:22 -0700,629631918498291712,"New York, New York",Eastern Time (US & Canada) -8251,Donald Trump,0.4642,yes,0.6813,Positive,0.3516,None of the above,0.4642,,JoMadRam,,2,,,RT @louvice: Donald Will Go Independent! RubioNever Shows up 4 Work! #GopDebates,,2015-08-07 05:33:20 -0700,629631408290410497,"Fort Worth, TX", -8252,Donald Trump,0.4398,yes,0.6632,Negative,0.3474,None of the above,0.4398,,Pain_in_my_Bass,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 05:32:59 -0700,629631319107092480,"New York, New York",Eastern Time (US & Canada) -8253,Donald Trump,1.0,yes,1.0,Negative,0.6984,FOX News or Moderators,0.6984,,anricb,,1,,,"The @realDonaldTrump should have asked @megynkelly ""ask these 9 candidates if THEY would support ME when I win the nomination"" #GOPdebates",,2015-08-07 05:32:51 -0700,629631288278913024,"New York, Vail, Italy",Eastern Time (US & Canada) -8254,Donald Trump,1.0,yes,1.0,Neutral,0.7079,FOX News or Moderators,0.6517,,pepperlesszzz,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 05:32:23 -0700,629631168825159680,, -8255,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jimcc66,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-07 05:30:36 -0700,629630721934503936,Kansas,Central Time (US & Canada) -8256,No candidate mentioned,1.0,yes,1.0,Neutral,0.6574,None of the above,1.0,,jsn2007,,0,,,CNN: Republican presidential debate: 8 takeaways http://t.co/M5TvrnAi44 #GOPdebates,,2015-08-07 05:29:26 -0700,629630425955205120,USA,Eastern Time (US & Canada) -8257,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Foreign Policy,0.6559,,lovineyes,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-07 05:29:04 -0700,629630335953805312,mis-placed Texan, -8258,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,jamiesmethie,,0,,,How Hillary Clinton trolled the candidates during the #GOPdebates http://t.co/XQYZANlVAO,,2015-08-07 05:28:45 -0700,629630254592708608,"Austin, TX",Central Time (US & Canada) -8259,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ohiomail,,0,,,Winner Of Both #GOPDebates PolitiFact - Pants On Fire - False - Mostly False - Half True,,2015-08-07 05:28:43 -0700,629630248745893888,New York,Eastern Time (US & Canada) -8260,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6489,,muniqui19,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-07 05:27:37 -0700,629629972123025408,,Tokyo -8261,Jeb Bush,0.444,yes,0.6663,Negative,0.6663,None of the above,0.444,,Pain_in_my_Bass,,1,,,RT @SeeThroughFruit: Jeb Bush more like please just stop #GOPDebates,,2015-08-07 05:27:37 -0700,629629969405227009,"New York, New York",Eastern Time (US & Canada) -8262,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DVAvegaschptr1,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-07 05:26:24 -0700,629629664978321408,,Arizona -8263,No candidate mentioned,0.4002,yes,0.6326,Negative,0.3458,None of the above,0.4002,,ggeorgette1,,1,,,RT @Joy__Hart: The morning Joe crowd is giving Fiorina a false sense of intelligence. She is Sarah Palin with lighter hair #gopdebates,,2015-08-07 05:24:19 -0700,629629140652699649,"ÜT: 41.7486647,-87.5779402",Central Time (US & Canada) -8264,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bcwilliams92,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-07 05:23:20 -0700,629628890747662336,Missouri,Central Time (US & Canada) -8265,No candidate mentioned,1.0,yes,1.0,Neutral,0.6643,None of the above,0.6643,,bigfatgreekOXI,,3,,,RT @Swoldemort: Now for your closing statements. Who is your daddy and what does he do? #GOPDebates http://t.co/pQeHfiFWLC,,2015-08-07 05:23:09 -0700,629628846375985152,Greece,Arizona -8266,No candidate mentioned,1.0,yes,1.0,Neutral,0.6497,None of the above,1.0,,Blknight96,,2,,,RT @MadisonSiriusXM: Did you watch the Republican debate? #JoeMadison #SiriusXM #BlackEagle #GOPDebates http://t.co/GatXZ7ypJD,,2015-08-07 05:23:02 -0700,629628816747532289,"Brooklyn, N.Y.",Eastern Time (US & Canada) -8267,Donald Trump,1.0,yes,1.0,Negative,0.6903,Racial issues,0.6194,,bigfatgreekOXI,,1,,,RT @Swoldemort: Was anyone else expecting Trump to say something super racist when he mentioned China and Japan? #GOPDebates,,2015-08-07 05:22:42 -0700,629628734165782528,Greece,Arizona -8268,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,Joy__Hart,,1,,,The morning Joe crowd is giving Fiorina a false sense of intelligence. She is Sarah Palin with lighter hair #gopdebates,,2015-08-07 05:20:39 -0700,629628217335394304,Pennsylvania,Eastern Time (US & Canada) -8269,Donald Trump,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,illinimarine7,,0,,,Using Trump to troll liberals may be my new favorite thing!!!! #GOPDebates,,2015-08-07 05:19:06 -0700,629627825851494400,Chicago ,Mountain Time (US & Canada) -8270,No candidate mentioned,1.0,yes,1.0,Positive,0.6556,None of the above,1.0,,DMMadora,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 05:18:58 -0700,629627795073859584,, -8271,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,FOX News or Moderators,1.0,,DPRFOZ,,0,,,Any SANE person was impressed w/the Quality of the Moderators at #GOPDebates. But Agenda Driven Haters gotta HATE. https://t.co/3dc47McBht,,2015-08-07 05:18:23 -0700,629627646616338432,Colorado, -8272,No candidate mentioned,1.0,yes,1.0,Negative,0.684,FOX News or Moderators,1.0,,rw8437,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 05:17:37 -0700,629627451681939456,"Massachusetts, USA", -8273,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6279,,MadisonSiriusXM,,2,,,Did you watch the Republican debate? #JoeMadison #SiriusXM #BlackEagle #GOPDebates http://t.co/GatXZ7ypJD,,2015-08-07 05:16:03 -0700,629627060936257536,"Washington, DC",Eastern Time (US & Canada) -8274,Ted Cruz,1.0,yes,1.0,Positive,0.6609999999999999,None of the above,1.0,,franmary,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 05:15:00 -0700,629626793478234112,,Quito -8275,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WallyWaffles27,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-07 05:14:08 -0700,629626577492574208,"Chicago, IL",Central Time (US & Canada) -8276,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,Foreign Policy,1.0,,titford_megan,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-07 05:13:43 -0700,629626470042734592,"Austin, Texas", -8277,No candidate mentioned,1.0,yes,1.0,Positive,0.6917,None of the above,1.0,,alcouvi,,0,,,@kimguilfoyle I'm getting Fiorina yard signs! #GOPDebates,,2015-08-07 05:12:30 -0700,629626165347622913,,Eastern Time (US & Canada) -8278,No candidate mentioned,0.4062,yes,0.6374,Negative,0.3516,Foreign Policy,0.4062,,RickPerry45th,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-07 05:11:59 -0700,629626034573303808,, -8279,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,Raina_Kadavil,,1,,,Two great political comedy acts in one night - the last of #JonStewart and the #GOPDebates #tears,,2015-08-07 05:11:25 -0700,629625894139727874,,Eastern Time (US & Canada) -8280,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PmiCenter,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:10:32 -0700,629625669903736832,Mid West America,Eastern Time (US & Canada) -8281,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SimonRadio1776,,0,,,Who won the #GOPDebates last night? TWO Polls for you today... CLICK to take part http://t.co/FgYREb60Be @WHORadio #iacaucus #tcot #freedom,,2015-08-07 05:09:55 -0700,629625517474381824,"Des Moines, IA, USA",Quito -8282,No candidate mentioned,0.4512,yes,0.6717,Negative,0.6717,FOX News or Moderators,0.2307,,iam3md,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 05:09:45 -0700,629625471886430208,,Central Time (US & Canada) -8283,No candidate mentioned,1.0,yes,1.0,Positive,0.6409,None of the above,1.0,,BennettJr8,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 05:06:50 -0700,629624740936855552,"Arkansas, USA",Pacific Time (US & Canada) -8284,Jeb Bush,0.648,yes,1.0,Negative,0.35200000000000004,None of the above,1.0,,POVUKLonelyFish,,3,,,RT @jaret2113: Jeb could whoop Trumps ass in corn hole. #gopdebates,,2015-08-07 05:06:04 -0700,629624547759755264,,London -8285,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,POVUKLonelyFish,,4,,,RT @jaret2113: I'll bet George W. can drink Jeb under the table...like embarrassingly!!!!! #gopdebates,,2015-08-07 05:05:59 -0700,629624526050037760,,London -8286,Rand Paul,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,POVUKLonelyFish,,5,,,RT @jaret2113: Rand Paul - this is what Justin Timberlake will look like in 10 years. #gopdebates,,2015-08-07 05:05:54 -0700,629624506613673985,,London -8287,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kwrcrow,,0,,,@foxandfriends @megynkelly made @CandyCrowley look professional with her vicious attacks on @realDonaldTrump. So biased! #GOPDebates,,2015-08-07 05:05:45 -0700,629624466541142016,Fly Over Country,Mountain Time (US & Canada) -8288,Donald Trump,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,1.0,,SMedia4,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 05:03:34 -0700,629623917070565377,,Asia/Muscat -8289,Donald Trump,0.2622,yes,0.7134,Neutral,0.7134,None of the above,0.5089,,MusicIsMyLyfe22,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/0yX61vKDtm,,2015-08-07 05:02:08 -0700,629623557073584130,, -8290,John Kasich,0.4829,yes,0.6949,Neutral,0.3587,Healthcare (including Medicare),0.4829,,ChildHealthUSA,,1,,,#MedicaidWorks #GOPDebates RT @JHWeissmann: John Kasich should be Medicaid's new spokesman http://t.co/4rilCTnGSA,,2015-08-07 05:02:02 -0700,629623533182783488,"Washington, DC",Eastern Time (US & Canada) -8291,Rand Paul,0.2428,yes,0.6915,Neutral,0.6915,None of the above,0.2428,,HAPLibertarian,,0,,,@kimguilfoyle Rand Paul gave the most unscripted performance and Carly Fiorina did the same in the first in #GOPDebates,,2015-08-07 05:01:29 -0700,629623393680277504,"Naples, FL USA",Eastern Time (US & Canada) -8292,Jeb Bush,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,DJWilliams77,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 05:01:19 -0700,629623353481912320,"Somewhere, U.S.A.",Mountain Time (US & Canada) -8293,No candidate mentioned,1.0,yes,1.0,Neutral,0.6585,None of the above,1.0,,jjf313,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 05:00:53 -0700,629623242475573252,, -8294,Donald Trump,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,pjpaton,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:00:48 -0700,629623222242291712,USA/UK,London -8295,No candidate mentioned,0.4038,yes,0.6354,Neutral,0.6354,None of the above,0.4038,,RNCWEEKINCLE,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 05:00:31 -0700,629623151736041472,Cleveland Ohio , -8296,Donald Trump,1.0,yes,1.0,Positive,0.6842,FOX News or Moderators,1.0,,georgiatauchas,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 05:00:30 -0700,629623147298336768,Iowa, -8297,No candidate mentioned,0.4491,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.4491,,mstanish53,,1,,,RT @TenSecondCynic: Fox News didn't ask one of the #GOPDebates candidates what they planned to do about Mall Walkers.,,2015-08-07 04:59:31 -0700,629622900379791360,, -8298,Ted Cruz,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,JoeMGoldner,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:59:24 -0700,629622868909756416,Florida,Eastern Time (US & Canada) -8299,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6292,,kwrcrow,,2,,,@marilynarndt @princeofbordue1 I think @megynkelly was vicious and very unprofessional last night. She lost me also. #GOPDebates #PJNET,,2015-08-07 04:58:52 -0700,629622732980772865,Fly Over Country,Mountain Time (US & Canada) -8300,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bearfan02,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 04:58:33 -0700,629622654782304256,, -8301,Ted Cruz,1.0,yes,1.0,Positive,0.6531,None of the above,1.0,,mailabull,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:58:18 -0700,629622593998450688,USA, -8302,Ted Cruz,1.0,yes,1.0,Neutral,0.679,None of the above,1.0,,rratkinson,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:58:07 -0700,629622547592523776,"Pasadena, TX",Central Time (US & Canada) -8303,John Kasich,0.6789,yes,1.0,Positive,0.6789,None of the above,1.0,,DawnMcNary,,0,,,@kimguilfoyle #GOPDebates #RoadTo2016 Kasich showed well .. But frankly too many folks up there to truly 'learn' who&what they were about,,2015-08-07 04:58:05 -0700,629622539208257536,Dallas & Lyme & New London,Central Time (US & Canada) -8304,Scott Walker,1.0,yes,1.0,Positive,0.675,None of the above,1.0,,MaryMorehouse2,,0,,,@kimguilfoyle #GOPDebates Walker. Christie and Trump,,2015-08-07 04:57:11 -0700,629622312946528256,, -8305,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,Flinzo,,0,,,"@kimguilfoyle Mine was @CarlyFiorina, and there was not a close 2nd. #GOPDebates",,2015-08-07 04:56:47 -0700,629622211918237697,"Alexandria, VA", -8306,Donald Trump,1.0,yes,1.0,Positive,0.6898,None of the above,0.6374,,StalinSaurus,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 04:56:44 -0700,629622198945357824,"Light and dark, form and void", -8307,Ted Cruz,0.6932,yes,1.0,Neutral,0.6477,None of the above,1.0,,JVER1,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:56:37 -0700,629622166842175488,,Eastern Time (US & Canada) -8308,Donald Trump,0.4536,yes,0.6735,Positive,0.6735,FOX News or Moderators,0.4536,,Rich6667201,,0,,,#RNC needs those #Trump2016 voters to win gen elect- without them hiliary is next pres. #GOPDebates #FoxNews. Be Fair-bench MW & @megynkelly,,2015-08-07 04:55:53 -0700,629621985920851968,blue state of moochers---NJ, -8309,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JagGluck,,1,,,RT @kwrcrow: Congrats to @realDonaldTrump for your win in #GOPDebates polling last night. @Time @DRUDGE_REPORT Well done Sir! http://t.co/n…,,2015-08-07 04:55:49 -0700,629621967180705792,,Atlantic Time (Canada) -8310,No candidate mentioned,1.0,yes,1.0,Positive,0.6737,None of the above,1.0,,tejano611,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:55:27 -0700,629621873395961857,Odessa Texas, -8311,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TBK1955,,0,,,"""@kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016""TRUMP baby!",,2015-08-07 04:55:04 -0700,629621779774877700,, -8312,Donald Trump,0.4536,yes,0.6735,Positive,0.6735,None of the above,0.4536,,kwrcrow,,1,,,Congrats to @realDonaldTrump for your win in #GOPDebates polling last night. @Time @DRUDGE_REPORT Well done Sir! http://t.co/nDu4EO1VRX,,2015-08-07 04:54:44 -0700,629621692965371904,Fly Over Country,Mountain Time (US & Canada) -8313,No candidate mentioned,1.0,yes,1.0,Positive,0.659,None of the above,1.0,,carmtragianese,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:54:20 -0700,629621593975746560,, -8314,Ted Cruz,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,Youxia88,,0,,,Ted Cruz and Carly RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:54:12 -0700,629621558923780096,"Riverbanks Zoo, Columbia, SC",Eastern Time (US & Canada) -8315,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Jeanee31,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:53:23 -0700,629621356565377024,United States,Eastern Time (US & Canada) -8316,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AlvisWuofficial,,11,,,RT @kimguilfoyle: Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:53:23 -0700,629621353000366080,Coney Island Brooklyn New York,Eastern Time (US & Canada) -8317,Ted Cruz,0.6796,yes,1.0,Positive,1.0,None of the above,1.0,,Timber79,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:53:09 -0700,629621295005728768,USA,Eastern Time (US & Canada) -8318,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kimguilfoyle,,11,,,Two great debates! Who were your favorites? Let me know your thoughts #GOPDebates #RoadTo2016,,2015-08-07 04:53:08 -0700,629621290765275136,New York,Quito -8319,Ted Cruz,1.0,yes,1.0,Positive,0.6364,None of the above,1.0,,meowmeowtcot,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:53:03 -0700,629621271987363840,,Eastern Time (US & Canada) -8320,Donald Trump,1.0,yes,1.0,Negative,0.3571,FOX News or Moderators,1.0,,upsidedownation,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 04:51:21 -0700,629620842771537921,,Mountain Time (US & Canada) -8321,Donald Trump,0.3923,yes,0.6264,Positive,0.3297,FOX News or Moderators,0.3923,,EdFlint2,,12,,,RT @kwrcrow: When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/o…,,2015-08-07 04:51:20 -0700,629620840406089728,Canada ,Eastern Time (US & Canada) -8322,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SpaceboyZER0,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:51:19 -0700,629620836799000576,, -8323,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,CommonSenseGuy2,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:51:02 -0700,629620762777772033,"Central Iowa, USA",Central Time (US & Canada) -8324,Donald Trump,1.0,yes,1.0,Negative,0.6548,FOX News or Moderators,1.0,,kwrcrow,,12,,,When will they learn? @FoxNews @megynkelly attack @realDonaldTrump and he wins @TIME & @DRUDGE poll. #GOPDebates http://t.co/oeilPvkKbE,,2015-08-07 04:51:01 -0700,629620759069986816,Fly Over Country,Mountain Time (US & Canada) -8325,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Yankee197,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 04:49:20 -0700,629620337647480833,everywhere, -8326,No candidate mentioned,0.4074,yes,0.6383,Negative,0.3404,None of the above,0.4074,,FalonnKebjn,,0,,,#GOPDebates was the bachelor on foxtv.last night,,2015-08-07 04:48:31 -0700,629620131308695552,, -8327,Chris Christie,0.4826,yes,0.6947,Negative,0.6947,None of the above,0.2447,,PryorJeffrey,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 04:43:27 -0700,629618853190963201,, -8328,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Dance4Jonas,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 04:43:07 -0700,629618772685406208,In Bikini Bottom w/ SpongeBob,Pacific Time (US & Canada) -8329,No candidate mentioned,1.0,yes,1.0,Negative,0.7093,FOX News or Moderators,0.7093,,EvelynVanTil,,0,,,The #GOPDebates Showed How @FoxNews Enforces #Republican Orthodoxy http://t.co/IHNwy8DgCm via @HuffPostPol #rhetoric #politics #journalusm,,2015-08-07 04:41:48 -0700,629618440383414272,"Columbus, OH",Eastern Time (US & Canada) -8330,Ted Cruz,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,Babbsgirl2,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:41:02 -0700,629618248137482240,,Eastern Time (US & Canada) -8331,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,niceninja,,1,,,RT @HellyerE: @IngrahamAngle @niceninja @RealBenCarson Iol noticed in neither #GOPDebates~ not one person jumped up & yelled #YOULIE Juxtap…,,2015-08-07 04:37:34 -0700,629617374371557376,SoCal,Pacific Time (US & Canada) -8332,Ben Carson,0.7089,yes,1.0,Positive,0.7089,None of the above,1.0,,HellyerE,,1,,,@IngrahamAngle @niceninja @RealBenCarson Iol noticed in neither #GOPDebates~ not one person jumped up & yelled #YOULIE Juxtapose DemocRats,,2015-08-07 04:37:02 -0700,629617239910563840,Don't mess with Texas, -8333,Ted Cruz,1.0,yes,1.0,Neutral,0.6326,None of the above,1.0,,donaldbroom,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:36:33 -0700,629617118644862976,"Johnson City, Tn",Eastern Time (US & Canada) -8334,Ted Cruz,1.0,yes,1.0,Positive,0.6742,None of the above,1.0,,julie4truth,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:34:19 -0700,629616557061210112,TN, -8335,Donald Trump,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,21aug,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 04:34:02 -0700,629616486529781760,, -8336,No candidate mentioned,1.0,yes,1.0,Negative,0.6493,FOX News or Moderators,1.0,,redneckviews,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 04:33:53 -0700,629616447283687424,,Atlantic Time (Canada) -8337,Ted Cruz,1.0,yes,1.0,Positive,0.3785,None of the above,1.0,,_Balls_Of_Fury,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:33:33 -0700,629616363183710208,,Eastern Time (US & Canada) -8338,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,walizonia,,4,,,"RT @LemonMeringue19: Intelligence, class and charm are no longer requirements for the presidency, I guess. #GOPDebates",,2015-08-07 04:33:15 -0700,629616286905970688,, -8339,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,A_M_Perez,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:33:10 -0700,629616267478073344,Afgruberstan,Auckland -8340,Ted Cruz,1.0,yes,1.0,Positive,0.6632,None of the above,1.0,,gary4205,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:32:53 -0700,629616196497772544,Texas,Eastern Time (US & Canada) -8341,Ted Cruz,1.0,yes,1.0,Positive,0.6596,None of the above,0.6596,,LMM1952,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:32:47 -0700,629616171562741760,,Eastern Time (US & Canada) -8342,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DewittTim,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 04:32:45 -0700,629616161504763904,Illinois,Central Time (US & Canada) -8343,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,0.6512,,LemonMeringue19,,2,,,RT @diegueno: what working people missed in the #GOPdebates last night http://t.co/v0KyvZoPRu,,2015-08-07 04:32:43 -0700,629616155540516864,"Kansas, USA",Pacific Time (US & Canada) -8344,Ben Carson,0.4205,yes,0.6484,Positive,0.6484,None of the above,0.4205,,runsniceGBR,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-07 04:31:00 -0700,629615721018982400,, -8345,Ted Cruz,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,LibertyForUSA,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:30:26 -0700,629615581549993984,America The Borderless ,Central Time (US & Canada) -8346,No candidate mentioned,0.6526,yes,1.0,Neutral,0.3684,None of the above,0.6526,,50nsexy2014,,1,,,"RT @fieldnegro: So now we know who uncle Rupert does NOT want to be the republican nominee. Mr Bad Hair, that would be you. #GOPDebates",,2015-08-07 04:29:05 -0700,629615241811378176,Pennsylvania,Pacific Time (US & Canada) -8347,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,0.6552,,beverlybarnes28,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:27:28 -0700,629614833042718723,"Quite Villiage,Texas",America/Chicago -8348,Ted Cruz,1.0,yes,1.0,Positive,0.6813,None of the above,1.0,,binksbuddie,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:26:20 -0700,629614546114621441,oz,Central Time (US & Canada) -8349,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,GOPAmericanMom,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:24:53 -0700,629614181180919808,"Almost Heaven WV, USA",Eastern Time (US & Canada) -8350,Ted Cruz,1.0,yes,1.0,Positive,0.6488,None of the above,1.0,,TrucksHorsesDog,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:24:21 -0700,629614049454485508,A R I Z O N A,Arizona -8351,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6643,,50nsexy2014,,8,,,"RT @SupermanHotMale: You liar, Trump, You came out against the war in Iraq because your other businesses went belly up #GopDebates",,2015-08-07 04:23:44 -0700,629613894445699072,Pennsylvania,Pacific Time (US & Canada) -8352,Ted Cruz,1.0,yes,1.0,Positive,0.6731,None of the above,1.0,,AppSame,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:23:10 -0700,629613750354472960,"Tampa, Fl,Washington DC",Eastern Time (US & Canada) -8353,No candidate mentioned,0.4559,yes,0.6752,Neutral,0.3472,FOX News or Moderators,0.4559,,slopokejohn,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 04:22:43 -0700,629613636730773504,All 48 states, -8354,Donald Trump,1.0,yes,1.0,Negative,0.6934,None of the above,1.0,,Sote86,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 04:22:41 -0700,629613629998903296,"ÜT: 41.97754,-87.90687",Central Time (US & Canada) -8355,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LSUproud,,67,,,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:19:16 -0700,629612768375640070,Louisiana,Central Time (US & Canada) -8356,Donald Trump,1.0,yes,1.0,Neutral,0.6377,None of the above,0.6377,,AFM0455,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 04:19:01 -0700,629612706685808641,"Doylestown, Pa.",Atlantic Time (Canada) -8357,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6477,,CallMeMrBigs,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 04:18:46 -0700,629612644610232320,NE - DC area - U.S.,Central Time (US & Canada) -8358,Jeb Bush,0.4074,yes,0.6383,Neutral,0.3511,,0.2309,,SolPirate,,0,,,The #GOPDebates are all about Jeb. Get use to it. https://t.co/bjEnX16UB1,,2015-08-07 04:16:18 -0700,629612022381039616,Caribbean,Central Time (US & Canada) -8359,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,slopokejohn,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 04:16:18 -0700,629612020946472960,All 48 states, -8360,Donald Trump,1.0,yes,1.0,Neutral,0.6342,FOX News or Moderators,0.6983,,Miki9857,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 04:15:59 -0700,629611942412447744,Getting out of NY,Eastern Time (US & Canada) -8361,Donald Trump,0.4293,yes,0.6552,Negative,0.3678,FOX News or Moderators,0.4293,,CleansweepUSA,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 04:14:49 -0700,629611648295260160,USA,Central Time (US & Canada) -8362,Chris Christie,1.0,yes,1.0,Negative,0.6739,Foreign Policy,0.6739,,rage_chaos,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 04:14:31 -0700,629611573145927680,Garden City Beach via L.A. , -8363,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Foreign Policy,1.0,,AlbertFiorino,,0,,,1 bright light in last evening #GOPDebates. Hope @CarlyFiorina will soften position on #IranDeal. Optimism instead. https://t.co/3Wz2hAAgk8,,2015-08-07 04:13:18 -0700,629611266080919552,"Toronto, Canada", -8364,No candidate mentioned,0.4344,yes,0.6591,Negative,0.3636,None of the above,0.4344,,LeChatNoire4,,1,,,RT @CamelotGypsy: @maddow So while everyone was watching #GOPDebates & #DebateWithBernie -- @SenSchumer does a Fri night news dump on a Thu…,,2015-08-07 04:12:16 -0700,629611008642953216,Florida,Atlantic Time (Canada) -8365,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6667,,CamelotGypsy,,1,,,@maddow So while everyone was watching #GOPDebates & #DebateWithBernie -- @SenSchumer does a Fri night news dump on a Thurs. #IranDeal,,2015-08-07 04:11:18 -0700,629610766107172864,#Progressive in SF Bay Area,Pacific Time (US & Canada) -8366,Donald Trump,1.0,yes,1.0,Negative,0.6966,Foreign Policy,1.0,,bbrucew12,,8,,,"RT @SupermanHotMale: You liar, Trump, You came out against the war in Iraq because your other businesses went belly up #GopDebates",,2015-08-07 04:07:39 -0700,629609846107602945,, -8367,No candidate mentioned,1.0,yes,1.0,Positive,0.6444,None of the above,1.0,,CVAdderley,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 04:06:45 -0700,629609619657076736,Bahamas,Eastern Time (US & Canada) -8368,Ted Cruz,1.0,yes,1.0,Positive,0.6742,None of the above,0.6629,,Lrihendry,,67,,,"#TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 04:05:01 -0700,629609184691097600,James Rosen Alveda King ,Quito -8369,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LT_Misc,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 04:04:06 -0700,629608953421369344,,Quito -8370,No candidate mentioned,0.4335,yes,0.6584,Negative,0.3526,Jobs and Economy,0.2322,,feminista54,,2,,,RT @diegueno: what working people missed in the #GOPdebates last night http://t.co/v0KyvZoPRu,,2015-08-07 04:04:01 -0700,629608930394677248,Hudson Valley, -8371,No candidate mentioned,1.0,yes,1.0,Negative,0.3605,None of the above,1.0,,GalacticWarming,,25,,,RT @Jerry_Holbert: Refreshing. #GOPDebates http://t.co/45eM0dXrzs http://t.co/O5W4sC7uF7,,2015-08-07 04:02:45 -0700,629608614504869888,"Milky Way, just past Nebulus",Atlantic Time (Canada) -8372,No candidate mentioned,0.6591,yes,1.0,Negative,0.6477,FOX News or Moderators,0.6591,,Munkykracker,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 04:02:26 -0700,629608533709852673,,Pacific Time (US & Canada) -8373,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LT_Misc,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-07 04:01:47 -0700,629608370236981248,,Quito -8374,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,None of the above,0.6517,,diegueno,,2,,,what working people missed in the #GOPdebates last night http://t.co/v0KyvZoPRu,,2015-08-07 04:00:14 -0700,629607981055766528,"San Diego, California",Pacific Time (US & Canada) -8375,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6854,,blayne_troy,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 04:00:06 -0700,629607944477249536,, -8376,Chris Christie,1.0,yes,1.0,Negative,0.6554,Foreign Policy,0.6911,,ErnestFannin,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 03:59:40 -0700,629607834800533504,Adams county Pa. Dist. 4,Eastern Time (US & Canada) -8377,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,makeliberalscry,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 03:59:23 -0700,629607766542258176,with the Kurds & Israelis 100%,Central Time (US & Canada) -8378,No candidate mentioned,1.0,yes,1.0,Neutral,0.6747,None of the above,0.6747,,StefaniaAlexis,,0,,,"The clear, most electable winner to emerge from the #GOPDebates? #MegynKelly",,2015-08-07 03:56:54 -0700,629607140248940548,"Soon to be in Stony Brook, NY", -8379,Donald Trump,0.2462,yes,0.6801,Neutral,0.6801,FOX News or Moderators,0.2462,,claudiaalick,,2,,,RT @AndraGillespie: Still debating last night's debate? Check out my colleagues and my take at http://t.co/f8BdMvo0lW. #GOPDebate #GOPDebat…,,2015-08-07 03:56:38 -0700,629607072024412160,United States of America,Pacific Time (US & Canada) -8380,No candidate mentioned,0.4074,yes,0.6382,Neutral,0.6382,None of the above,0.4074,,UppityNegreaux,,12,,,RT @fieldnegro: The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 03:56:14 -0700,629606972506025984,Ruston, -8381,No candidate mentioned,0.4171,yes,0.6458,Negative,0.3333,FOX News or Moderators,0.4171,,07Codeman,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 03:53:34 -0700,629606301052575744,, -8382,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AdamAmbrogi,,2,,,RT @AndraGillespie: Still debating last night's debate? Check out my colleagues and my take at http://t.co/f8BdMvo0lW. #GOPDebate #GOPDebat…,,2015-08-07 03:53:16 -0700,629606227794903040,"Washington, DC",Eastern Time (US & Canada) -8383,Ben Carson,0.6437,yes,1.0,Neutral,0.6897,None of the above,1.0,,olakunlesoriyan,,1,,,FREEDOM is NOT FREE...and we MUST FIGHT for it EVERYDAY--@RealBenCarson #GOPDebates #AfroWays #RandomThoughts #SoriyanChats,,2015-08-07 03:53:01 -0700,629606162300858368,..GLOBAL CITIZEN..,London -8384,Donald Trump,0.4253,yes,0.6522,Negative,0.6522,Foreign Policy,0.4253,,carreramae,,8,,,"RT @SupermanHotMale: You liar, Trump, You came out against the war in Iraq because your other businesses went belly up #GopDebates",,2015-08-07 03:51:15 -0700,629605719982145536,Republicans a terrorist group, -8385,Ben Carson,1.0,yes,1.0,Positive,0.6274,None of the above,1.0,,grapeofgod,,0,,,"Carson, Rubio, Fiorina, & Cruz won the night. #GOPDebates",,2015-08-07 03:49:39 -0700,629605316238417920,Winchester Virginia,Atlantic Time (Canada) -8386,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Perfectly_Laura,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 03:48:35 -0700,629605046095880192,☼ East Texas♥ ,Mountain Time (US & Canada) -8387,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,shon_diamonds,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 03:48:29 -0700,629605020565045248,northern va,Central Time (US & Canada) -8388,No candidate mentioned,0.6593,yes,1.0,Negative,1.0,None of the above,0.6593,,fieldnegro,,1,,,"So now we know who uncle Rupert does NOT want to be the republican nominee. Mr Bad Hair, that would be you. #GOPDebates",,2015-08-07 03:48:21 -0700,629604988025708544,Philadelphia,Eastern Time (US & Canada) -8389,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CulperRing711,,0,,,"My order: Cruz, Rubio, Carson, Walker, and I think Rand did okay. #GOPDebate #GOPDebates Trump hurt himself. Jeb didn't do much.",,2015-08-07 03:47:03 -0700,629604660337360896,"Tampa, FL", -8390,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,FOX News or Moderators,0.4074,,WoolardLynda,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 03:46:51 -0700,629604613285482497,, -8391,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,AlyssiaMcCain,,0,,,"@billmaher oh, that's what I did wrong.....not get drunk prior to watching the #GOPDebates",,2015-08-07 03:45:45 -0700,629604334028730369,,Eastern Time (US & Canada) -8392,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,HomerWhite,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 03:45:01 -0700,629604151693979648,,Tehran -8393,No candidate mentioned,1.0,yes,1.0,Neutral,0.6506,FOX News or Moderators,1.0,,sassylassee,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 03:42:01 -0700,629603396312559616,Out there~,Quito -8394,No candidate mentioned,0.4589,yes,0.6774,Neutral,0.6774,None of the above,0.4589,,fieldnegro,,12,,,The happiest person in America today after watching those debates is HRC. #GOPDebates.,,2015-08-07 03:40:18 -0700,629602964823478272,Philadelphia,Eastern Time (US & Canada) -8395,No candidate mentioned,0.4062,yes,0.6374,Neutral,0.6374,None of the above,0.4062,,trybal1,,0,,,Just finished watching the #gopdebates. http://t.co/VIs5kaO3R1,,2015-08-07 03:40:07 -0700,629602916886679552,Chicago-Austin,Mountain Time (US & Canada) -8396,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.695,,Wfenglish,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 03:39:15 -0700,629602698002866177,, -8397,No candidate mentioned,1.0,yes,1.0,Positive,0.6492,None of the above,1.0,,Cuddlebear19,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 03:38:37 -0700,629602540766818304,"Boston, Massachusetts", -8398,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Catawba_Skies,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 03:37:47 -0700,629602327641620480,Sullivan's Island,Eastern Time (US & Canada) -8399,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LarissaLawrenc8,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 03:36:46 -0700,629602073236144128,, -8400,Donald Trump,0.3989,yes,0.6316,Negative,0.6316,None of the above,0.3989,,ktoldz,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 03:28:22 -0700,629599958396612608,905 to the 613,Eastern Time (US & Canada) -8401,No candidate mentioned,0.6854,yes,1.0,Neutral,0.6854,None of the above,0.6854,,AndraGillespie,,2,,,Still debating last night's debate? Check out my colleagues and my take at http://t.co/f8BdMvo0lW. #GOPDebate #GOPDebates,,2015-08-07 03:27:31 -0700,629599745695072256,, -8402,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,PerryPokanutt,,0,,,not a republican ( #ClownCarCrew ) but #JohnKasich held his own last night probably the best candidate on stage for the #GOPDebates @AP @CNN,,2015-08-07 03:24:53 -0700,629599083053883392,, -8403,Donald Trump,1.0,yes,1.0,Neutral,0.3563,None of the above,1.0,,sew_4th,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 03:22:34 -0700,629598498292432896,,Quito -8404,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,makeliberalscry,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 03:16:04 -0700,629596863969099776,with the Kurds & Israelis 100%,Central Time (US & Canada) -8405,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6737,,sassylassee,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 03:08:59 -0700,629595080232464384,Out there~,Quito -8406,No candidate mentioned,0.4245,yes,0.6515,Neutral,0.6515,None of the above,0.4245,,JohncoRobinson,,3,,,RT @CovinoandRich: Who will have the bigger boobs? #Hooterspageant on FoxSports1 or #GOPdebates on FOX News? http://t.co/SqyOrgQAEP,,2015-08-07 03:07:25 -0700,629594688178094080,, -8407,Donald Trump,1.0,yes,1.0,Neutral,0.6569,FOX News or Moderators,0.6762,,Nelsonquist,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 03:05:54 -0700,629594305355714560,, -8408,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,jrmadmen,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 03:04:23 -0700,629593923418198016,Boston MA, -8409,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobertgrizzlyP,,9,,,"RT @SupermanHotMale: This is why I don't watch Fox News, they're all assholes #GopDebates",,2015-08-07 02:58:11 -0700,629592362906447872,, -8410,Chris Christie,0.413,yes,0.6426,Negative,0.3485,,0.2297,,2eyesnears,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:58:08 -0700,629592350755454977,,Eastern Time (US & Canada) -8411,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,southernliving0,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 02:55:33 -0700,629591703037575168,Virginia, -8412,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,Religion,0.6705,,Jaade_Dragon,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-07 02:55:14 -0700,629591622884397057,Salamandastron,Eastern Time (US & Canada) -8413,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:54:09 -0700,629591347696140288,Milan-Italy,Rome -8414,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6126,,rene_horton,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-07 02:51:36 -0700,629590706512723968,,Melbourne -8415,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Circle_R185,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-07 02:47:20 -0700,629589632850771968,Army Commendation Medal,Central Time (US & Canada) -8416,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NickBrooks74,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:46:25 -0700,629589400905773056,"New York, USA",Eastern Time (US & Canada) -8417,No candidate mentioned,0.4698,yes,0.6854,Negative,0.3483,FOX News or Moderators,0.4698,,anitaDlivaditis,,0,,,@FoxNews fumbles the #GOPDebates #FOXNEWSDEBATE #FoxNewsFumbles,,2015-08-07 02:45:55 -0700,629589275772784644,cyprus, -8418,No candidate mentioned,0.39399999999999996,yes,0.6277,Neutral,0.6277,None of the above,0.39399999999999996,,misz_india,,2,,,"RT @TheYBF: While the #GOPDebates we're going down Thursday night, #KanyeWest and his wife #KimKardashian were… https://t.co/1MpjlqTg37",,2015-08-07 02:40:19 -0700,629587867468189696,in my skin #TeamTaurus,Hawaii -8419,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6949,,bigsexy_tote,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:38:17 -0700,629587355482107904,"East side of Vineland, NJ", -8420,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ARepublic,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:38:05 -0700,629587306739990528,Somewhere in Arizona,Arizona -8421,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6404,,pbbing247,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:34:07 -0700,629586305748316160,DALLAS TX-HOME OF THE COWBOYS,Central Time (US & Canada) -8422,No candidate mentioned,0.4264,yes,0.653,Neutral,0.653,None of the above,0.4264,,hhaiya50,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates - http://t.co/qR65oEatxN,,2015-08-07 02:33:26 -0700,629586133492498432,Worldwide,Nairobi -8423,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,FOX News or Moderators,0.6627,,AndrewsHarley,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:32:33 -0700,629585912314265600,, -8424,No candidate mentioned,1.0,yes,1.0,Negative,0.6382,None of the above,1.0,,NerdyderdyRVA,,0,,,Tech giants turn to fed agents baaaack to back. Losin pieces of your privacy baaaaack to back. #GOPdebates #MeekvsDrake,,2015-08-07 02:32:31 -0700,629585905230200832,"Richmond, VA",Atlantic Time (Canada) -8425,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,ogga1111q,,57,,,RT @PamelaGeller: Jim Gilmore is clueless on #ISIS. It's not a state? They already rule an area larger than the United Kingdom. #GOPdebates,,2015-08-07 02:32:11 -0700,629585819767074817,Norge, -8426,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NerdyderdyRVA,,0,,,The #GOP fuck-ups goin' baaaack to back. Keep the wars goin' baaaaack to back. #GOPDebates #MeekvsDrake,,2015-08-07 02:27:45 -0700,629584704795213824,"Richmond, VA",Atlantic Time (Canada) -8427,Donald Trump,1.0,yes,1.0,Negative,0.6566,FOX News or Moderators,0.6566,,helenehrenhofer,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:25:01 -0700,629584015553622016,,Central Time (US & Canada) -8428,Ben Carson,1.0,yes,1.0,Positive,0.6792,None of the above,1.0,,frydguy,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-07 02:23:33 -0700,629583649789353984,Land of Aaaahhs,Central Time (US & Canada) -8429,Donald Trump,1.0,yes,1.0,Positive,0.3518,FOX News or Moderators,0.6482,,DobryJoe,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:20:54 -0700,629582979745103872,, -8430,Donald Trump,1.0,yes,1.0,Negative,0.6535,FOX News or Moderators,0.6554,,mpg25mary,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:20:17 -0700,629582826548006912,, -8431,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NoLibsZone,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:17:04 -0700,629582016669876224,Exposing USA Evil Dictator ,Central Time (US & Canada) -8432,Donald Trump,1.0,yes,1.0,Negative,0.6628,None of the above,0.6628,,JamesGaryDean,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:16:46 -0700,629581939243134976,"Louisiana, USA",Central Time (US & Canada) -8433,Donald Trump,1.0,yes,1.0,Positive,0.649,FOX News or Moderators,0.6814,,BellaDashwood,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:16:39 -0700,629581912529612801,Living in a State of Grace, -8434,Donald Trump,1.0,yes,1.0,Negative,0.6556,None of the above,0.6667,,julieagannon,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:16:34 -0700,629581890169638913,,Pacific Time (US & Canada) -8435,Donald Trump,1.0,yes,1.0,Negative,0.3726,None of the above,0.6274,,fedupwithgovern,,0,,,"@MEGANKELLY - -Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebates",,2015-08-07 02:16:30 -0700,629581874906689536,,Eastern Time (US & Canada) -8436,No candidate mentioned,1.0,yes,1.0,Negative,0.662,None of the above,1.0,,adrianlionheart,,0,,,@RepublicanSwine Too busy enjoying my life to catch #GOPDebates. Which one of these draft-dodging pricks called themselves the best patriot?,,2015-08-07 02:16:25 -0700,629581853582700545,, -8437,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,koolkat14215,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:15:42 -0700,629581672493613056,Paradise Hawaii, -8438,Donald Trump,0.4209,yes,0.6488,Neutral,0.3401,None of the above,0.4209,,AZWS,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:13:00 -0700,629580992802484224,Phoenix - 85020, -8439,Donald Trump,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,0.6552,,thatx209xguy,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:12:56 -0700,629580978210643968,"California, USA", -8440,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,EpicScene_LS,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 02:12:53 -0700,629580965203980288,Bay Area(408)✈ ATX ✈ Guatemala,Central Time (US & Canada) -8441,Donald Trump,1.0,yes,1.0,Positive,0.3656,FOX News or Moderators,1.0,,stewart757,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-07 02:12:41 -0700,629580915241549824,, -8442,Donald Trump,1.0,yes,1.0,Neutral,0.6295,FOX News or Moderators,1.0,,IAmFreedomMan,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:11:51 -0700,629580703181594624,"Malibu, Ca, USA",Pacific Time (US & Canada) -8443,Donald Trump,0.4395,yes,0.6629,Neutral,0.3371,FOX News or Moderators,0.4395,,laurel720,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:11:25 -0700,629580594549100544,,Pacific Time (US & Canada) -8444,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6333,,irritatedwoman,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 02:11:00 -0700,629580491272785920,Un-represented Conservative,Central Time (US & Canada) -8445,Donald Trump,1.0,yes,1.0,Positive,0.6705,FOX News or Moderators,1.0,,stewart757,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-07 02:10:53 -0700,629580460658700288,, -8446,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6966,,mccauley_liz,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:10:08 -0700,629580273718591488,,Eastern Time (US & Canada) -8447,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DobryJoe,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:09:30 -0700,629580111407415296,, -8448,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,stewart757,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-07 02:08:46 -0700,629579929613639680,, -8449,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6685,,OneRationale,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:08:02 -0700,629579742778368000,U.S., -8450,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6413,,RoyWilson316,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:07:10 -0700,629579525173723136,, -8451,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6596,,j_khazen,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:06:07 -0700,629579261553176576,Sydney Australia, -8452,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6782,,LYONSPOTTER,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:05:53 -0700,629579202946166784,,Pacific Time (US & Canada) -8453,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6813,,Lg4Lg,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 02:03:40 -0700,629578644822687744,"Dana Point, CA/ Vegas,NV",Pacific Time (US & Canada) -8454,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,brucecat,,2,,,"What ever you think of @realDonaldTrump, He’s resilient as hell and a straight shooter - - http://t.co/eiWb8vWmel - -#GOPDebate #GOPDebates",,2015-08-07 02:02:17 -0700,629578295567384576,Da Internets,London -8455,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Klaus_Benny,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-07 02:00:18 -0700,629577798118715392,, -8456,No candidate mentioned,0.4374,yes,0.6614,Positive,0.6614,None of the above,0.4374,,Nkotb_Argentina,,0,,,"Retweeted Donnie Wahlberg (@DonnieWahlberg): - -Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.",,2015-08-07 01:58:28 -0700,629577337609318400,"Buenos Aires, Argentina",Buenos Aires -8457,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Nkotb_Argentina,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 01:58:25 -0700,629577323851984897,"Buenos Aires, Argentina",Buenos Aires -8458,Donald Trump,1.0,yes,1.0,Neutral,0.6495,FOX News or Moderators,0.6495,,harrytpk,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 01:58:00 -0700,629577219548053504,Chicago metro,Tehran -8459,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,FOX News or Moderators,1.0,,OneRationale,,1,,,"RT @ChTrane: ""@RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates"" woe wait a minute wh…",,2015-08-07 01:56:46 -0700,629576909450539008,U.S., -8460,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.7119,,drwebb1958,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:55:49 -0700,629576667904802816,"Grass Lake, Michigan", -8461,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ChTrane,,1,,,"""@RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates"" woe wait a minute what","[42.4052348, -71.1289723]",2015-08-07 01:54:30 -0700,629576336634458112,, -8462,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6579999999999999,,BiHiRiverOfLife,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:53:18 -0700,629576036410372096,"Dublin, PA",Atlantic Time (Canada) -8463,Scott Walker,1.0,yes,1.0,Negative,1.0,Abortion,0.6696,,dracula0000000,,0,,,@TheYoungTurks @ScottWalker WRONG!!! He is begging his donors for money. #GOPDebates,,2015-08-07 01:51:26 -0700,629575565079506944,, -8464,Donald Trump,1.0,yes,1.0,Neutral,0.6638,None of the above,1.0,,gharo34,,0,,,"At the 14:55 mark,Donald Trump explains why he will not run as an Independent. Its just a leverage play. #GOPDebates -https://t.co/C7t6EPcmEd",,2015-08-07 01:48:48 -0700,629574903277039616,"Irving, TX / Los Angeles, CA", -8465,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,ericahassnacks,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:48:35 -0700,629574849359298561,geographically indecisive,London -8466,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6556,,darianeal1881,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:44:46 -0700,629573886221361152,Earth, -8467,Rand Paul,0.6685,yes,1.0,Neutral,0.6685,None of the above,1.0,,TheCarCzarsPage,,26,,,RT @RWSurferGirl: Rand Paul has William Shatner's old hairpiece from Star Trek 2: The Wrath of Khan. #GOPDebate #GOPDebates,,2015-08-07 01:42:45 -0700,629573379440316416,"Clackamas, Oregon",Pacific Time (US & Canada) -8468,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Col_Hunter,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 01:42:32 -0700,629573325103087616,, -8469,Chris Christie,1.0,yes,1.0,Negative,0.6706,None of the above,0.6706,,TheBrewDeck,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:42:24 -0700,629573293297803264,,Quito -8470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Marcia_Diehl,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 01:41:56 -0700,629573173118390272,, -8471,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6643,,fcwic1,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:40:39 -0700,629572852497444864,, -8472,Chris Christie,0.68,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheCarCzarsPage,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 01:40:18 -0700,629572763166978048,"Clackamas, Oregon",Pacific Time (US & Canada) -8473,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6629999999999999,,KarenTr58210895,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:40:12 -0700,629572738722607104,"Shenandoah, TX", -8474,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.653,,the__himanish,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:40:04 -0700,629572705088442368,New Delhi,New Delhi -8475,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SDB57,,2,,,RT @davidgaliel: An Informed Voter Attends The #GOPDebates http://t.co/DIS7aq3r6j,,2015-08-07 01:35:36 -0700,629571582164377604,Blighty,London -8476,No candidate mentioned,0.4867,yes,0.6977,Neutral,0.3605,None of the above,0.4867,,n2thinkin,,0,,,1:34:49. Aaaaand about the question? #gopdebates https://t.co/7jJpi9Dtlh,,2015-08-07 01:35:16 -0700,629571499440111616,"Indianapolis, IN",Pacific Time (US & Canada) -8477,Chris Christie,0.6571,yes,1.0,Negative,1.0,Foreign Policy,0.6871,,JosephHarris81,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:34:09 -0700,629571217025048577,,Atlantic Time (Canada) -8478,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6742,,IrvinePatriot,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:33:50 -0700,629571137824010240,, -8479,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6601,,ravenwolf68,,48,,,RT @RWSurferGirl: Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:33:00 -0700,629570925432844288,Oxford,London -8480,Donald Trump,1.0,yes,1.0,Negative,0.655,FOX News or Moderators,0.701,,BUcrimlaw,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 01:32:53 -0700,629570896974385152,California, -8481,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6478,,RWSurferGirl,,48,,,Tonight we learned that @GovChristie thinks he can remove our civil rights to fight terrorism. #GOPDebate #GOPDebates,,2015-08-07 01:31:30 -0700,629570551170752513,"Newport Beach, California",Pacific Time (US & Canada) -8482,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6559,,jenhoge,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 01:30:47 -0700,629570368693489664,, -8483,Donald Trump,1.0,yes,1.0,Negative,0.6774,None of the above,0.6452,,norski,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 01:29:36 -0700,629570073364008961,mn,Central Time (US & Canada) -8484,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3516,FOX News or Moderators,0.4642,,crimsontide0610,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 01:21:13 -0700,629567962161156096,Alabama, -8485,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,joleneg1984,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 01:18:55 -0700,629567382105817088,,Central Time (US & Canada) -8486,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DonDhoward,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-07 01:14:28 -0700,629566261450571776,, -8487,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,1.0,,Lysander45,,2,,,RT @davidgaliel: An Informed Voter Attends The #GOPDebates http://t.co/DIS7aq3r6j,,2015-08-07 01:12:27 -0700,629565753293975552,"Somerset, UK.",London -8488,No candidate mentioned,1.0,yes,1.0,Positive,0.3447,None of the above,0.6553,,damnliberalsyal,,0,,,Yeah all the candidates are going to repel Obamacare and replace it with something! Go GOP! #GOPDebates,,2015-08-07 01:11:54 -0700,629565615859044352,End Times County, -8489,No candidate mentioned,0.4373,yes,0.6613,Positive,0.3387,None of the above,0.4373,,mardanone,,0,,,Miss one or both of the #GOPDebates? Want to see a segment again? Re-watch every minute with our playlist http://t.co/7Bd5kBK5Za,,2015-08-07 01:10:53 -0700,629565360145088513,"Mardan, Pakistan",Baku -8490,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,davidgaliel,,2,,,An Informed Voter Attends The #GOPDebates http://t.co/DIS7aq3r6j,,2015-08-07 01:08:26 -0700,629564744031191040,"Portland, OR",Pacific Time (US & Canada) -8491,Donald Trump,0.4444,yes,0.6667,Negative,0.3441,Women's Issues (not abortion though),0.2294,,JeffreyOwenDee,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 01:02:33 -0700,629563263420878849,Tampa Fl, -8492,Donald Trump,1.0,yes,1.0,Neutral,0.6705,FOX News or Moderators,0.6364,,pressbuddy,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:57:07 -0700,629561895473655808,US Combat Veteran, -8493,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Don14748,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:56:17 -0700,629561685368438785,,Pacific Time (US & Canada) -8494,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LindaLeeJones11,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:55:31 -0700,629561494892625920,,Eastern Time (US & Canada) -8495,Donald Trump,0.4728,yes,0.6876,Neutral,0.3793,None of the above,0.4728,,Breaking_Gnus,,0,,,"Master Debates: Rosie Refudiates Trump Pump. ""I'm really not a slob, Donny."" #GOPDebates #Trump",,2015-08-07 00:52:27 -0700,629560721437761536,On the range, -8496,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ProtectSaveUSA,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:50:32 -0700,629560241030594560,,Central America -8497,Donald Trump,1.0,yes,1.0,Positive,0.6631,None of the above,0.6471,,sherry_kerdman,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:50:22 -0700,629560196054913024,"Santa Rosa Valley, Ca",Pacific Time (US & Canada) -8498,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,USAlivestrong,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:49:44 -0700,629560040366735360," AZ-Via Colorado, Native",Mountain Time (US & Canada) -8499,No candidate mentioned,1.0,yes,1.0,Negative,0.6395,FOX News or Moderators,1.0,,hillbillyfreeme,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:49:14 -0700,629559912327196672,, -8500,No candidate mentioned,0.405,yes,0.6364,Neutral,0.3295,FOX News or Moderators,0.405,,KLSouth,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:48:48 -0700,629559805124829185,Beirut by the Lake.,Central Time (US & Canada) -8501,No candidate mentioned,1.0,yes,1.0,Neutral,0.627,Racial issues,0.6759999999999999,,ghhshirley,,0,,,#GOPDebates #StandWithPP #BlackLivesMatter @LeahNTorres My reply to Politico article. http://t.co/ixyxjn5VGY,,2015-08-07 00:48:46 -0700,629559793678585857,,Central Time (US & Canada) -8502,Donald Trump,1.0,yes,1.0,Negative,0.6897,None of the above,0.6552,,Noorer,,0,,,Can Donald Trump say this to his daughters or may be... #GOPdebates,,2015-08-07 00:45:40 -0700,629559016742645760,"Gombe, Nigeria",Hawaii -8503,Donald Trump,0.6774,yes,1.0,Negative,0.6774,None of the above,0.6774,,TeamSC11,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-07 00:43:53 -0700,629558564290494464,South Carolina, -8504,No candidate mentioned,1.0,yes,1.0,Negative,0.6744,None of the above,1.0,,FunnyFloyd88,,0,,,"All of the #GOP candidates were asked to describe #HillaryClinton in 2 words. -Only 1 of them could count to 2. -#GOPDebates",,2015-08-07 00:40:30 -0700,629557713677127681,"Phoenix, Arizona ", -8505,Donald Trump,1.0,yes,1.0,Negative,0.7021,FOX News or Moderators,1.0,,DNchef,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:38:12 -0700,629557137300189184,,Eastern Time (US & Canada) -8506,Donald Trump,0.4123,yes,0.6421,Neutral,0.3579,None of the above,0.4123,,kencsmith5,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:37:05 -0700,629556855316975616,"Central Sierra Mountains, CA", -8507,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,None of the above,0.6559,,mustangrobby,,3,,,"RT @monaeltahawy: Every time they say ""wedge issues"" I think they mean wedgies #GOPDebates",,2015-08-07 00:36:29 -0700,629556703269236736,Southern California,Pacific Time (US & Canada) -8508,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CorlessJones,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-07 00:36:25 -0700,629556686227918848,Somewhere, -8509,Donald Trump,1.0,yes,1.0,Positive,0.3501,FOX News or Moderators,1.0,,MarcAardvark,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:34:28 -0700,629556195380965377,Mount Crumpit,Eastern Time (US & Canada) -8510,Donald Trump,1.0,yes,1.0,Negative,0.6629999999999999,FOX News or Moderators,0.6522,,bassthumper1,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:31:05 -0700,629555343941505024,mississippi , -8511,Donald Trump,1.0,yes,1.0,Negative,0.6673,FOX News or Moderators,0.6673,,sbhouston60,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:30:51 -0700,629555287100252160,"Arizona, USA", -8512,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Looees_,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-07 00:29:28 -0700,629554939421949952, ,Pacific Time (US & Canada) -8513,Donald Trump,0.4218,yes,0.6495,Neutral,0.6495,,0.2277,,recluseth,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:29:27 -0700,629554932513767424,Toronto, -8514,Rand Paul,0.4062,yes,0.6374,Neutral,0.3297,None of the above,0.4062,,JustDebNow,,0,,,I've decided that Rand Paul looks like Martin Short in an old #SNL skit. #GOPDebates,,2015-08-07 00:28:06 -0700,629554594087989248, in a van down by the river,Pacific Time (US & Canada) -8515,Donald Trump,1.0,yes,1.0,Positive,0.3633,None of the above,0.6807,,JackieJackielg,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:27:30 -0700,629554445110489088,,Mountain Time (US & Canada) -8516,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6882,,mustangrobby,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-07 00:27:05 -0700,629554337514065920,Southern California,Pacific Time (US & Canada) -8517,Jeb Bush,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,0.6703,,MarkOdum,,0,,,"@megynkelly #gopdebates @JebBush Megyn YOU BLEW IT, it WAS NOT GWs WAR,it was Americas! I love ya but your success went to your head tonight",,2015-08-07 00:26:14 -0700,629554125936553984,Dayton Ohio home of WPAFB, -8518,Donald Trump,1.0,yes,1.0,Negative,0.7111,None of the above,0.6222,,JamesMcDonal,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:25:13 -0700,629553866992955392,"Whitefish Bay, Wisconsin",Pacific Time (US & Canada) -8519,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,iamlordvoldy,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 00:24:29 -0700,629553683655585792,Handbasket on it's way to Hell,Eastern Time (US & Canada) -8520,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,jillian2u2,,0,,,@MarkGillar @UpInTheHills Night before she gave platform to an illegal VARGAS 2 voice his views. #megynKellysucks #GOPDebates #conservatives,,2015-08-07 00:24:02 -0700,629553569419542528,Northren California , -8521,Donald Trump,1.0,yes,1.0,Positive,0.6771,FOX News or Moderators,1.0,,MichelleMeyer10,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:22:42 -0700,629553235779584000,North East Coast,Central Time (US & Canada) -8522,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,0.6742,,MobilePickUp,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:21:26 -0700,629552916127354880,"California, USA",Pacific Time (US & Canada) -8523,No candidate mentioned,1.0,yes,1.0,Negative,0.6828,None of the above,1.0,,icolleen,,5,,,"RT @mikewhitmore: I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-07 00:21:23 -0700,629552902365810688,Texas,Pacific Time (US & Canada) -8524,Donald Trump,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,0.6632,,chimojr5,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:20:55 -0700,629552785181265920,, -8525,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Good2bqueen67,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 00:20:35 -0700,629552700930154496,Planet Earth, -8526,Donald Trump,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,RonzillaReagan,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:20:08 -0700,629552589760139264,Rio Linda,Pacific Time (US & Canada) -8527,Donald Trump,0.4311,yes,0.6566,Neutral,0.6566,None of the above,0.4311,,TeagansTwoCents,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:16:15 -0700,629551611774238720,,Pacific Time (US & Canada) -8528,Donald Trump,1.0,yes,1.0,Negative,0.7033,FOX News or Moderators,0.6484,,changeisneeded_,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:15:30 -0700,629551423110385664,❤ USA,Central Time (US & Canada) -8529,Donald Trump,1.0,yes,1.0,Positive,0.35,FOX News or Moderators,0.675,,ToothTwista,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:14:10 -0700,629551088815878144,, -8530,Donald Trump,1.0,yes,1.0,Neutral,0.6824,FOX News or Moderators,1.0,,Lisa_Luerssen,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:13:46 -0700,629550985862475776,Small Town in Texas,Central Time (US & Canada) -8531,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,FOX News or Moderators,0.6932,,calicrusader,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 00:12:58 -0700,629550784175190016,Southern Calif & Nationwide ,Alaska -8532,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,baldeguy56,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:11:28 -0700,629550409820954624,US,Eastern Time (US & Canada) -8533,No candidate mentioned,1.0,yes,1.0,Negative,0.6733,FOX News or Moderators,1.0,,tlittlefitness,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 00:10:17 -0700,629550110356209664,, -8534,Donald Trump,1.0,yes,1.0,Neutral,0.3478,FOX News or Moderators,0.6739,,Wstcoastchicano,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:10:12 -0700,629550087643885569,"California, USA", -8535,No candidate mentioned,0.4073,yes,0.6382,Neutral,0.3319,None of the above,0.4073,,PierceAeroOne,,0,,,That Bruce @springsteen performance on The @TheDailyShow topped anything the #GOPDebates could come up with in a Century.,,2015-08-07 00:09:50 -0700,629549995515994112,La Jolla,Pacific Time (US & Canada) -8536,Donald Trump,1.0,yes,1.0,Neutral,0.6428,None of the above,0.6428,,DestinyandBruce,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:09:24 -0700,629549886401175553,,Pacific Time (US & Canada) -8537,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mstruethat,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 00:08:49 -0700,629549742775644160,,Central Time (US & Canada) -8538,Donald Trump,1.0,yes,1.0,Positive,0.6522,FOX News or Moderators,1.0,,John_16_2,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:08:29 -0700,629549657476038656,,Eastern Time (US & Canada) -8539,Donald Trump,1.0,yes,1.0,Positive,0.6333,FOX News or Moderators,0.6444,,RealRyanSipple,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:08:15 -0700,629549600630771713,World Wide ,Central Time (US & Canada) -8540,Donald Trump,1.0,yes,1.0,Negative,0.3407,None of the above,0.6593,,MikeShay,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:07:35 -0700,629549429540782080,Southern CA,Pacific Time (US & Canada) -8541,Donald Trump,1.0,yes,1.0,Negative,0.3463,FOX News or Moderators,0.6768,,CalmNcanny,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:06:57 -0700,629549273420435457,"Oregon, USA ",Pacific Time (US & Canada) -8542,Donald Trump,1.0,yes,1.0,Positive,0.3656,FOX News or Moderators,0.6774,,tamstar63,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:06:27 -0700,629549147792674816,Oregon,Pacific Time (US & Canada) -8543,Donald Trump,1.0,yes,1.0,Positive,0.675,FOX News or Moderators,1.0,,T_A_Whitney,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:06:14 -0700,629549090351616004,"Currently residing on Earth 2, but pre-Crisis on Infinite Earths Earth 2, not New 52 Earth 2", -8544,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6452,,krobinson4781,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-07 00:05:41 -0700,629548953831215104,, -8545,Donald Trump,0.6632,yes,1.0,Negative,0.6632,FOX News or Moderators,0.6632,,glennhduncan50,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:05:39 -0700,629548944654209025,, -8546,Donald Trump,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,Twitsler,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:05:14 -0700,629548837665812480,,Pacific Time (US & Canada) -8547,Donald Trump,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,realrawtalk,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:05:02 -0700,629548788646961152,The Undisclosed Bunker Studios, -8548,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.4444,,Good2bqueen67,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:04:58 -0700,629548772234637312,Planet Earth, -8549,Donald Trump,0.43700000000000006,yes,0.6611,Negative,0.3409,FOX News or Moderators,0.2253,,Snap_Politics,,72,,,"RT @larryelder: Trump should have said, ""Megyn, ask these nine candidates, if they plan to support ME when I win the nomination."" -#GOPDebat…",,2015-08-07 00:04:37 -0700,629548683671908352,NOTHING BUT THE TRUTH!,Pacific Time (US & Canada) -8550,Donald Trump,0.4265,yes,0.6531,Negative,0.6531,,0.2266,,mikolotko,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-07 00:04:09 -0700,629548565782642688,Philippines,Singapore -8551,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,VitaminNick,,5,,,"RT @mikewhitmore: I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-07 00:03:43 -0700,629548458534375424,working for real probably,Eastern Time (US & Canada) -8552,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6629999999999999,,jvgraz,,0,,,"Reagan: Trust but verify - -Obama: Trust but vilify - -Huckabee: Trust but deepfry - -#GOPDebates #tytlive",,2015-08-07 00:03:32 -0700,629548411499364353,,Pacific Time (US & Canada) -8553,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EnragedNY,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-07 00:03:23 -0700,629548373629120512,NY,Atlantic Time (Canada) -8554,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,azblonde2015,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-07 00:01:43 -0700,629547954886475776,, -8555,No candidate mentioned,1.0,yes,1.0,Neutral,0.6429,None of the above,1.0,,MnemoniXs,,5,,,"RT @mikewhitmore: I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-07 00:00:55 -0700,629547754444955648,Boiron Cert. Homeopathy S.,London -8556,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6522,,78b9ca387d944d1,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-07 00:00:26 -0700,629547631920844800,, -8557,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,Racial issues,1.0,,RashaQandeelBBC,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 23:59:58 -0700,629547513633218560,London,London -8558,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6859999999999999,,Apipwhisperer,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:58:50 -0700,629547229833859072,WORLD,Central Time (US & Canada) -8559,No candidate mentioned,1.0,yes,1.0,Negative,0.7108,None of the above,1.0,,emilyjoynoon,,0,,,IS THIS REAL LIFE IS THIS AMERICA IS THIS PLANET EARTH #GOPdebates #FinalQuestion https://t.co/CAgdY75BAR,,2015-08-06 23:56:49 -0700,629546722335793152,Los Angeles,Quito -8560,Donald Trump,1.0,yes,1.0,Negative,0.3596,None of the above,1.0,,WendysSilver,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:56:10 -0700,629546559525515264,"North Carolina, USA", -8561,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,FOX News or Moderators,1.0,,STOPSYTGENOCIDE,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:54:50 -0700,629546224148811778,,Central Time (US & Canada) -8562,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pressbuddy,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:53:43 -0700,629545943533137920,US Combat Veteran, -8563,Donald Trump,1.0,yes,1.0,Positive,0.6921,None of the above,1.0,,HueyNewton510,,0,,,Donald Trump's best lines from the first GOP debate #Debates #GOPDebates #DonaldTrump http://t.co/1cSlxvIcwp,,2015-08-06 23:53:23 -0700,629545857587806208,California, -8564,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DrJDavidBrown,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:50:26 -0700,629545116504436737,Des Moines Iowa, -8565,No candidate mentioned,1.0,yes,1.0,Negative,0.6429,None of the above,1.0,,rootikitty,,5,,,"RT @mikewhitmore: I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-06 23:50:10 -0700,629545046694498304,"San Diego, California",Pacific Time (US & Canada) -8566,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,kyleraccio,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:50:05 -0700,629545026473701376,"San Francisco, CA",Pacific Time (US & Canada) -8567,No candidate mentioned,1.0,yes,1.0,Negative,0.6458,FOX News or Moderators,1.0,,wsoswald_,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:48:44 -0700,629544688693997568,, -8568,No candidate mentioned,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,elizabethmovies,,0,,,Missing the #GOPDebates makes me glad I don't have cable. Missing #JonStewart last show makes me sad I don't have cable. #JonVoyage,,2015-08-06 23:47:28 -0700,629544370002227200,La La Land,Pacific Time (US & Canada) -8569,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,FOX News or Moderators,1.0,,FoundersSeceded,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:45:32 -0700,629543881122648066,,Mountain Time (US & Canada) -8570,No candidate mentioned,1.0,yes,1.0,Neutral,0.7027,None of the above,1.0,,ChandlerJoseph9,,5,,,"RT @mikewhitmore: I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-06 23:45:09 -0700,629543785442209792,,Atlantic Time (Canada) -8571,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jcope12003,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:42:54 -0700,629543217717841920,Kansas,Central Time (US & Canada) -8572,No candidate mentioned,1.0,yes,1.0,Negative,0.6593,None of the above,0.6593,,mackette52,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:42:25 -0700,629543096943017984,"Poconos, USA", -8573,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mikewhitmore,,5,,,"I didn't watch the #GOPDebates tonight, so I was going to ask who won. Then I figured, I did.",,2015-08-06 23:41:27 -0700,629542853505495040,"Seattle, WA",Pacific Time (US & Canada) -8574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FACTSoverFEELS,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:38:10 -0700,629542030004240384,Texas,Central Time (US & Canada) -8575,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DutraGale,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:37:23 -0700,629541829214482432,, -8576,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,DenNpt,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:37:08 -0700,629541768262856704,"Croton on Hudson, NY",Eastern Time (US & Canada) -8577,Donald Trump,1.0,yes,1.0,Positive,0.3418,Women's Issues (not abortion though),0.6582,,mr_bluesky1958,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:35:41 -0700,629541404814012416,,Edinburgh -8578,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,blueocean5454,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:35:11 -0700,629541278758211584,, -8579,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,charlesgreatho1,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:34:57 -0700,629541218788225024,United States, -8580,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,FOX News or Moderators,1.0,,Vivcanoy,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:34:23 -0700,629541076844462081,California's Central Coast,Pacific Time (US & Canada) -8581,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jeromeyee,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:34:19 -0700,629541060444733440,, -8582,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6477,,Afol_hermit,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:34:02 -0700,629540987480637440,"blue mountains, australia", -8583,,0.228,yes,0.6484,Positive,0.3407,None of the above,0.4204,,freedomnow72,,1,,,RT @MarthaMartinMe: #Trump collapses; #Hillary non issue #MarcoRubio shined #Jeb2016 strong #Carson2016 articulate #Fiorina should join #GO…,,2015-08-06 23:33:25 -0700,629540832069025792,, -8584,No candidate mentioned,0.4133,yes,0.6429,Neutral,0.3367,None of the above,0.4133,,FangsOfFate,,1,,,RT @ProfessorRobo: An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @DRUDGE_REPORT,,2015-08-06 23:32:54 -0700,629540701684936704,,Pacific Time (US & Canada) -8585,John Kasich,0.4047,yes,0.6362,Negative,0.3638,None of the above,0.4047,,CatReasoner,,2,,,RT @msgoddessrises: No doubt! Huge bump! #Kasich #GopDebates https://t.co/VAnC0qxY4C,,2015-08-06 23:31:48 -0700,629540427490816000,, -8586,No candidate mentioned,1.0,yes,1.0,Negative,0.6486,FOX News or Moderators,1.0,,BlueSkyNJ,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:31:41 -0700,629540397849649152,"New Jersey, USA",Eastern Time (US & Canada) -8587,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nolanelle,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 23:31:15 -0700,629540288885751808, USA, -8588,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MichelleSiwy,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 23:31:03 -0700,629540238327574528,NYC/LA,Pacific Time (US & Canada) -8589,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Jimbobbarley,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:30:29 -0700,629540093552766976,AMERICA HOME OF THE BRAVE,Central Time (US & Canada) -8590,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EPS1991,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 23:30:27 -0700,629540084614844416,"Alabama, USA",Central Time (US & Canada) -8591,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,FOX News or Moderators,0.6706,,randyhendricks,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:30:15 -0700,629540036799823872,"Florida, USA",Eastern Time (US & Canada) -8592,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HerringWendy,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:29:46 -0700,629539913717968896,"sandhills, you figure it out ", -8593,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,FOX News or Moderators,1.0,,Justice4everMor,,0,,,@FoxNews Please replace @megynkelly. Future debate moderators: @HARRISFAULKNER @AndreaTantaros Catherine Herridge @kimguilfoyle #GOPDebates,,2015-08-06 23:29:17 -0700,629539792003305472,USA,Pacific Time (US & Canada) -8594,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,donee44,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:28:38 -0700,629539630782750721,EveryWhere, -8595,No candidate mentioned,0.4401,yes,0.6634,Negative,0.6634,FOX News or Moderators,0.4401,,Patriotic_Me,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:27:43 -0700,629539399504560128,"Los Angeles, CA",Pacific Time (US & Canada) -8596,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CHB_12,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:27:41 -0700,629539388725182464,"White County, IN",Mountain Time (US & Canada) -8597,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FirstTeamSol,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:26:01 -0700,629538970754514944,,Central Time (US & Canada) -8598,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,amjohnson933,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 23:24:39 -0700,629538626498473984,, -8599,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BduayneAllen,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:24:22 -0700,629538554943815680,, -8600,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6897,,McLonergan,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:24:20 -0700,629538547725238272,, -8601,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6877,,elephant_rm,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:23:49 -0700,629538417739628544,Vancouver,Pacific Time (US & Canada) -8602,Donald Trump,0.3923,yes,0.6264,Neutral,0.3297,,0.23399999999999999,,MikeCluff,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:22:48 -0700,629538162008723456,"Vancouver, BC",Arizona -8603,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6774,,chachadawn,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:22:29 -0700,629538080425259009,campbell river,Pacific Time (US & Canada) -8604,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,HarithaShah,,0,,,"Watched #GOPDebates; loved #BenCarson closing statement. ""#Trump is affectionate mad man while Carson is affectionate person who cares.""🇺🇸",,2015-08-06 23:22:18 -0700,629538033386172416,, -8605,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,tladd58,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:22:05 -0700,629537981011898369,"Mayfield, Ky", -8606,No candidate mentioned,1.0,yes,1.0,Negative,0.6765,Women's Issues (not abortion though),1.0,,joybelle46,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 23:20:42 -0700,629537632310071296,Gold Coast, -8607,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,1.0,,TeamFallowwBack,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:20:09 -0700,629537492258009088,,Pacific Time (US & Canada) -8608,No candidate mentioned,1.0,yes,1.0,Negative,0.6708,None of the above,1.0,,lostdog9183,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:20:02 -0700,629537466530172928,, -8609,No candidate mentioned,0.3819,yes,0.618,Negative,0.3146,FOX News or Moderators,0.3819,,ttank66,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:19:38 -0700,629537366101897216,, -8610,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,RickSantorumXXX,,0,,,The upside of being cruelly excluded from the #GOPDebates is that America won't get to know me!,,2015-08-06 23:18:52 -0700,629537172249403392,,Eastern Time (US & Canada) -8611,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,o1d_dude,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:18:47 -0700,629537148979531776,* o1der than dirt *,Pacific Time (US & Canada) -8612,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,samsughroue,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:18:03 -0700,629536966665568257,"Lincoln, Nebraska ", -8613,No candidate mentioned,1.0,yes,1.0,Negative,0.6235,FOX News or Moderators,1.0,,EPS1991,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:16:28 -0700,629536568752087040,"Alabama, USA",Central Time (US & Canada) -8614,Donald Trump,1.0,yes,1.0,Negative,0.6831,None of the above,0.6831,,pheeldoulap,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:16:25 -0700,629536554839592960,,Greenland -8615,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,FOX News or Moderators,1.0,,Laneybaby004,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:15:57 -0700,629536437621272576,"Register, Georgia",Eastern Time (US & Canada) -8616,Donald Trump,0.4393,yes,0.6628,Negative,0.3488,None of the above,0.4393,,Mauryah81,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:15:18 -0700,629536271627489280," Chandler, AZ",America/Phoenix -8617,Donald Trump,0.4028,yes,0.6347,Negative,0.321,None of the above,0.4028,,GreyDiLuca,,19,,,RT @BettyFckinWhite: So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:14:50 -0700,629536154895953920,Dubcity/758 ,Mountain Time (US & Canada) -8618,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,HeatherGreentr1,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:14:44 -0700,629536129901989888,"Winnipeg, MB", -8619,Donald Trump,0.4304,yes,0.6559999999999999,Negative,0.6559999999999999,,0.2257,,BettyFckinWhite,,19,,,So Donald Trump is Biff from Back to the Future 2? #GOPDebates #womensrights #combover http://t.co/IS9GYB7P31,,2015-08-06 23:11:39 -0700,629535353037197312,I'm on the twitter.,Pacific Time (US & Canada) -8620,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Religion,1.0,,parn123,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 23:11:19 -0700,629535269339930624,#Uzes - St Quentin la Poterie,Paris -8621,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,FOX News or Moderators,0.6628,,izadoreem,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:11:11 -0700,629535236448129025,,Pacific Time (US & Canada) -8622,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,punditOcrat,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 23:11:01 -0700,629535193645232128,"San Antonio,Republic of Texas ",Central Time (US & Canada) -8623,No candidate mentioned,1.0,yes,1.0,Negative,0.6687,FOX News or Moderators,1.0,,Mickey_Wilcox,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:10:46 -0700,629535132257366016,America, -8624,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RealRakhmetov,,0,,,Well that's unfortunate. #GOPdebates https://t.co/P9jGpHxC3Q,,2015-08-06 23:09:45 -0700,629534878023974916,[location will vary],Eastern Time (US & Canada) -8625,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HonkusMcGhee,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 23:09:42 -0700,629534862521692160,"Orange County, CA",Pacific Time (US & Canada) -8626,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,amysacco,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 23:09:17 -0700,629534759903985664,"NYC -", -8627,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6591,,McLonergan,,4,,,RT @jeaniebgd: Donald Trumps loyalty is to America and the American people. Not to a political party. @GOP #GOPDebates #tcot #pjnet #MakeAm…,,2015-08-06 23:09:14 -0700,629534745731313664,, -8628,No candidate mentioned,1.0,yes,1.0,Neutral,0.6627,FOX News or Moderators,0.6747,,ChristophHeer52,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:08:59 -0700,629534683274080256,Zurich,Athens -8629,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,sjsmartassTV,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:08:48 -0700,629534638793318400,San Diego,Tijuana -8630,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,FOX News or Moderators,0.6725,,PoliPosse,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 23:08:35 -0700,629534581314686976,,Central Time (US & Canada) -8631,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,0.6591,,ProtectSaveUSA,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:08:26 -0700,629534547328270336,,Central America -8632,No candidate mentioned,1.0,yes,1.0,Negative,0.6935,FOX News or Moderators,0.6935,,JesseBotello1,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:07:44 -0700,629534369305092096,"San Antonio, TX.",Central Time (US & Canada) -8633,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Eccentrie,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 23:07:18 -0700,629534260811051012,,Pacific Time (US & Canada) -8634,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KdredKarl,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:07:18 -0700,629534260639232000,"Palm Beach Gardens, FL", -8635,No candidate mentioned,0.3889,yes,0.6237,Neutral,0.3333,FOX News or Moderators,0.3889,,captainanglin,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:05:43 -0700,629533863618957313,"Bunker, USA",Eastern Time (US & Canada) -8636,No candidate mentioned,1.0,yes,1.0,Negative,0.6744,None of the above,0.6744,,michelleoverby2,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:05:33 -0700,629533818999824385,,Arizona -8637,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.3579,None of the above,0.4123,,rmp619,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 23:05:19 -0700,629533760107769856,,Central Time (US & Canada) -8638,No candidate mentioned,1.0,yes,1.0,Neutral,0.6777,FOX News or Moderators,1.0,,EternalRiteWing,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:04:18 -0700,629533506851344386,Beautiful Iowa ,Central Time (US & Canada) -8639,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jenilynn1001,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:04:11 -0700,629533475519885312,texas,Eastern Time (US & Canada) -8640,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,feralcatpro,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 23:03:55 -0700,629533407660388352,NYC,Quito -8641,Donald Trump,0.4196,yes,0.6477,Neutral,0.3409,None of the above,0.4196,,Analigital,,0,,,Video: Gallery Sessions | @archerone #stayinspired | #Donaldchump @analigital #gallery #gopdebates... http://t.co/F3q3QydKLK,,2015-08-06 23:03:41 -0700,629533348965298176,L.A. & N.Y.C.,Pacific Time (US & Canada) -8642,No candidate mentioned,0.4689,yes,0.6848,Neutral,0.3478,FOX News or Moderators,0.4689,,Raddmom,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:03:16 -0700,629533244766040065,"California, USA",Pacific Time (US & Canada) -8643,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,0.6737,,Warrens79,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 23:02:35 -0700,629533072782831616,,Pacific Time (US & Canada) -8644,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,Warrens79,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 23:02:22 -0700,629533020316241923,,Pacific Time (US & Canada) -8645,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nsaidian,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:01:47 -0700,629532872219693056,USA, -8646,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Bill592,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 23:01:04 -0700,629532692791427073,Minnesota,Central Time (US & Canada) -8647,No candidate mentioned,0.5185,yes,0.7201,Negative,0.7201,FOX News or Moderators,0.5185,,JakeSauickie,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:00:58 -0700,629532667411869696,"Hazlet, NJ",Eastern Time (US & Canada) -8648,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,ElmendorfMark,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 23:00:41 -0700,629532595852836865,"Sac, CA", -8649,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,OtterMtn,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 23:00:40 -0700,629532589037092864,"Lynchburg, Virginia, USA", -8650,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,elliemae0404,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 23:00:15 -0700,629532486859661313,South Florida via Louisiana,Eastern Time (US & Canada) -8651,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,epadgen,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:59:34 -0700,629532314431651840,, -8652,No candidate mentioned,1.0,yes,1.0,Neutral,0.7045,FOX News or Moderators,0.7045,,cliffjumper68,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:59:09 -0700,629532207938277376,"Colorado Springs, CO", -8653,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ShimerKathy,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 22:58:37 -0700,629532077046677504,United States, -8654,No candidate mentioned,1.0,yes,1.0,Negative,0.6679999999999999,FOX News or Moderators,1.0,,SCarverOrne,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:57:53 -0700,629531890161176576,"Pittsfield, Mass.",Eastern Time (US & Canada) -8655,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,McLonergan,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:55:46 -0700,629531357685743616,, -8656,No candidate mentioned,1.0,yes,1.0,Neutral,0.6404,None of the above,1.0,,tressie24,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 22:54:13 -0700,629530967150084097,ATL,Eastern Time (US & Canada) -8657,No candidate mentioned,0.6593,yes,1.0,Negative,0.6703,None of the above,0.6703,,ProfessorRobo,,1,,,An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @DRUDGE_REPORT,,2015-08-06 22:53:23 -0700,629530758986747904,Las Vegas,Pacific Time (US & Canada) -8658,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6418,,julieagannon,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:53:13 -0700,629530716179599360,,Pacific Time (US & Canada) -8659,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tigerdell,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:53:12 -0700,629530712605986816,,Pacific Time (US & Canada) -8660,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6628,,allisondavis531,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 22:52:58 -0700,629530652442898432,SF and New Orleans,Pacific Time (US & Canada) -8661,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6477,,JCtweetMstr,,0,,,@realDonaldTrump is the honey badger of candidates this round. #GOPDebate #GOPDebates great #FoxDebate tonight!,,2015-08-06 22:51:31 -0700,629530289610473474,,Central Time (US & Canada) -8662,Donald Trump,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,AntBorse,,0,,,"@whitemamba23 100%!!! Hilary hanging with Kimye and Trump is dead center at #GOPDebates but a 3rd party is ""stupid""??",,2015-08-06 22:50:54 -0700,629530133888536576,,Pacific Time (US & Canada) -8663,Donald Trump,1.0,yes,1.0,Positive,0.6495,None of the above,0.6804,,ProfessorRobo,,0,,,"To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDebates -@DRUDGE_REPORT",,2015-08-06 22:49:59 -0700,629529902568636416,Las Vegas,Pacific Time (US & Canada) -8664,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KellyRek,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 22:49:32 -0700,629529789120905217,Arizona,Arizona -8665,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,1.0,,NashvilePatriot,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:49:19 -0700,629529736407089153,, -8666,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,0.6932,,jimstlouisgolf,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:49:17 -0700,629529726722404352,Saint Louis,Central Time (US & Canada) -8667,No candidate mentioned,0.3991,yes,0.6318,Negative,0.6318,,0.2326,,Planet_Bitch,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:48:39 -0700,629529565552111616,United States,Central Time (US & Canada) -8668,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,FOX News or Moderators,0.3923,,pmbasse,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:48:25 -0700,629529508899454976,TEXAS,Central Time (US & Canada) -8669,No candidate mentioned,1.0,yes,1.0,Neutral,0.6983,None of the above,1.0,,dougshelton749,,1,,,RT @ProfessorRobo: An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @nlsnt1,,2015-08-06 22:48:09 -0700,629529439890599936,, -8670,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,FOX News or Moderators,0.6774,,MurrayNewlands,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:47:45 -0700,629529342402408448,San Francisco - USA,Pacific Time (US & Canada) -8671,Donald Trump,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,RRuerd,,6,,,RT @NateMJensen: I'm starting to worry that Trump is a field experiment. #GOPdebates,,2015-08-06 22:46:18 -0700,629528973446369280,, -8672,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,None of the above,1.0,,sweetangelface,,2,,,"RT @jillwklausen: So how much fun was that tonight, folks? #GOPDebates #ClownShow #DebateWithBernie",,2015-08-06 22:45:36 -0700,629528799395196928,World Wide ,Pacific Time (US & Canada) -8673,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7234,,Tea4TeXs,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:44:36 -0700,629528549494427648,"Texas, USA", -8674,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.3469,FOX News or Moderators,0.4265,,Marcia_Diehl,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:44:35 -0700,629528542217433088,, -8675,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7133,,new_debis,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:44:21 -0700,629528483627073536,, -8676,No candidate mentioned,1.0,yes,1.0,Negative,0.6721,FOX News or Moderators,1.0,,Apipwhisperer,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:44:08 -0700,629528432162897920,WORLD,Central Time (US & Canada) -8677,Rand Paul,0.2442,yes,0.6932,Neutral,0.3523,None of the above,0.4805,,ProfessorRobo,,0,,,An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @theblaze,,2015-08-06 22:44:08 -0700,629528428270747648,Las Vegas,Pacific Time (US & Canada) -8678,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6471,,Raddmom,,4,,,RT @jeaniebgd: Donald Trumps loyalty is to America and the American people. Not to a political party. @GOP #GOPDebates #tcot #pjnet #MakeAm…,,2015-08-06 22:44:03 -0700,629528409824083968,"California, USA",Pacific Time (US & Canada) -8679,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ares407,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:43:59 -0700,629528391964880896,, -8680,No candidate mentioned,1.0,yes,1.0,Negative,0.3684,FOX News or Moderators,1.0,,C4Constitution,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:43:13 -0700,629528198548566016,FED UP WITH STUPID POLITICIANS, -8681,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3438,FOX News or Moderators,0.2292,,pmg_62,,2,,,"RT @Jami_USA: If we don't hold everyone to the same standards during the #GOPDebates, what are they worth?",,2015-08-06 22:43:07 -0700,629528173588422656,NJ, -8682,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,FOX News or Moderators,0.6882,,ArtistElaine,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:42:58 -0700,629528134790983680,3rd rock from the sun,Central Time (US & Canada) -8683,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TimShannon,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:41:58 -0700,629527886811140097,"Portland, Oregon, USA",Pacific Time (US & Canada) -8684,Chris Christie,0.6791,yes,1.0,Neutral,0.6791,Foreign Policy,0.6739,,CheephackOprah,,0,,,".@ChrisChristie: ""I can't tell the difference between American citizens and terrorists."" -#GOPDebates https://t.co/Xn5aVN8F8s",,2015-08-06 22:41:49 -0700,629527846923317248,, -8685,No candidate mentioned,1.0,yes,1.0,Positive,0.3483,Religion,1.0,,DolphinProtectA,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 22:41:44 -0700,629527827940032512,,Athens -8686,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jeaniebgd,,4,,,Donald Trumps loyalty is to America and the American people. Not to a political party. @GOP #GOPDebates #tcot #pjnet #MakeAmericaGreatAgain!,,2015-08-06 22:41:27 -0700,629527754153701376,USA,Atlantic Time (Canada) -8687,No candidate mentioned,0.4358,yes,0.6602,Negative,0.6602,None of the above,0.4358,,AmandaLScott,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 22:41:09 -0700,629527680644464640,en route.,Eastern Time (US & Canada) -8688,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,caddie92,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:41:05 -0700,629527664328470528,West Coast,Mountain Time (US & Canada) -8689,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fanofthetrump,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:41:00 -0700,629527641528254464,"Tennessee, USA", -8690,No candidate mentioned,0.4376,yes,0.6615,Neutral,0.3488,FOX News or Moderators,0.4376,,RoniSeale,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:39:33 -0700,629527278301642752," In GOD We Trust, USA",Quito -8691,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,robertjpatriot,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:39:29 -0700,629527259620061184,Chicago, -8692,No candidate mentioned,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,1.0,,2eyesnears,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:39:27 -0700,629527252724682753,,Eastern Time (US & Canada) -8693,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lamepilots,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:39:09 -0700,629527177181028352,, -8694,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DaleF3,,2,,,"RT @jillwklausen: So how much fun was that tonight, folks? #GOPDebates #ClownShow #DebateWithBernie",,2015-08-06 22:39:09 -0700,629527175088050176,"Auburn, California",Pacific Time (US & Canada) -8695,No candidate mentioned,1.0,yes,1.0,Negative,0.6261,FOX News or Moderators,0.6714,,LindaLeeJones11,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:39:01 -0700,629527143978938369,,Eastern Time (US & Canada) -8696,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,jillwklausen,,2,,,"So how much fun was that tonight, folks? #GOPDebates #ClownShow #DebateWithBernie",,2015-08-06 22:38:32 -0700,629527022092455936,"Redondo Beach, CA",Eastern Time (US & Canada) -8697,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,donniewahlbergd,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 22:38:12 -0700,629526938865020928,,Vienna -8698,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,FOX News or Moderators,1.0,,Jimbobbarley,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:37:42 -0700,629526810108100608,AMERICA HOME OF THE BRAVE,Central Time (US & Canada) -8699,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,1jackcousins,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:37:14 -0700,629526693775056896,"Birmingham, AL", -8700,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,FOX News or Moderators,1.0,,karenholewa1,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:37:01 -0700,629526639412707328,"Tucson, AZ", -8701,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,poesravenlady,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:36:56 -0700,629526616683753472,Down south... deep., -8702,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Scattermae777M,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:36:52 -0700,629526600313237504,, -8703,No candidate mentioned,1.0,yes,1.0,Negative,0.6652,None of the above,1.0,,GenKim,,0,,,"Two #GOPDebates and last episode of @TheDailyShow with Jon Stewart. Several hours of comedy tonight, but all kind of sad too. #JonVoyage",,2015-08-06 22:36:37 -0700,629526536857583616,"Los Angeles, CA",Quito -8704,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,FOX News or Moderators,1.0,,michaellirot,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:36:33 -0700,629526520118280192,, -8705,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6742,,NashvilePatriot,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:36:27 -0700,629526495317356544,, -8706,Rand Paul,0.4509,yes,0.6715,Negative,0.6715,None of the above,0.4509,,ProfessorRobo,,1,,,An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @nlsnt1,,2015-08-06 22:36:06 -0700,629526408373506048,Las Vegas,Pacific Time (US & Canada) -8707,No candidate mentioned,1.0,yes,1.0,Neutral,0.6821,FOX News or Moderators,1.0,,brooke4veterans,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 22:35:52 -0700,629526348768378880,Donald Trump 2016 @NRA member, -8708,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,None of the above,1.0,,VivianSteindal,,0,,,Pretty sure Twitter was invented for nights like this #GOPdebates #killpeopleandbreakthings,,2015-08-06 22:35:35 -0700,629526277716754432,,Pacific Time (US & Canada) -8709,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,MarkOdum,,0,,,"@foxnews #gopdebates it was obvious FOX was interested in CONTROVERSY sadly, some of the questions ONLY designed for SHOCK value",,2015-08-06 22:35:13 -0700,629526186226397184,Dayton Ohio home of WPAFB, -8710,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Dr_Who_Dr_D,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:35:02 -0700,629526140751757312,,Central Time (US & Canada) -8711,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Scattermae777M,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:34:02 -0700,629525888720179200,, -8712,No candidate mentioned,0.449,yes,0.6701,Negative,0.3505,FOX News or Moderators,0.449,,SOTUDcom,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:33:40 -0700,629525795682299906,USA,Central Time (US & Canada) -8713,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NevilleLouann,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 22:33:34 -0700,629525769753112576,, -8714,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,FOX News or Moderators,0.6957,,daverobarts,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:33:28 -0700,629525745715392512,"Carmel, IN",Indiana (East) -8715,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6591,,5OKid,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:32:51 -0700,629525589305753600,Home of the Brave,Central Time (US & Canada) -8716,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,tjm0072003,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:32:44 -0700,629525560377634816,"Orlando, FL",Eastern Time (US & Canada) -8717,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,michaelyagoda,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:32:22 -0700,629525469109616641,THE BRONX,Eastern Time (US & Canada) -8718,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Snap_Politics,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:32:14 -0700,629525433659162624,NOTHING BUT THE TRUTH!,Pacific Time (US & Canada) -8719,No candidate mentioned,1.0,yes,1.0,Neutral,0.6769,FOX News or Moderators,0.6769,,6eb21bed35694ae,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:31:58 -0700,629525370186895364,U.S, -8720,No candidate mentioned,0.6526,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,brownbearmike1,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:31:50 -0700,629525333859893248,,Pacific Time (US & Canada) -8721,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ProfessorRobo,,0,,,An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates @IngrahamAngle,,2015-08-06 22:31:42 -0700,629525301840728064,Las Vegas,Pacific Time (US & Canada) -8722,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,1.0,,newgypsydreams,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:31:27 -0700,629525238523428864,Oregon,Pacific Time (US & Canada) -8723,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,unconcious0,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:31:25 -0700,629525228557721600,some where in Alaska., -8724,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7,,TIPPYBUNZ,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:31:14 -0700,629525181900259328,"Bucksnort, Tennessee",Pacific Time (US & Canada) -8725,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Keefe_Carpenter,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:31:03 -0700,629525137805692929,,Atlantic Time (Canada) -8726,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Kevin3505,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:31:03 -0700,629525137675698176,"Boston, MA",Eastern Time (US & Canada) -8727,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,louis3288,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:31:01 -0700,629525128775344128,, -8728,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,KarenMonsour12,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:31:01 -0700,629525128171388930,"Southeast, FL (Real Estate)",Eastern Time (US & Canada) -8729,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,laurel720,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:30:47 -0700,629525071556513793,,Pacific Time (US & Canada) -8730,Donald Trump,1.0,yes,1.0,Positive,0.3452,None of the above,0.6905,,ProfessorRobo,,0,,,…#Trump wasn't going to play their PC game #GOPDebate #GOPDebates @IngrahamAngle,,2015-08-06 22:30:35 -0700,629525018213548032,Las Vegas,Pacific Time (US & Canada) -8731,No candidate mentioned,1.0,yes,1.0,Negative,0.6662,FOX News or Moderators,1.0,,JoLissa13,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:30:17 -0700,629524944200802304,,Central Time (US & Canada) -8732,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,DragonForce_One,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:30:10 -0700,629524916417662976,"Abbotsford, B.C.",Pacific Time (US & Canada) -8733,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,AndreCJenkins,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 22:30:01 -0700,629524878027325440,"Rocky Mount, North Carolina ",Eastern Time (US & Canada) -8734,Rand Paul,0.618,yes,1.0,Negative,1.0,None of the above,1.0,,ProfessorRobo,,0,,,An assassination attempt ...now GOP has to deal w/ th consequences #GOPDebate #GOPDebates,,2015-08-06 22:30:00 -0700,629524874860580864,Las Vegas,Pacific Time (US & Canada) -8735,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,1.0,,Fitzzer777,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:29:45 -0700,629524811329318912,WA,Pacific Time (US & Canada) -8736,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6888,,MsFallFive,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:29:45 -0700,629524809894858752,,Eastern Time (US & Canada) -8737,No candidate mentioned,1.0,yes,1.0,Negative,0.7097,FOX News or Moderators,1.0,,Feminina,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:29:44 -0700,629524808384905217,||california||,Pacific Time (US & Canada) -8738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HonkusMcGhee,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:29:38 -0700,629524783118417920,"Orange County, CA",Pacific Time (US & Canada) -8739,No candidate mentioned,1.0,yes,1.0,Negative,0.619,FOX News or Moderators,1.0,,kuhnu2012,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:29:37 -0700,629524777867218945,Southern California, -8740,No candidate mentioned,0.4157,yes,0.6448,Negative,0.6448,None of the above,0.4157,,RonDKhailOlivia,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 22:29:27 -0700,629524734443585536,,Central Time (US & Canada) -8741,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,wamnode,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:29:12 -0700,629524672976023552,, -8742,Donald Trump,1.0,yes,1.0,Neutral,0.6837,None of the above,1.0,,jnailz21,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 22:29:04 -0700,629524640004583425,,Arizona -8743,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,TruckClearman,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:28:53 -0700,629524590453088256,Southern Gulf Coast,Central Time (US & Canada) -8744,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BlueWaterDays,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:28:25 -0700,629524474799337472,"Florida, Texas, Gulf, Keys. ",Central Time (US & Canada) -8745,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,redmanblackdog,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:28:02 -0700,629524377323728896,, -8746,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DeniseGreen676,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 22:27:51 -0700,629524334017683456,"Ohio, USA", -8747,No candidate mentioned,0.4085,yes,0.6392,Negative,0.6392,,0.2306,,Jimbobbarley,,2,,,RT @DriverPost: These snide patronizing liberal hosts of #GOPDebates w/their slimy vineer just make my skin crawl ~ Megyn Kelly Bret Baier…,,2015-08-06 22:27:13 -0700,629524174176784385,AMERICA HOME OF THE BRAVE,Central Time (US & Canada) -8748,No candidate mentioned,0.4373,yes,0.6613,Negative,0.6613,FOX News or Moderators,0.4373,,Dis_labeledVet,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:27:12 -0700,629524167260377088,, -8749,No candidate mentioned,1.0,yes,1.0,Negative,0.6527,None of the above,1.0,,GarfieldOnyx,,0,,,(two cats rolling around on the floor laughing hysterically) A BUFFOON AND HIS PLATOON! #GOPdebates,,2015-08-06 22:27:06 -0700,629524144237883392, AZ , -8750,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6757,,smlombardi,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 22:26:46 -0700,629524060045746176,"Westchester County, NY",Eastern Time (US & Canada) -8751,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,brian263murphy,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:25:51 -0700,629523828910260225,"Georgia, USA", -8752,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,gregjhughes1972,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 22:25:21 -0700,629523702925934593,, -8753,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,riley1999,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:24:56 -0700,629523597934006272, USA,Hawaii -8754,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BNLieb,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:24:37 -0700,629523518435278848,USA or UK, -8755,No candidate mentioned,0.4827,yes,0.6947,Neutral,0.3474,FOX News or Moderators,0.4827,,Patriotic_Me,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:24:34 -0700,629523507773243393,"Los Angeles, CA",Pacific Time (US & Canada) -8756,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LCD32,,2,,,RT @deancameron: How many famous people petulantly threatened to move to Canada if one of the debaters won? #GOPDebate #GOPDebates,,2015-08-06 22:24:18 -0700,629523439251013632,,Eastern Time (US & Canada) -8757,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AmericaSpirit16,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:23:48 -0700,629523312385880064,United States,Pacific Time (US & Canada) -8758,No candidate mentioned,0.4807,yes,0.6934,Negative,0.6934,FOX News or Moderators,0.4807,,FilmDoctor,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:23:48 -0700,629523311236546561,Southern California,Pacific Time (US & Canada) -8759,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Shelby10598721,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 22:23:09 -0700,629523151576129536,Rancho Cucamonga, -8760,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,Religion,1.0,,skalatoiuox,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 22:23:04 -0700,629523129963048961,over there,Eastern Time (US & Canada) -8761,No candidate mentioned,1.0,yes,1.0,Negative,0.625,FOX News or Moderators,1.0,,Maxinerunner,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:22:59 -0700,629523108555292672,,Atlantic Time (Canada) -8762,No candidate mentioned,1.0,yes,1.0,Negative,0.6493,FOX News or Moderators,1.0,,kuhnu2012,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:22:57 -0700,629523100716040196,Southern California, -8763,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Psysamurai33317,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:22:41 -0700,629523030629289984,USA,Atlantic Time (Canada) -8764,No candidate mentioned,1.0,yes,1.0,Negative,0.34700000000000003,FOX News or Moderators,1.0,,cpaulinaco,,0,,,Tonight we were entertained by the first round of the #GOPDebates; sponsored & brought to us by #Facebook & #FoxNews. Goodnight...,,2015-08-06 22:22:14 -0700,629522920289775616,, -8765,No candidate mentioned,1.0,yes,1.0,Negative,0.6681,None of the above,1.0,,VivianSteindal,,0,,,Audience for #GOPdebates sounds like a mob ready to #killpeopleandbreakthings,,2015-08-06 22:22:00 -0700,629522861229670400,,Pacific Time (US & Canada) -8766,No candidate mentioned,0.4241,yes,0.6513,Negative,0.6513,FOX News or Moderators,0.4241,,retired9941,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:21:59 -0700,629522856313892864,"Jerusalem, Israel ", -8767,No candidate mentioned,1.0,yes,1.0,Negative,0.6733,FOX News or Moderators,1.0,,jjauthor,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:21:50 -0700,629522817323700224,"Nevada, USA",Pacific Time (US & Canada) -8768,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,MarySWheeler,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 22:21:45 -0700,629522795496632320,,Eastern Time (US & Canada) -8769,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6805,,scarlett_0hara,,1,,,"RT @RossDaniel7: @DWStweets on Kelly File seemed like she was mentally unstable. Typical ""Socialist Democrat"" #GOPDebates.",,2015-08-06 22:21:41 -0700,629522782376869888,"Virginia, USA",Eastern Time (US & Canada) -8770,No candidate mentioned,1.0,yes,1.0,Negative,0.6913,None of the above,0.6537,,skalatoiuox,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 22:21:38 -0700,629522769672306688,over there,Eastern Time (US & Canada) -8771,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Monica_Guzman_,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:21:14 -0700,629522665422729216,California,Pacific Time (US & Canada) -8772,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3378,,Ron_Hutchcraft,,2,,,"RT @Jami_USA: If we don't hold everyone to the same standards during the #GOPDebates, what are they worth?",,2015-08-06 22:21:04 -0700,629522624515850240,North Georgia,Atlantic Time (Canada) -8773,No candidate mentioned,1.0,yes,1.0,Negative,0.6937,FOX News or Moderators,1.0,,KenHolsclaw,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:20:38 -0700,629522517036642304,Earth, -8774,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DefundDC,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:20:17 -0700,629522427878334464,Exceptional USA,Eastern Time (US & Canada) -8775,No candidate mentioned,1.0,yes,1.0,Negative,0.6854,FOX News or Moderators,0.6854,,John_16_2,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:20:14 -0700,629522417426116609,,Eastern Time (US & Canada) -8776,No candidate mentioned,0.4038,yes,0.6354,Negative,0.3229,FOX News or Moderators,0.4038,,sebb23,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:20:00 -0700,629522358513061888,, -8777,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,joehos18,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:19:51 -0700,629522319258611712,, -8778,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KyleAdakai1091,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:19:25 -0700,629522210672128000,,Arizona -8779,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,Maxinerunner,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:18:47 -0700,629522048814030848,,Atlantic Time (Canada) -8780,No candidate mentioned,1.0,yes,1.0,Negative,0.7045,FOX News or Moderators,1.0,,RobMorroLiberty,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:18:44 -0700,629522040219791360,"Austin, TX",Eastern Time (US & Canada) -8781,No candidate mentioned,1.0,yes,1.0,Negative,0.6322,FOX News or Moderators,0.6782,,thatx209xguy,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:18:33 -0700,629521992002207748,"California, USA", -8782,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,FOX News or Moderators,0.4589,,ejabel2,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:18:15 -0700,629521917830135808,"Living in beautiful Belize, ", -8783,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheDennisKingJr,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:17:51 -0700,629521813899378688,"Omaha, Nebraska ", -8784,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,FOX News or Moderators,0.6809,,theKellyKade,,0,,,"Retweeted CDM (@RWSurferGirl): - -So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates",,2015-08-06 22:17:47 -0700,629521798800015360,"New York, NY",Eastern Time (US & Canada) -8785,No candidate mentioned,1.0,yes,1.0,Negative,0.6811,FOX News or Moderators,1.0,,JoannaWoman991,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:17:46 -0700,629521794353860608,TEXAS CONSERVATIVE , -8786,No candidate mentioned,0.4209,yes,0.6488,Negative,0.3401,,0.2279,,theKellyKade,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:17:40 -0700,629521770496684032,"New York, NY",Eastern Time (US & Canada) -8787,Donald Trump,1.0,yes,1.0,Negative,0.6322,None of the above,1.0,,kaptainkrunchy,,0,,,Only thing Trumps brings is what we never get from a politician: he honestly gives zero fucks what you think about his ideas. #GOPdebates,,2015-08-06 22:17:33 -0700,629521738569682945,, -8788,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TrumpNewsNet,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:17:30 -0700,629521728079683584,United States, -8789,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,0.6782,,NtheNite2,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:17:28 -0700,629521717828784128,, -8790,No candidate mentioned,1.0,yes,1.0,Negative,0.6656,FOX News or Moderators,0.6436,,TeaPartyStance,,116,,,RT @RWSurferGirl: So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:17:06 -0700,629521625780719617,USA,Quito -8791,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,residentfFL,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:16:58 -0700,629521594860179458,, -8792,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,FOX News or Moderators,1.0,,RWSurferGirl,,116,,,So @megynkelly posed for adult pictures.should we bring that up? #GOPDebate #GOPDebates,,2015-08-06 22:16:51 -0700,629521562140434433,"Newport Beach, California",Pacific Time (US & Canada) -8793,No candidate mentioned,1.0,yes,1.0,Neutral,0.6638,None of the above,1.0,,Jami_USA,,2,,,"If we don't hold everyone to the same standards during the #GOPDebates, what are they worth?",,2015-08-06 22:16:29 -0700,629521472260739072,Link to my photography. ,Pacific Time (US & Canada) -8794,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6475,,GizmoOlder,,0,,,"#GOPDebates -As Larry Wilmore #thenightlyshow says ""the unblackening of America"" continues. (sorry, Carson doesn't have a chance).",,2015-08-06 22:15:57 -0700,629521338605113345,moved from CA to NC, -8795,Donald Trump,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,Dana_K_DiSantis,,0,,,"""Santa Claus is Coming to Town"" NEEDS a reboot because #DonaldTrump was born to play the Burgermeister Meisterburger! #GOPDebates GOOGLE IT",,2015-08-06 22:15:11 -0700,629521144169799680,The Berkshires,Eastern Time (US & Canada) -8796,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ondu1,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates: Ten… http://t.co/sqgGLTv0gT,,2015-08-06 22:15:07 -0700,629521127975591936,Manchester UK,London -8797,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,NKOTB_dannyGirl,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 22:14:18 -0700,629520920584040448,germany Nürnberg,Berlin -8798,No candidate mentioned,1.0,yes,1.0,Neutral,0.6227,None of the above,1.0,,ArmorCavSpin,,3,,,RT @MrLTavern: No problem #Waiting4Palin after seeing the first few minutes of these first #GOPDebates https://t.co/2TdoLCYaIy @PoliticalEQ…,,2015-08-06 22:13:25 -0700,629520701507043328, Los Angeles California USA,Pacific Time (US & Canada) -8799,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,Racial issues,0.6667,,EMixxMusic,,0,,,my black friends are talking about #COMPTON . my white friends are talking about the #GOPdebates . #ipeepgame . #anybodyelseseethisish,,2015-08-06 22:12:54 -0700,629520571299201024,"Tacoma, Washington",Alaska -8800,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PettiefrHH,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 22:12:38 -0700,629520504492326912,"Williamsburg, Va",Indiana (East) -8801,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,Maxinerunner,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 22:12:07 -0700,629520372954755072,,Atlantic Time (Canada) -8802,No candidate mentioned,0.46299999999999997,yes,0.6804,Negative,0.6804,None of the above,0.46299999999999997,,kojikabu,,0,,,What hashtag do I use to vote for all these candidates to receive injuries and illnesses and descend into poverty? #GOPDebates,,2015-08-06 22:11:56 -0700,629520328679686144,mars transfer orbit,Quito -8803,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AndrewsHarley,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:11:35 -0700,629520238732640259,, -8804,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RossDaniel7,,0,,,#Dems have gone from denying the fact they are #Socialist to openly supporting one. #GOPDebates #tcot #rednationrising #GOP #BernieSanders,,2015-08-06 22:11:33 -0700,629520232005173249,Poland, -8805,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,theratzpack,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:11:13 -0700,629520145690529792,,Quito -8806,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Diego39577964,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:09:26 -0700,629519696287633408,, -8807,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,conserva8,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:08:59 -0700,629519582735110144,,Mountain Time (US & Canada) -8808,Marco Rubio,1.0,yes,1.0,Positive,0.6947,None of the above,1.0,,arsestvita,,0,,,"#GOPDebates Winners IMO: Marco Rubio, Rand Paul, John Kasich and Carly Fiorina",,2015-08-06 22:08:40 -0700,629519506776285185,land of living skies // yxe,Central Time (US & Canada) -8809,No candidate mentioned,1.0,yes,1.0,Positive,0.6658,None of the above,1.0,,BlancoDiddy,,0,,,@DonnieWahlberg I am looking more forward to the SNL spoof of the #GOPDebates AND #DemocraticDebates. When does THAT air again?,,2015-08-06 22:08:28 -0700,629519455857455104,from another city,Pacific Time (US & Canada) -8810,No candidate mentioned,1.0,yes,1.0,Neutral,0.6277,None of the above,1.0,,cassilclark,,0,,,Hospitals On Stand By Awaiting GOP Debate Drinking Game Participants #gopdebates #publicservice http://t.co/kC31he6eXF,,2015-08-06 22:08:18 -0700,629519410462507008,"Uptown, Denver, Co",Mountain Time (US & Canada) -8811,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,FOX News or Moderators,0.6667,,Frankb550,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:08:15 -0700,629519398919868417,Maryland , -8812,Donald Trump,1.0,yes,1.0,Neutral,0.3404,Women's Issues (not abortion though),0.6702,,responsipreneur,,0,,,Trump answers @megynkelly question about his insulting women with an insult. Can't wait 'til he starts in on @RondaRousey #GOPDebates,,2015-08-06 22:08:14 -0700,629519394373173249,Colorado,Mountain Time (US & Canada) -8813,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,geekiestwoman,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:08:13 -0700,629519392758300672,"Fort Worth, TX", -8814,No candidate mentioned,0.4393,yes,0.6628,Negative,0.6628,None of the above,0.4393,,Vaprrenon,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 22:07:40 -0700,629519254577094656,Isilldorn, -8815,Donald Trump,1.0,yes,1.0,Negative,0.6071,FOX News or Moderators,1.0,,Animal1984Farm,,0,,,"@realDonaldTrump won, @FoxNews @megynkelly Chris 'goofy glasses' Wallace lost favor. #GOPDebates",,2015-08-06 22:07:35 -0700,629519231894188032,TX,Mountain Time (US & Canada) -8816,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CalFreedomMom,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:07:32 -0700,629519218338234368,(SoCal),Pacific Time (US & Canada) -8817,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,1.0,,Welsh58,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:07:17 -0700,629519155708821504,, -8818,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,Meli6402,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:07:03 -0700,629519098137833472,, -8819,No candidate mentioned,1.0,yes,1.0,Negative,0.6389,FOX News or Moderators,1.0,,Scattermae777M,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 22:06:20 -0700,629518918453825536,, -8820,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Boozetique,,0,,,Who had a drink? and watched the #GOPdebates https://t.co/maEez9gdlX,,2015-08-06 22:06:03 -0700,629518848077746176,315 East Broadway Downtown SLC,Arizona -8821,Donald Trump,1.0,yes,1.0,Neutral,0.3441,FOX News or Moderators,0.6667,,LemonMeringue19,,0,,,MSNBC got it right: RNC let Fox handle this because RNC wanted field narrowed and didn't wanna do it. Clearly agenda = ax Trump. #GOPDebates,,2015-08-06 22:05:26 -0700,629518689323380736,"Kansas, USA",Pacific Time (US & Canada) -8822,No candidate mentioned,0.4539,yes,0.6737,Negative,0.3474,Religion,0.23399999999999999,,jordymendoza,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 22:05:22 -0700,629518674001440768,,Pacific Time (US & Canada) -8823,Donald Trump,1.0,yes,1.0,Negative,0.6745,None of the above,1.0,,SteveSebelius,,1,,,"RT @Glenn_CookNV: My reaction to tonight's ""debates"": The beginning of the end for The Donald. http://t.co/6OEonrUAJ1 #GOPDebates #lvrj",,2015-08-06 22:05:17 -0700,629518652304289792,"Las Vegas, Nevada, USA",Pacific Time (US & Canada) -8824,Mike Huckabee,1.0,yes,1.0,Negative,0.6552,Racial issues,0.3448,,_Gampr,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 22:04:21 -0700,629518418513932288,To Hell and back,Athens -8825,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JWbananastand,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 22:04:20 -0700,629518413149417472,, -8826,No candidate mentioned,0.4247,yes,0.6517,Neutral,0.6517,None of the above,0.4247,,jjauthor,,2,,,"RT @learjetter: 3:15 hr #Learjet flight earlier, #Dallas to #Monterrey #California. Missed the #GOPDebates, who shined? @Lrihendry @healtha…",,2015-08-06 22:03:43 -0700,629518257238601728,"Nevada, USA",Pacific Time (US & Canada) -8827,No candidate mentioned,1.0,yes,1.0,Positive,0.6818,None of the above,1.0,,RetireRush,,5,,,RT @b140tweet: Rip #AnnRichards... She has it right.. We needed her for President #GOPDEBATES #STOPRUSH http://t.co/uw5AXjzMXC,,2015-08-06 22:00:42 -0700,629517499059539968,,Pacific Time (US & Canada) -8828,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6909,,fiddlestix007,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 22:00:28 -0700,629517441060581376,Around,Pacific Time (US & Canada) -8829,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Trump_Supporter,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 22:00:22 -0700,629517414347051008,"Alabama, USA", -8830,Chris Christie,0.68,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DEMAGOGSSUCK,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:59:54 -0700,629517299553316864,, -8831,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Lridesagain,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:59:35 -0700,629517219802836992,, -8832,No candidate mentioned,0.4553,yes,0.6748,Positive,0.6748,None of the above,0.4553,,OecSmith,,23,,,RT @joeykramer: @Aerosmith Headed out to the #GOPDebates in Cleveland should be interesting #MotleyCrue,,2015-08-06 21:58:21 -0700,629516908048461824,Texas, -8833,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TJMNY,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:58:17 -0700,629516891221032960,, -8834,Ted Cruz,1.0,yes,1.0,Negative,0.6277,None of the above,1.0,,LVNancy3,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:58:16 -0700,629516886896578560,#WeAreN, -8835,No candidate mentioned,0.6502,yes,1.0,Negative,0.6502,None of the above,1.0,,carlis_taylor,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:57:11 -0700,629516615210659841,"Elizabethtown, Ky", -8836,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,wakeuppeopleSOS,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:56:58 -0700,629516560634281984,, -8837,No candidate mentioned,1.0,yes,1.0,Negative,0.6675,FOX News or Moderators,1.0,,Jimbobbarley,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:56:50 -0700,629516524764577792,AMERICA HOME OF THE BRAVE,Central Time (US & Canada) -8838,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DickShines,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:56:17 -0700,629516389733298176,, -8839,No candidate mentioned,0.6634,yes,1.0,Neutral,0.6634,Gun Control,1.0,,ursulakoenig,,0,,,Did anyone talk gunsense? #gopdebates #sickofbenghazi,,2015-08-06 21:56:08 -0700,629516351330103296,San Diego. Baja.,Alaska -8840,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,chey_happy,,0,,,We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,"[31.4184892, 74.2857401]",2015-08-06 21:53:19 -0700,629515641926475776,, -8841,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,FOX News or Moderators,0.4642,,TenSecondCynic,,1,,,Fox News didn't ask one of the #GOPDebates candidates what they planned to do about Mall Walkers.,,2015-08-06 21:53:09 -0700,629515600969211904,"Chicago, USA",Central Time (US & Canada) -8842,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,Glenn_CookNV,,1,,,"My reaction to tonight's ""debates"": The beginning of the end for The Donald. http://t.co/6OEonrUAJ1 #GOPDebates #lvrj",,2015-08-06 21:53:06 -0700,629515585240481792,"Las Vegas, NV",Arizona -8843,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bobapopov,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:53:04 -0700,629515577191759872,(Europe),Amsterdam -8844,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tigereye2012Dr,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:52:49 -0700,629515515543695360,,Pacific Time (US & Canada) -8845,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,None of the above,1.0,,AngelaOstrander,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:52:47 -0700,629515506299437056,"Puyallup, WA",Pacific Time (US & Canada) -8846,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,suzannemc1967,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:52:43 -0700,629515491724259328,South Dakota, -8847,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6809,,GinaGPerry,,0,,,So many mixed feelings... Crying over Jon Stewart and LMAO over the #GOPdebates. — thinking about the meaning of life,,2015-08-06 21:52:41 -0700,629515480882003969,47619, -8848,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,judithwhoshort,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:52:10 -0700,629515351294935041,"Hampton Roads, VA",Eastern Time (US & Canada) -8849,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,Trump_Supporter,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:51:47 -0700,629515255668871168,"Alabama, USA", -8850,No candidate mentioned,0.3974,yes,0.6304,Positive,0.6304,None of the above,0.3974,,ILIAISAACS0360,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:51:29 -0700,629515181085822976,, -8851,Ted Cruz,0.7021,yes,1.0,Neutral,0.6269,None of the above,1.0,,wheeekmom,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:51:16 -0700,629515124311760896,Georgia,Atlantic Time (Canada) -8852,No candidate mentioned,0.4255,yes,0.6523,Negative,0.6523,FOX News or Moderators,0.4255,,HomerWhite,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:51:06 -0700,629515082188357632,,Tehran -8853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,Blindslick,,26,,,RT @Desdemona4U: It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t…,,2015-08-06 21:50:17 -0700,629514879930630144,, -8854,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,emily_emilydaw1,,23,,,RT @joeykramer: @Aerosmith Headed out to the #GOPDebates in Cleveland should be interesting #MotleyCrue,,2015-08-06 21:50:01 -0700,629514811701886976,, -8855,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,Desdemona4U,,26,,,It was unfathomable that @megynkelly would ask Wasserman-Schultz to do a postmortem on the #GOPDebates. #SURREAL https://t.co/O3RfEcfbkP,,2015-08-06 21:49:52 -0700,629514772304637952,Southern United States,Eastern Time (US & Canada) -8856,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6559,,TwiliteRoze,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 21:49:36 -0700,629514707276288000,Philadelphia,Eastern Time (US & Canada) -8857,No candidate mentioned,0.6311,yes,1.0,Negative,0.6835,FOX News or Moderators,0.6311,,TwiliteRoze,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:49:16 -0700,629514621645389824,Philadelphia,Eastern Time (US & Canada) -8858,Ted Cruz,1.0,yes,1.0,Negative,0.3444,None of the above,1.0,,Menorah9,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:49:13 -0700,629514609297264640,, -8859,Ted Cruz,0.6932,yes,1.0,Negative,0.6932,None of the above,0.6591,,Szrti716,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:49:03 -0700,629514569342255104,Wisconsin, -8860,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,TwiliteRoze,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:48:22 -0700,629514396402905088,Philadelphia,Eastern Time (US & Canada) -8861,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Daradondo,,0,,,So @HillaryClinton was chillin wit @kanyewest during the #GopDebates tho?? #Gangsta,,2015-08-06 21:46:55 -0700,629514031208886272,"ÜT: 35.0712704,-98.2199027",Central Time (US & Canada) -8862,No candidate mentioned,0.6563,yes,1.0,Neutral,1.0,None of the above,1.0,,ZanP,,0,,,#GOPDebates Report Card http://t.co/1SCdpilTLH @tedcruz,,2015-08-06 21:46:32 -0700,629513933309673472, Constitutional Republic ,Central Time (US & Canada) -8863,No candidate mentioned,0.4495,yes,0.6705,Positive,0.6705,None of the above,0.4495,,suburbandixie,,0,,,loved watching the #GOPdebates tonight. Lot of good stuff & some not so good stuff. Really enjoyed watching it with my daughter & discussing,,2015-08-06 21:45:30 -0700,629513673493643264,"Clear Lake, IA ",Central Time (US & Canada) -8864,Ted Cruz,1.0,yes,1.0,Negative,0.6531,None of the above,0.6735,,BigBoyBaker,,0,,,Cruz is being completely ignored. #GOPDebates,,2015-08-06 21:45:22 -0700,629513642124439552,"Indiana, U.S.A.",Eastern Time (US & Canada) -8865,No candidate mentioned,1.0,yes,1.0,Positive,0.7065,None of the above,1.0,,Nesha2795,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:44:46 -0700,629513489594187776,Texas Babe,America/Chicago -8866,Ted Cruz,0.6451,yes,1.0,Neutral,0.6765,None of the above,1.0,,wendeebendee,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:44:40 -0700,629513466420723712,"Durham,CA", -8867,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DesignerDeb3,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:44:32 -0700,629513432509755393,,Pacific Time (US & Canada) -8868,No candidate mentioned,1.0,yes,1.0,Negative,0.6737,None of the above,1.0,,Carey_78,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:44:26 -0700,629513407734128640,On my way,Central Time (US & Canada) -8869,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,perry1949,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:44:24 -0700,629513396933783552,...,Tehran -8870,Ted Cruz,0.6961,yes,1.0,Negative,0.3601,None of the above,1.0,,JOEROWE409,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:44:14 -0700,629513355292639232,,Central Time (US & Canada) -8871,Rand Paul,0.4218,yes,0.6495,Neutral,0.3402,None of the above,0.4218,,Gorams21,,5,,,"RT @SalMasekela: Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 21:44:09 -0700,629513336254627840,St.Louis Mo.,Central Time (US & Canada) -8872,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,amann37,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:43:52 -0700,629513265274572800,Bethlehem,Atlantic Time (Canada) -8873,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6395,,jeromeyee,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:43:39 -0700,629513207355314177,, -8874,Ted Cruz,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,Fitzzer777,,9,,,"RT @LeaSavoy: Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:43:15 -0700,629513107912552448,WA,Pacific Time (US & Canada) -8875,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,None of the above,0.4689,,coxplcutie,,19,,,"RT @BettyFckinWhite: So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:43:09 -0700,629513081715040256,NY,Eastern Time (US & Canada) -8876,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6842,,Ruby_DeSantiago,,5,,,RT @Izac_Wright: THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-06 21:42:55 -0700,629513024777236480,USofA,Central Time (US & Canada) -8877,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,Religion,0.6517,,SongH,,0,,,Can't wait to see the #SNL skits relating to the #GOPdebates or candidates... Make sure you mention God every other sentence.,,2015-08-06 21:42:46 -0700,629512985917169664,#Cleveland,Eastern Time (US & Canada) -8878,No candidate mentioned,0.4247,yes,0.6517,Negative,0.6517,None of the above,0.4247,,BettyFckinWhite,,19,,,"So many great jokes on Twitter tonight about the #GOPDebates, but not as many as there were on stage.",,2015-08-06 21:42:40 -0700,629512962215051264,I'm on the twitter.,Pacific Time (US & Canada) -8879,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Kerri1111,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:42:37 -0700,629512950810673152,California,Pacific Time (US & Canada) -8880,No candidate mentioned,1.0,yes,1.0,Positive,0.6702,None of the above,1.0,,4EAB,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:42:33 -0700,629512933224108032,New York State of Mind Gal!, -8881,Scott Walker,0.4025,yes,0.6344,Neutral,0.3441,,0.2319,,duxguitar,,2,,,RT @erictheteamster: Walkers main talking point was that he took on 100s of 1000s of union protesters and won. Waiting to hear how that hel…,,2015-08-06 21:42:20 -0700,629512876420567040,"Hollyville, USA",Central Time (US & Canada) -8882,No candidate mentioned,1.0,yes,1.0,Negative,0.664,FOX News or Moderators,1.0,,Taiko7225,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:42:13 -0700,629512849371623424,"Patuxent River, MD",Eastern Time (US & Canada) -8883,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,snoopytheonly,,0,,,"Too many clowns, not enough commercials #GOPdebates",,2015-08-06 21:41:59 -0700,629512791703969792,AZ,Arizona -8884,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,clark7950,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:41:53 -0700,629512764470358017,, -8885,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,CherryFyre,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:41:45 -0700,629512732174381057,"Northern New Jersey, America.", -8886,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6739,,BigBoyBaker,,0,,,Reagan was a democrat. So if Trump changed from a democrat to a republican then I'm okay with that. #GOPDebates,,2015-08-06 21:41:03 -0700,629512555254386688,"Indiana, U.S.A.",Eastern Time (US & Canada) -8887,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6696,,BarbArn,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 21:40:36 -0700,629512443295760384,"Las Vegas, NV",Pacific Time (US & Canada) -8888,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,FOX News or Moderators,0.4265,,LemonMeringue19,,0,,,#FoxNews didn't ask good questions. #GOPDebates #FoxDebate https://t.co/c7tQp8cUaF,,2015-08-06 21:39:51 -0700,629512250722807809,"Kansas, USA",Pacific Time (US & Canada) -8889,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,amentilone,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:39:50 -0700,629512247732215809,USA Gods country, -8890,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Emassey678,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:39:48 -0700,629512241210126337,"Greenville, SC", -8891,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Edwardodom,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:39:34 -0700,629512180103143424,TEXAS ,Central Time (US & Canada) -8892,Ted Cruz,0.6628,yes,1.0,Negative,1.0,None of the above,1.0,,cbellistweet,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 21:38:01 -0700,629511790251130880,"Philadelphia, PA 19130",Eastern Time (US & Canada) -8893,No candidate mentioned,1.0,yes,1.0,Positive,0.6706,None of the above,1.0,,TreyJGlover,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:37:43 -0700,629511717215563776,"Bismarck, ND", -8894,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,winkiechance,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:37:25 -0700,629511639243563012,setauket ny, -8895,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,cashaleer,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:37:14 -0700,629511593483743233,, -8896,Ted Cruz,1.0,yes,1.0,Positive,0.6517,None of the above,1.0,,LeaSavoy,,9,,,"Overall view on #GOPDebates... - -""I stayed home from work for this?"" - -My candidate choice has not changed 1 iota. - -#CruzCrew",,2015-08-06 21:35:29 -0700,629511152523870208,The Dark Side of Right,Pacific Time (US & Canada) -8897,No candidate mentioned,0.4491,yes,0.6701,Neutral,0.3412,None of the above,0.4491,,cmgrodi,,0,,,"""Raise your hand if you have ever been personally victimized by Regina George"" -#GOPDebates http://t.co/L0QdV4Qmth",,2015-08-06 21:34:59 -0700,629511027986681856,,Atlantic Time (Canada) -8898,No candidate mentioned,1.0,yes,1.0,Positive,0.6564,None of the above,1.0,,Acantiming70,,0,,,Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next. http://t.co/PpxQQZFl1t j8p,,2015-08-06 21:34:53 -0700,629511001340162048,, -8899,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,feehily_diane,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:34:35 -0700,629510927575027712,,Eastern Time (US & Canada) -8900,Donald Trump,1.0,yes,1.0,Positive,0.6593,Immigration,1.0,,SNIPER1776,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 21:33:48 -0700,629510731461820416,#gunrights #legalimmigration,Alaska -8901,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6452,,elleanorchin,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 21:33:15 -0700,629510592806531072,Portland Oregon,Pacific Time (US & Canada) -8902,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,soradeghgmailco,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:33:01 -0700,629510532068868096,IRAN-TEHRAN, -8903,Donald Trump,1.0,yes,1.0,Negative,0.643,FOX News or Moderators,1.0,,maatopdogg,,2,,,"RT @Samstwitch: Wow, everybody's tweeting about @FoxNews', @megynkelly's bad treatment of @realDonaldTrump and #GOPDebates! Agreed!",,2015-08-06 21:32:50 -0700,629510485751255040,, -8904,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.4444,,jusittletweet,,2,,,RT @bryanlvt: I want Trump to run as an independent. I want to see an army of pissed off women give him some much deserved humility #GOPDeb…,,2015-08-06 21:32:37 -0700,629510432143716353,,Pacific Time (US & Canada) -8905,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Jimbobbarley,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:31:58 -0700,629510270075822080,AMERICA HOME OF THE BRAVE,Central Time (US & Canada) -8906,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,1.0,,pimavalley_rob,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:31:55 -0700,629510258038169600,, -8907,Donald Trump,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,MaurerManor,,0,,,Initial GOP horse race. #GOPDebates 1.Trump 2.Cruz 3.Rubio 4. Kasich. Paul tanked by showing crybaby early.,,2015-08-06 21:31:52 -0700,629510245568544768,US,Arizona -8908,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3438,Racial issues,0.4444,,KingAntJohnson,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 21:31:41 -0700,629510197824761856,, -8909,No candidate mentioned,0.6409999999999999,yes,1.0,Negative,0.6409999999999999,FOX News or Moderators,0.6409999999999999,,RobertDaPatriot,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:31:37 -0700,629510182507167744,Dallas TX, -8910,Mike Huckabee,1.0,yes,1.0,Neutral,0.6354,Foreign Policy,0.6354,,FuckinQueer,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 21:31:20 -0700,629510108246994944,Gotham,Eastern Time (US & Canada) -8911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Cassie_Watkins1,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:31:12 -0700,629510077792129025,, -8912,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Chydotech,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:31:08 -0700,629510059890884608,"Biafra, Israel, Yemen, Japan,",Beijing -8913,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,Destinbeach22,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 21:31:07 -0700,629510054606163969,,Central Time (US & Canada) -8914,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,FOX News or Moderators,0.3923,,CindyMellinger,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:30:57 -0700,629510013103374338,Texas, -8915,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sgpope19,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:30:26 -0700,629509881326759936,GOD LOVING USA ,Eastern Time (US & Canada) -8916,Donald Trump,1.0,yes,1.0,Positive,0.6526,Immigration,0.6526,,UnitedCitizen01,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 21:30:24 -0700,629509874775228416,USA,Central Time (US & Canada) -8917,Scott Walker,1.0,yes,1.0,Negative,0.6383,Women's Issues (not abortion though),0.3617,,erictheteamster,,2,,,Walkers main talking point was that he took on 100s of 1000s of union protesters and won. Waiting to hear how that helped WI. #GOPdebates,,2015-08-06 21:30:17 -0700,629509846933598208,Atlanta,Eastern Time (US & Canada) -8918,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,davebraham1,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:30:10 -0700,629509817594286080,,Mountain Time (US & Canada) -8919,Jeb Bush,0.6444,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MAK560,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 21:29:58 -0700,629509764376997888,,Eastern Time (US & Canada) -8920,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Nntt26,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 21:29:39 -0700,629509684144177152,Mexico,Mexico City -8921,Donald Trump,1.0,yes,1.0,Neutral,0.6632,None of the above,1.0,,skhjams72,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 21:29:30 -0700,629509649234956288,Most likely near the snacks!, -8922,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MichelleLynn68,,0,,,@megynkelly you don't speak for me as a woman! Zero respect for you tonight. #GOPDebates #FOXNEWSDEBATE,,2015-08-06 21:29:12 -0700,629509571686592512,New Jersey,Quito -8923,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,slewfan,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:29:08 -0700,629509556532592640,USA,Eastern Time (US & Canada) -8924,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,DaveFiegen,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:28:40 -0700,629509439515594752,"Missouri, USA", -8925,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mckinleymat,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:28:39 -0700,629509435409494016,"Nashville, TN. Follows You",Central Time (US & Canada) -8926,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6531,,skhjams72,,5,,,RT @MashUpRich: Who will have the bigger boobs? #Hooterspageant on FoxSports1 or #GOPdebates on FOX News? http://t.co/ZoztDd3MVx,,2015-08-06 21:28:31 -0700,629509400403668992,Most likely near the snacks!, -8927,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,msdianesolomon,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:28:31 -0700,629509399736758272,"California, USA", -8928,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Patriotic_Me,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:28:24 -0700,629509371689472000,"Los Angeles, CA",Pacific Time (US & Canada) -8929,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,zap_joe,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:28:16 -0700,629509339863126016,, -8930,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6748,,0b250bcd98d2494,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 21:28:00 -0700,629509270912892928,"Montana, USA", -8931,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,lizwilde,,0,,,"Hundreds of millions of us did this tonight...Bwhahaha! -#GOPdebates #lizwildeshow http://t.co/2e5PjxjHXu",,2015-08-06 21:27:29 -0700,629509141137108992,,Eastern Time (US & Canada) -8932,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BigBoyBaker,,0,,,Rubio is by far the best speaker. #GOPDebates,,2015-08-06 21:27:18 -0700,629509092814536704,"Indiana, U.S.A.",Eastern Time (US & Canada) -8933,Chris Christie,1.0,yes,1.0,Negative,0.6843,FOX News or Moderators,0.6289,,RockRidgeAZ,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:26:39 -0700,629508931375595520,bunker in del Boca Vista West ,Arizona -8934,Donald Trump,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,BigBoyBaker,,0,,,Many great businesses use the bankruptcy laws. Trump did what a lot of businesses have done. #GOPDebates,,2015-08-06 21:26:12 -0700,629508818083442688,"Indiana, U.S.A.",Eastern Time (US & Canada) -8935,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,UTHornsRawk,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:26:05 -0700,629508788203073536,, -8936,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,oscarfc0311,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:25:50 -0700,629508725733261312,, -8937,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JNYUTAH,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:25:41 -0700,629508689477500928,@JohnnyUtahsNYC,Mazatlan -8938,No candidate mentioned,0.4401,yes,0.6634,Neutral,0.3366,FOX News or Moderators,0.4401,,LinFlies,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:25:41 -0700,629508688030478336,"San Diego, CA USA",Pacific Time (US & Canada) -8939,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.6383,None of the above,0.4074,,lizwilde,,0,,,"300 million of us did just this tonight...bwhahahhaha! -#GOPdebates #lizwildeshow",,2015-08-06 21:25:21 -0700,629508605629345792,,Eastern Time (US & Canada) -8940,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,1,,,RT @scottaxe: #GOPdebates @JohnKasich if you look at substance he needs to be in the discussion. He has been successful at every turn.,,2015-08-06 21:24:23 -0700,629508360702787585,Viva Las Vegas NV.,Pacific Time (US & Canada) -8941,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Blackcatprowl3,,0,,,"#GOPDebates winners? Candidates Paul, Kasich & Carson. #politics #GOPDebate",,2015-08-06 21:23:51 -0700,629508226388783104,,Eastern Time (US & Canada) -8942,Donald Trump,1.0,yes,1.0,Negative,0.7126,Women's Issues (not abortion though),0.7126,,signalhz,,3,,,RT @Chic4USA: Aaaand #megynfail brings in DNC chair to take down Trump thru women's rights. My gender once again used as fear tool. Ugh #GO…,,2015-08-06 21:23:42 -0700,629508189801811968,,Eastern Time (US & Canada) -8943,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,1.0,,lshafran,,3,,,RT @david_w_ross: So here I am watching the jerry springer show and suddenly realized it's the #foxnews #GOPdebates !?,,2015-08-06 21:23:40 -0700,629508179261435904,For bookings contact @lshafran,Central Time (US & Canada) -8944,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JoGragg,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:23:40 -0700,629508178456276992,Tennessee,Eastern Time (US & Canada) -8945,Ted Cruz,0.4805,yes,0.6932,Negative,0.6932,None of the above,0.4805,,Bivi0413,,0,,,Disappointed that the two most brilliant didn't get nearly enough talk time. #GOPDebates @tedcruz @RealBenCarson,,2015-08-06 21:23:40 -0700,629508178443677696,"Smalltown, SC USA", -8946,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Foreign Policy,0.6667,,deoninafrica,,57,,,RT @PamelaGeller: Jim Gilmore is clueless on #ISIS. It's not a state? They already rule an area larger than the United Kingdom. #GOPdebates,,2015-08-06 21:23:38 -0700,629508172470857728,,Central Time (US & Canada) -8947,No candidate mentioned,1.0,yes,1.0,Negative,0.6766,FOX News or Moderators,1.0,,TatsNHeelz,,0,,,@seanhannity needs to be a moderator on the next debate! #GOPDebates,,2015-08-06 21:22:57 -0700,629507999220957184,Oklahoma,Central Time (US & Canada) -8948,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,1,,,#GOPdebates @JohnKasich if you look at substance he needs to be in the discussion. He has been successful at every turn.,,2015-08-06 21:22:15 -0700,629507825153150976,Los Angeles , -8949,Chris Christie,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,MalloryKrause,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 21:22:14 -0700,629507819683844096,, -8950,No candidate mentioned,1.0,yes,1.0,Negative,0.6477,FOX News or Moderators,0.6477,,wontSTAN4that,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 21:22:09 -0700,629507799739944960,PA,Eastern Time (US & Canada) -8951,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.7033,,damonbethea1,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 21:22:04 -0700,629507777417904128,"Penn Hills, PA ( Pittsburgh ) ",Eastern Time (US & Canada) -8952,John Kasich,0.6843,yes,1.0,Positive,0.6843,None of the above,1.0,,LemonMeringue19,,0,,,"@wkdental Only Kasich came across as a sensible, decent and rational human being. Out of all of them! #GOPDebates",,2015-08-06 21:21:53 -0700,629507731163058176,"Kansas, USA",Pacific Time (US & Canada) -8953,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6842,,bonniemar,,3,,,"RT @annleary: ""My record is clear. I hate women who want affordable birth control and STD screenings."" #GOPDebates",,2015-08-06 21:21:44 -0700,629507693598871552,,Eastern Time (US & Canada) -8954,No candidate mentioned,1.0,yes,1.0,Positive,0.6703,None of the above,0.6703,,mnast05,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:21:40 -0700,629507676461006848,Frankfurt,Athens -8955,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,phillipambrose,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:21:31 -0700,629507640993845248,,Pacific Time (US & Canada) -8956,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gabrieldmay,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:21:31 -0700,629507640419352576,Hattiesburg,Central Time (US & Canada) -8957,Ted Cruz,0.6599,yes,1.0,Negative,1.0,None of the above,0.6526,,ZanP,,0,,,Only Merchants of Death could speak so callously! God Speed @TedCruz #GOPDebates https://t.co/DMlCCl31kd,,2015-08-06 21:21:04 -0700,629507527231672320, Constitutional Republic ,Central Time (US & Canada) -8958,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7029,,miamidecor,,3,,,"RT @PuestoLoco: .@miamidecor -Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http:…",,2015-08-06 21:20:29 -0700,629507380045316096,assholes don't always get away,Eastern Time (US & Canada) -8959,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,0.6615,,StaleRemedies,,10,,,RT @WMUR9: What do you think of this statement from @realdonaldtrump? #GOPDebates http://t.co/lxOUEGlvKj,,2015-08-06 21:20:22 -0700,629507350945222657,New England,Pacific Time (US & Canada) -8960,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6739,,josephparkhurst,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:20:21 -0700,629507344573935616,"Tucson, az", -8961,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,wkdental,,0,,,Who watched the #GOPDebates tonight? Do you have an opinion on the winner?,,2015-08-06 21:20:09 -0700,629507296683495424,"Buffalo, NY",Eastern Time (US & Canada) -8962,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,SacTownDJs,,0,,,“Are We Being Punk’d?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/T4k0yUu7J1,,2015-08-06 21:20:03 -0700,629507269558845440,Mackramento - KiLLaIFORNIA,Pacific Time (US & Canada) -8963,Donald Trump,1.0,yes,1.0,Positive,0.6786,FOX News or Moderators,1.0,,residentfFL,,2,,,"RT @ProfessorRobo: To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDeba…",,2015-08-06 21:19:59 -0700,629507253674971136,, -8964,Donald Trump,1.0,yes,1.0,Positive,0.6996,Immigration,1.0,,MrNiceRing,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 21:19:57 -0700,629507246112649217,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8965,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,penelopesire,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:19:56 -0700,629507239800279040,great state of Texas!, -8966,Donald Trump,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,1.0,,MrNiceRing,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 21:19:54 -0700,629507233395572736,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8967,Rand Paul,0.6941,yes,1.0,Negative,1.0,None of the above,1.0,,MrNiceRing,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 21:19:51 -0700,629507218799333376,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8968,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,VoiceOverPerson,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:19:44 -0700,629507189175099392,Georgia,Eastern Time (US & Canada) -8969,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,geekiestwoman,,0,,,#GOPDebates THE NEWS MEDIA label themselves 'journalists' even though not a single one of them can report their way out of a wet paper sack.,,2015-08-06 21:19:35 -0700,629507152634228736,"Fort Worth, TX", -8970,Jeb Bush,1.0,yes,1.0,Negative,0.6609999999999999,None of the above,0.6609999999999999,,MrNiceRing,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:19:21 -0700,629507094010466305,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8971,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6593,,ErzsebetSonder,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 21:19:20 -0700,629507088801083392,"Texas, USA",Central Time (US & Canada) -8972,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,voodoodreams,,3,,,RT @Chic4USA: Aaaand #megynfail brings in DNC chair to take down Trump thru women's rights. My gender once again used as fear tool. Ugh #GO…,,2015-08-06 21:18:53 -0700,629506975735218176,on earth *LOL*,America/Chicago -8973,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Jons_Knightnut,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:18:52 -0700,629506973482913792,Between Jon & Harley!,Eastern Time (US & Canada) -8974,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,tammy_leonhardt,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:18:44 -0700,629506938049425408,, -8975,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MrNiceRing,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:18:44 -0700,629506936686284800,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8976,No candidate mentioned,0.4025,yes,0.6344,Positive,0.6344,None of the above,0.4025,,YY3SKY,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:18:42 -0700,629506931821019137,"Barquisimeto, Estado Lara, Ven",Caracas -8977,Donald Trump,0.4402,yes,0.6635,Negative,0.6635,FOX News or Moderators,0.4402,,MrNiceRing,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 21:18:26 -0700,629506863952846848,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8978,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,healthandcents,,2,,,"RT @learjetter: 3:15 hr #Learjet flight earlier, #Dallas to #Monterrey #California. Missed the #GOPDebates, who shined? @Lrihendry @healtha…",,2015-08-06 21:18:17 -0700,629506825356873730,AZ TX www.MedExpertChile.com ,Arizona -8979,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,absabella,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 21:18:16 -0700,629506819187085312,New York,Central Time (US & Canada) -8980,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MrNiceRing,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:18:10 -0700,629506794360979456,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8981,Jeb Bush,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,dmcrane,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 21:18:03 -0700,629506765176967169,"San Tan Valley, AZ",Arizona -8982,John Kasich,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,bubblegenius,,4,,,"RT @Will_Bunch: So smart of Kasich to say, essentially, ""I hear the concerns of Trump voters except that I'm sane"" #GOPDebates",,2015-08-06 21:17:57 -0700,629506742536134656,Beautiful downtown Burbank!,Pacific Time (US & Canada) -8983,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,NKOTBBRASIL,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:17:51 -0700,629506714358915072,RIO DE JANEIRO - BRASIL,Brasilia -8984,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6517,,MrNiceRing,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 21:17:47 -0700,629506700219789312,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8985,Donald Trump,1.0,yes,1.0,Negative,0.6922,None of the above,0.6922,,KarenMonsour12,,2,,,"RT @ProfessorRobo: To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDeba…",,2015-08-06 21:17:44 -0700,629506688303783936,"Southeast, FL (Real Estate)",Eastern Time (US & Canada) -8986,Donald Trump,1.0,yes,1.0,Positive,0.6591,None of the above,1.0,,Debofolorunsho,,0,,,"I have no intention of voting for Trump, but love this guy brand and i wil give him credit for stirring things up #SummerofTrump #GOPDebates",,2015-08-06 21:17:40 -0700,629506668439605249,Africa,Eastern Time (US & Canada) -8987,No candidate mentioned,1.0,yes,1.0,Negative,0.6783,FOX News or Moderators,1.0,,sassyandcowgirl,,1,,,RT @DCordrey1: Kelly is less credible now @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates,,2015-08-06 21:17:37 -0700,629506655986712576,Red-Hip-Cowgirl in Blue State,Pacific Time (US & Canada) -8988,Ben Carson,0.6842,yes,1.0,Positive,1.0,None of the above,1.0,,nicholassabalos,,0,,,"IMHO two DC-outsiders/non-#politicians ""trumped"" the #GOPdebates tonight: @RealBenCarson & @CarlyFiorina. #tcot #Election2016",,2015-08-06 21:17:24 -0700,629506602022907906,"Winter Park, FL, USA or At-Sea",Eastern Time (US & Canada) -8989,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MrNiceRing,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:17:11 -0700,629506549958848512,"Shawnee, Oklahoma USA",Central Time (US & Canada) -8990,John Kasich,1.0,yes,1.0,Negative,0.7093,None of the above,1.0,,KatySkyGroup,,4,,,"RT @Will_Bunch: So smart of Kasich to say, essentially, ""I hear the concerns of Trump voters except that I'm sane"" #GOPDebates",,2015-08-06 21:16:58 -0700,629506493528735744,"Dallas, Texas",Eastern Time (US & Canada) -8991,No candidate mentioned,1.0,yes,1.0,Positive,0.6625,None of the above,1.0,,baureguard,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 21:16:44 -0700,629506437123866624,, -8992,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NashvilePatriot,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 21:16:42 -0700,629506426449326080,, -8993,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Alasscan_,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 21:16:23 -0700,629506346874900480,,Central Time (US & Canada) -8994,Donald Trump,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,MSMisPropaganda,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 21:16:14 -0700,629506308853530624,America,Alaska -8995,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,FOX News or Moderators,1.0,,NashvilePatriot,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:16:10 -0700,629506291975761920,, -8996,John Kasich,0.6889,yes,1.0,Negative,0.6333,None of the above,0.6889,,LoriLib,,4,,,"RT @Will_Bunch: So smart of Kasich to say, essentially, ""I hear the concerns of Trump voters except that I'm sane"" #GOPDebates",,2015-08-06 21:15:59 -0700,629506248560521216,FL, -8997,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:15:55 -0700,629506228473962496,Milan-Italy,Rome -8998,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,jacriddle13,,1,,,RT @notdramadriven: #GOPDebates @ScottWalker #Democrats can't even find one good candidate #truthbomb,,2015-08-06 21:15:50 -0700,629506210778251264,, -8999,No candidate mentioned,0.3943,yes,0.6279,Negative,0.6279,FOX News or Moderators,0.3943,,DCordrey1,,1,,,Kelly is less credible now @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates,,2015-08-06 21:15:43 -0700,629506177710342145,Macon GA & Destin FL,Eastern Time (US & Canada) -9000,No candidate mentioned,1.0,yes,1.0,Neutral,0.6642,None of the above,1.0,,GWPeterK,,0,,,"Fair point. 17 candidates, 2 #GOPDebates is a hard way to get a real feel. It's a long primary process just starting https://t.co/Py0jHseJtO",,2015-08-06 21:15:41 -0700,629506171783790592,"Washington, DC",Eastern Time (US & Canada) -9001,Donald Trump,0.6921,yes,1.0,Negative,0.6701,FOX News or Moderators,0.6701,,smeehleib,,3,,,RT @msgoddessrises: FTW Ron. You nailed it he came close to telling Megyn to shut up. #Trump #GOPDebates https://t.co/2U15vmQLUD,,2015-08-06 21:15:15 -0700,629506061037379584,"West Virginia, USA",Eastern Time (US & Canada) -9002,Donald Trump,0.4652,yes,0.6821,Negative,0.3468,FOX News or Moderators,0.4652,,ProfessorRobo,,1,,,"To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDebates -@washingtonpost",,2015-08-06 21:14:46 -0700,629505941889794048,Las Vegas,Pacific Time (US & Canada) -9003,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,counselorfrog,,0,,,search the #GOPDebates hashtag for a good laugh,,2015-08-06 21:14:37 -0700,629505903738249216,tx, -9004,Donald Trump,1.0,yes,1.0,Negative,0.6341,FOX News or Moderators,0.6829,,ProfessorRobo,,2,,,"To start th evening, RNC moderators dropped Atom Bomb on #Trump -...Trump kicked it thru th uprights #GOPDebate #GOPDebates -@KarenMonsour12",,2015-08-06 21:14:19 -0700,629505825938243584,Las Vegas,Pacific Time (US & Canada) -9005,Ben Carson,1.0,yes,1.0,Positive,0.6382,None of the above,1.0,,Terry_Jim,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 21:14:14 -0700,629505806682165248,Iowa's Leading Edge™,Central Time (US & Canada) -9006,John Kasich,0.6818,yes,1.0,Positive,0.3661,None of the above,1.0,,stephgracenola,,4,,,"RT @Will_Bunch: So smart of Kasich to say, essentially, ""I hear the concerns of Trump voters except that I'm sane"" #GOPDebates",,2015-08-06 21:14:13 -0700,629505801825054720,"New Orleans, LA",Central Time (US & Canada) -9007,Jeb Bush,1.0,yes,1.0,Negative,0.3523,None of the above,0.6705,,woitekj,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 21:14:12 -0700,629505799547715584,,Eastern Time (US & Canada) -9008,Donald Trump,0.639,yes,1.0,Negative,1.0,None of the above,1.0,,Will_Bunch,,4,,,"So smart of Kasich to say, essentially, ""I hear the concerns of Trump voters except that I'm sane"" #GOPDebates",,2015-08-06 21:13:57 -0700,629505734666010624,Philly,Central Time (US & Canada) -9009,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CallunaAilish,,1,,,RT @GizmoOlder: @nytimes #Trump2016 spoke more but said less in #GOPDebates,,2015-08-06 21:13:38 -0700,629505654571540480,Eastern North Carolina, -9010,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.3333,Religion,0.4171,,gazawy__mido91,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 21:13:35 -0700,629505643574099969,, -9011,No candidate mentioned,0.4385,yes,0.6622,Negative,0.6622,FOX News or Moderators,0.4385,,redmanblackdog,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:13:26 -0700,629505605384798208,, -9012,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CMIYKEILAH,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:12:50 -0700,629505454196953088,Toronto/FLGulfCoast/PacificNW,Pacific Time (US & Canada) -9013,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.2404,,LemonMeringue19,,0,,,Because GOP is on the WRONG side of all those issues. #GOPDebates #FoxNews #FoxDebate https://t.co/KUuRPQyABY,,2015-08-06 21:11:41 -0700,629505165003988992,"Kansas, USA",Pacific Time (US & Canada) -9014,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AddictedToDdub,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:11:37 -0700,629505149413634048,Iowa,Eastern Time (US & Canada) -9015,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6903,,TheOthersReport,,3,,,RT @Chic4USA: Aaaand #megynfail brings in DNC chair to take down Trump thru women's rights. My gender once again used as fear tool. Ugh #GO…,,2015-08-06 21:11:36 -0700,629505141675302912,"Bentonville, AR, US",Eastern Time (US & Canada) -9016,No candidate mentioned,1.0,yes,1.0,Negative,0.6528,Religion,1.0,,gregminshall,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 21:11:07 -0700,629505021034516480,, -9017,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,geosplace,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:10:57 -0700,629504978206355457,"Watertown, Ma.",Quito -9018,No candidate mentioned,0.6786,yes,1.0,Negative,1.0,None of the above,1.0,,EastonWestwood,,1,,,RT @Raddmom: If the #GOPDebates keep going like this- I won't even bother going to the polls. @GOP @Reince that's a promise! #GOPDebate #Tr…,,2015-08-06 21:10:16 -0700,629504809461133312,Cayman Islands, -9019,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DanielGrayWorld,,0,,,In all seriousness #JohnKasich was the best in the debate tonight. #DonaldTrump is just a joke. #GOPDebates,,2015-08-06 21:09:43 -0700,629504671326044161,All Over The World,Eastern Time (US & Canada) -9020,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Jami_USA,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:09:37 -0700,629504645002440704,Link to my photography. ,Pacific Time (US & Canada) -9021,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,patrickfkevin,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:09:14 -0700,629504548755894272,Ohio,Eastern Time (US & Canada) -9022,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Diego39577964,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:09:06 -0700,629504515385896960,, -9023,Donald Trump,0.6785,yes,1.0,Negative,1.0,None of the above,1.0,,Raddmom,,1,,,If the #GOPDebates keep going like this- I won't even bother going to the polls. @GOP @Reince that's a promise! #GOPDebate #TrumpCruz2016,,2015-08-06 21:08:49 -0700,629504443898163204,"California, USA",Pacific Time (US & Canada) -9024,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sdxyz2,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:08:44 -0700,629504422398201857,,Pacific Time (US & Canada) -9025,No candidate mentioned,1.0,yes,1.0,Negative,0.7312,FOX News or Moderators,1.0,,jdjeff1112_luce,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:08:15 -0700,629504301363101696,, -9026,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,zachwilly9,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:08:02 -0700,629504247311302656,Marietta,Quito -9027,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,1.0,,knowitwill,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:07:45 -0700,629504174955196417,, -9028,No candidate mentioned,0.4642,yes,0.6813,Negative,0.3516,FOX News or Moderators,0.4642,,dmlewisretired,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:07:31 -0700,629504116931166208,Yavapai County, -9029,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CallidoraBeach,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:07:17 -0700,629504056172527616,MOΛΩN ΛABE #FinishTheFight USA,Pacific Time (US & Canada) -9030,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Chic4USA,,3,,,Aaaand #megynfail brings in DNC chair to take down Trump thru women's rights. My gender once again used as fear tool. Ugh #GOPDebates,,2015-08-06 21:07:11 -0700,629504031191355392,Don't irritate me w/ PC,Pacific Time (US & Canada) -9031,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MaryNeilson1,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:07:03 -0700,629504000467972096,mary@maryneilson.com,Eastern Time (US & Canada) -9032,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,FOX News or Moderators,0.4395,,Eric_Halliday,,0,,,"I really wish #JonStewart's last night wasn't on the same night as the #GOPDebates. Dick move, Fox. #JonVoyage",,2015-08-06 21:06:47 -0700,629503933321465856,"Parma Heights, OH",Quito -9033,No candidate mentioned,1.0,yes,1.0,Positive,0.3556,None of the above,1.0,,don_schaumburg,,3,,,RT @GallagherPreach: It is just me or can anyone else not wait for SNL this weekend for the debate coverage? #GOPdebates #GOPdebate,,2015-08-06 21:06:46 -0700,629503927541600256,, -9034,Donald Trump,1.0,yes,1.0,Neutral,0.3598,None of the above,1.0,,BigBoyBaker,,0,,,Trump gave to many politicians because they system is broken. He is telling us how it works and says it is wrong. #GOPDebates,,2015-08-06 21:06:44 -0700,629503920277168128,"Indiana, U.S.A.",Eastern Time (US & Canada) -9035,No candidate mentioned,1.0,yes,1.0,Negative,0.6691,FOX News or Moderators,1.0,,UTHornsRawk,,9,,,RT @sassyandcowgirl: WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:06:43 -0700,629503915776577537,, -9036,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,1.0,,faith4liberty,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:06:37 -0700,629503890996637696,Natural Born~USA,Central Time (US & Canada) -9037,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Texgalleslie,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:06:28 -0700,629503850148311040,Texas ,Mountain Time (US & Canada) -9038,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dmtryan,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:06:06 -0700,629503759450640385,, -9039,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,None of the above,0.465,,msilverwood19,,0,,,WTF is wrong with @DWStweets? Her issues are not real issues. Her issues cause division and don't solve anything. #GOPDebates #tcot #GOP,,2015-08-06 21:06:00 -0700,629503732091195392,Texas,Central Time (US & Canada) -9040,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.6517,,tw2113,,2,,,RT @deancameron: How many famous people petulantly threatened to move to Canada if one of the debaters won? #GOPDebate #GOPDebates,,2015-08-06 21:05:59 -0700,629503731457896448,"Sioux Falls, SD",Central Time (US & Canada) -9041,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,brian263murphy,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:05:55 -0700,629503713611284480,"Georgia, USA", -9042,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,MitsonMoore,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 21:05:37 -0700,629503638839255040,, -9043,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,0.6703,,c_largoRN,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:05:35 -0700,629503627766431744,South Florida,Eastern Time (US & Canada) -9044,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,OkieHen,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:05:34 -0700,629503624985489408,Ooooooklahoma, -9045,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3298,None of the above,0.4074,,Monet1926,,0,,,Oh ya the way to get swing voters over to Democrat side is to have Debbie Wasserman Schultz complaints ugh #GOPDebates,,2015-08-06 21:05:30 -0700,629503608141283330,Universe ,Atlantic Time (Canada) -9046,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,missypach,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 21:05:14 -0700,629503542844358656,, -9047,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6942,,GizmoOlder,,0,,,#GOPDebates #GOP2016 plan on building up military and cut taxes. How ya gonna pay for it? Bake sale? Steal more from SS?,,2015-08-06 21:04:59 -0700,629503479166447616,moved from CA to NC, -9048,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6818,,rhymeywords,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:04:28 -0700,629503350040457216,Republic of Texas,Central Time (US & Canada) -9049,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,brielynn_xx,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:04:28 -0700,629503349369405440,DE ,Eastern Time (US & Canada) -9050,Donald Trump,1.0,yes,1.0,Negative,0.6564,None of the above,0.6662,,tammy_leonhardt,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 21:04:27 -0700,629503342994046976,, -9051,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,MastersDarvin,,2,,,"RT @SupermanHotMale: Hey #GopDebates, Ronald Reagan has no relationship to you assholes, he pardoned millions of mexican americans #BOOM",,2015-08-06 21:04:23 -0700,629503326153879553,"Longview, WA", -9052,No candidate mentioned,1.0,yes,1.0,Negative,0.6239,Immigration,1.0,,HAWKSDEFENSE,,2,,,"RT @SupermanHotMale: Hey #GopDebates, Ronald Reagan has no relationship to you assholes, he pardoned millions of mexican americans #BOOM",,2015-08-06 21:04:08 -0700,629503264363380736,"Washington St., USA", -9053,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RNROklahoma,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:04:00 -0700,629503232222580736,The Sooner State ,Mountain Time (US & Canada) -9054,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fariajoe,,0,,,I don't like him. I'm not his friend. I'm not gonna call him by his nickname. It's John Bush not fucking Jeb Bush. #GOPDebates #enoughbush,,2015-08-06 21:03:53 -0700,629503202912813056,Standing right behind you.,Eastern Time (US & Canada) -9055,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JoeMacFan88,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:03:45 -0700,629503166866980865,"Philadelphia, PA",Eastern Time (US & Canada) -9056,No candidate mentioned,1.0,yes,1.0,Negative,0.3578,None of the above,1.0,,hausenw,,5,,,RT @b140tweet: Rip #AnnRichards... She has it right.. We needed her for President #GOPDEBATES #STOPRUSH http://t.co/uw5AXjzMXC,,2015-08-06 21:03:44 -0700,629503165197590528,"East Lansdowne, United States",Atlantic Time (Canada) -9057,Donald Trump,1.0,yes,1.0,Negative,0.6458,FOX News or Moderators,1.0,,oak523,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:03:39 -0700,629503142628052992,NJ,Eastern Time (US & Canada) -9058,Donald Trump,1.0,yes,1.0,Negative,0.6477,FOX News or Moderators,0.6818,,LemonMeringue19,,0,,,#FoxDebates hates Trump because he doesn't need Koch money. #GOPDebates,,2015-08-06 21:03:37 -0700,629503133912301568,"Kansas, USA",Pacific Time (US & Canada) -9059,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sassyandcowgirl,,9,,,WTH @megynkelly Do we really give a damn what @DWStweets lies about. #GOPDebates https://t.co/pY8ydiQkyA,,2015-08-06 21:03:37 -0700,629503133526286336,Red-Hip-Cowgirl in Blue State,Pacific Time (US & Canada) -9060,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,wompx2,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 21:03:36 -0700,629503131164872704,maybe Austin,Central Time (US & Canada) -9061,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SeaDimon,,1,,,RT @UnseeingEyes: In the #GOPDebates ...@CarlyFiorina & @RealBenCarson are the only two candidates I'd invite to my home for a great meal.,,2015-08-06 21:03:34 -0700,629503120641552384,"VA, DC, WV, NC, NJ, NY",Eastern Time (US & Canada) -9062,Donald Trump,1.0,yes,1.0,Negative,0.7174,None of the above,1.0,,parkerandcooley,,3,,,RT @mette_mariek: Donald Trump is @eddiepepitone's best character ever. #GOPDebates,,2015-08-06 21:03:23 -0700,629503077658292226,the happy valley,Eastern Time (US & Canada) -9063,Donald Trump,1.0,yes,1.0,Positive,0.6629999999999999,Immigration,1.0,,Mullarx,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 21:03:21 -0700,629503068120457217,illinois, -9064,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SharonMcCutchan,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 21:02:31 -0700,629502855989317632,America, -9065,No candidate mentioned,1.0,yes,1.0,Positive,0.7037,None of the above,1.0,,ScottPresler,,3,,,RT @MelissaFwu: Kicking off our #GOPDebates Watch Party with @scarlett_0hara #LeadRight2016 http://t.co/FCmSZqX77R,,2015-08-06 21:02:26 -0700,629502836678766592,Texas, -9066,No candidate mentioned,0.4373,yes,0.6613,Neutral,0.3387,None of the above,0.4373,,ScottPresler,,3,,,RT @MelissaFwu: Our watch party minutes before the #GOPDebates begin! #LeadRight2016 http://t.co/roeUk2NuEU,,2015-08-06 21:02:22 -0700,629502820782338048,Texas, -9067,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.6522,Foreign Policy,0.2339,,basim_008,,2,,,"RT @bpolitics: .@LindseyGrahamSC says we need a president who understands threats http://t.co/g9zQAKd8Zu #GOPdebates -https://t.co/ywVxhtBHEW",,2015-08-06 21:02:05 -0700,629502748451442688,"Dhahran, Saudi Arabia", -9068,Scott Walker,1.0,yes,1.0,Neutral,0.664,None of the above,1.0,,danjpalmer,,0,,,So far: first 2 campaigns to email me after the debate are @CarlyFiorina and @ScottWalker. Organization matters. #GOPDebates,,2015-08-06 21:02:05 -0700,629502747717595136,"ÜT: 35.9576,-78.550482",Central Time (US & Canada) -9069,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Bam2Knight,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:02:02 -0700,629502735675580416,California,Pacific Time (US & Canada) -9070,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,FOX News or Moderators,1.0,,BarryOCommunist,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:01:41 -0700,629502649000460288,WhereYouLeastExpectMe, -9071,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.6413,,allen_franco_,,5,,,RT @Izac_Wright: THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-06 21:01:39 -0700,629502641085747200,Springdale AR,Mountain Time (US & Canada) -9072,No candidate mentioned,0.4542,yes,0.6739,Positive,0.6739,None of the above,0.4542,,ALIHARAQUEL,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 21:01:39 -0700,629502640083337216,Lima / Perú,Greenland -9073,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jchangsoon,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 21:01:38 -0700,629502637164113920,"Bergenfield, NJ", -9074,No candidate mentioned,1.0,yes,1.0,Negative,0.6769,None of the above,1.0,,mohsaqr,,0,,,Last thing to care about #GOPDebate #GOPDebates #usa,,2015-08-06 21:01:04 -0700,629502492485754880,Egypt,Cairo -9075,No candidate mentioned,1.0,yes,1.0,Neutral,0.6571,None of the above,1.0,,Six_Jones,,0,,,"@Rocket_Gamera Pretty close to it, I'd say. In the meantime, where were we? Ah, comparing precious metal investments #GOPDebates",,2015-08-06 21:00:39 -0700,629502389033107456,,Arizona -9076,Jeb Bush,1.0,yes,1.0,Neutral,0.3371,Immigration,0.6629,,SharonMcCutchan,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 21:00:33 -0700,629502363993284608,America, -9077,No candidate mentioned,0.4356,yes,0.66,Neutral,0.34,None of the above,0.4356,,JefferyTHyde,,2,,,RT @ElliePTweet: Any one of these guys on his worst day is better than any democrat on their best day. #leadright2016 #GOPDebates,,2015-08-06 21:00:24 -0700,629502325250502656,"Greensboro, North Carolina",Atlantic Time (Canada) -9078,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,calebnbreece,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 21:00:23 -0700,629502318988300288,"Dakota City, Nebraska",Central Time (US & Canada) -9079,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,BigBoyBaker,,0,,,The fact that Jeb won't support his brother's decision to go Iraq is not something I like. You back your family. #GOPDebates,,2015-08-06 21:00:20 -0700,629502309731565568,"Indiana, U.S.A.",Eastern Time (US & Canada) -9080,No candidate mentioned,1.0,yes,1.0,Negative,0.6513,None of the above,0.6974,,jessiewanders,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 21:00:11 -0700,629502272427433984,AmericaLand/ MaghrebiWorld,Eastern Time (US & Canada) -9081,No candidate mentioned,0.4736,yes,0.6882,Negative,0.6882,Racial issues,0.2516,,TeamMcGriff,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 21:00:09 -0700,629502263392800768,Georgia College✏️ #21, -9082,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tbird_goinggalt,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 21:00:03 -0700,629502237153325056,"Kalamazoo, Michigan",Eastern Time (US & Canada) -9083,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,FOX News or Moderators,1.0,,barries1,,4,,,"RT @FoxNewsMom: I'm psychic. - -#GOPDebates http://t.co/WxAF0QVhI5",,2015-08-06 20:59:54 -0700,629502198192275456,USA,Arizona -9084,Donald Trump,1.0,yes,1.0,Negative,0.6737,FOX News or Moderators,1.0,,jcope12003,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:59:48 -0700,629502175123648512,Kansas,Central Time (US & Canada) -9085,No candidate mentioned,1.0,yes,1.0,Negative,0.6613,None of the above,1.0,,jkeith02,,5,,,RT @Izac_Wright: THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-06 20:59:36 -0700,629502122506059776,Little Rock,Central Time (US & Canada) -9086,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,learjetter,,2,,,"3:15 hr #Learjet flight earlier, #Dallas to #Monterrey #California. Missed the #GOPDebates, who shined? @Lrihendry @healthandcents @jjauthor",,2015-08-06 20:59:25 -0700,629502077572481024,Republic of Texas,Central Time (US & Canada) -9087,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,southroncross,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:58:40 -0700,629501889210654720,NC, -9088,No candidate mentioned,0.4272,yes,0.6536,Positive,0.6536,FOX News or Moderators,0.4272,,youthgirlpower,,0,,,@nytopinion @FrankBruni the fact that MODERATORS are attacking Candidates shows it is not a debate but a large group interview.#GOPDebates,,2015-08-06 20:58:34 -0700,629501865038733312,,Atlantic Time (Canada) -9089,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6512,,GeraldineLewis,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:58:32 -0700,629501855853252609,,Pacific Time (US & Canada) -9090,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,TatsNHeelz,,0,,,@megynkelly Stop whining about Trumps comment to you... You obviously set out to attack him & got a little back. Deal with it! #GOPDebates,,2015-08-06 20:58:26 -0700,629501831148871685,Oklahoma,Central Time (US & Canada) -9091,Donald Trump,0.4121,yes,0.642,Negative,0.642,FOX News or Moderators,0.4121,,JewelsinMo,,2,,,"RT @Samstwitch: Wow, everybody's tweeting about @FoxNews', @megynkelly's bad treatment of @realDonaldTrump and #GOPDebates! Agreed!",,2015-08-06 20:58:24 -0700,629501821157945344,, -9092,Ben Carson,0.6634,yes,1.0,Positive,0.6634,None of the above,1.0,,SusanHerbst1,,0,,,"I didn't see a clear winner in the 9:00 #GOPDebates but several had some good moments; Ben Carson, Ted Cruz. Didn't think Trump did well.",,2015-08-06 20:58:19 -0700,629501802099163136,I proudly live in the South,Hawaii -9093,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,austinnevitt71,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:58:19 -0700,629501800505311232,NAHS '14 ,Pacific Time (US & Canada) -9094,No candidate mentioned,0.4123,yes,0.6421,Neutral,0.3263,,0.2298,,David747Heavy,,1,,,"RT @BlkPoliticSport: Nothing about civil rights, police brutality, nor gun reform either. #GOPDebates @BernieSanders #Bernie2016 http://t.c…",,2015-08-06 20:58:17 -0700,629501790535438336,"Northern New Jersey, USA",Eastern Time (US & Canada) -9095,No candidate mentioned,0.4207,yes,0.6486,Negative,0.3407,FOX News or Moderators,0.4207,,bpweide,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:58:12 -0700,629501770306183168,"ÜT: 39.759084,-77.09557",Eastern Time (US & Canada) -9096,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Maxinerunner,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:58:11 -0700,629501766355296256,,Atlantic Time (Canada) -9097,Jeb Bush,0.3847,yes,0.6202,Negative,0.6202,None of the above,0.3847,,iam3md,,0,,,"bahahaaaaaaHA!!""@RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates""",,2015-08-06 20:58:10 -0700,629501762030825472,,Central Time (US & Canada) -9098,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,NNUS,,2,,,RT @KateAronoff: Who hates women the most? GO. #GOPDebates,,2015-08-06 20:58:06 -0700,629501744578457600,"CT, planet Earth",Eastern Time (US & Canada) -9099,Ted Cruz,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,ccabrera83,,0,,,Has Ted Cruz never heard of anwar al-awlaki and samir khan? #gopdebates #FoxDebate,,2015-08-06 20:58:05 -0700,629501742531481600,San Antonio,Mountain Time (US & Canada) -9100,No candidate mentioned,1.0,yes,1.0,Negative,0.6477,Gun Control,1.0,,BlkPoliticSport,,1,,,"Nothing about civil rights, police brutality, nor gun reform either. #GOPDebates @BernieSanders #Bernie2016 http://t.co/GlsF7RT8S6",,2015-08-06 20:58:04 -0700,629501736726720512,shaolin- 36 chambers ,Eastern Time (US & Canada) -9101,Ben Carson,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,ApplauseAfrica,,0,,,"It seems like Ben Carson did a good job, but lacks the insights and depth of knowledge needed for a President #GOPDebates",,2015-08-06 20:58:00 -0700,629501721392222208,Global,Eastern Time (US & Canada) -9102,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,truthbetold1967,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:57:41 -0700,629501642002579456,, -9103,Donald Trump,1.0,yes,1.0,Positive,0.6947,Immigration,1.0,,moorerock80,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:57:31 -0700,629501597555408897,, -9104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ednajm,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:57:21 -0700,629501557810184192,, -9105,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6915,,demicker,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 20:57:12 -0700,629501518257885184,Land of the Bunurong ,Melbourne -9106,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.6495,FOX News or Moderators,0.4218,,TheirVictoria,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:57:08 -0700,629501503770898432,"Waterbury Center, VT", -9107,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,epithetagain,,0,,,.@seanspicer looks like he has a broom handle 1 foot up his ass talking to @andersoncooper on @cnn #GOPdebates,,2015-08-06 20:57:05 -0700,629501490449641472,, -9108,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,Aslans_Girl,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:57:02 -0700,629501475933171712,,Mountain Time (US & Canada) -9109,No candidate mentioned,1.0,yes,1.0,Negative,0.6903,None of the above,1.0,,dianelivesintx,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:56:36 -0700,629501366914801664,San Antonio,Central Time (US & Canada) -9110,Chris Christie,0.6598,yes,1.0,Negative,0.6598,None of the above,1.0,,BigBoyBaker,,0,,,Chris Christie and Rand Paul got really nasty with each other. That was fun. Made Trump look meek. #GOPDebates,,2015-08-06 20:56:34 -0700,629501360099225600,"Indiana, U.S.A.",Eastern Time (US & Canada) -9111,Donald Trump,1.0,yes,1.0,Negative,0.6923,FOX News or Moderators,1.0,,CRKittle,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:56:28 -0700,629501333725413376,smyrna ga,Eastern Time (US & Canada) -9112,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,xactnode,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:56:22 -0700,629501311642419201,in the almost communist USA,Quito -9113,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NYDebBee,,5,,,"RT @SalMasekela: Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 20:56:22 -0700,629501309117419520,New York,Hawaii -9114,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,iamIT4life,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:56:22 -0700,629501307984805888,Texas, -9115,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bigsexy_tote,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:56:20 -0700,629501300422639616,"East side of Vineland, NJ", -9116,Donald Trump,1.0,yes,1.0,Negative,0.6332,FOX News or Moderators,0.6991,,ClawsOfJustice,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:56:18 -0700,629501292306567170,the internet,Mazatlan -9117,Donald Trump,1.0,yes,1.0,Positive,0.6757,None of the above,1.0,,Okie08,,1,,,RT @mcgrudder: #GOP2016debate #GOPDebate #GOPDebates #Trump2016 #Trump2016 Trump has the GOP scared. They don't control him. He talks abo…,,2015-08-06 20:56:15 -0700,629501279291584512,, -9118,No candidate mentioned,0.3819,yes,0.618,Neutral,0.618,,0.2361,,therachelmoss,,0,,,"Had a productive workday, intense work out, see a bit of @ProjectRunway, live tweet both #GOPDebates & watch @megynkelly recap #goals",,2015-08-06 20:56:07 -0700,629501246517415936,,Hawaii -9119,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ConcernedHigh,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:56:06 -0700,629501242310529024,, -9120,No candidate mentioned,0.4867,yes,0.6977,Negative,0.6977,FOX News or Moderators,0.4867,,Jxysxs,,3,,,RT @david_w_ross: So here I am watching the jerry springer show and suddenly realized it's the #foxnews #GOPdebates !?,,2015-08-06 20:55:49 -0700,629501172370378752,Utah,Pacific Time (US & Canada) -9121,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,inperilous1,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:44 -0700,629501150782316545,USA, -9122,Ben Carson,0.4233,yes,0.6506,Positive,0.3494,None of the above,0.4233,,za53051202,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:55:42 -0700,629501141064114176,Birmingham, -9123,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,Perry_Hilton,,3,,,RT @david_w_ross: So here I am watching the jerry springer show and suddenly realized it's the #foxnews #GOPdebates !?,,2015-08-06 20:55:36 -0700,629501117211127809,Seattle & LA,Pacific Time (US & Canada) -9124,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,allbenjamens,,4,,,RT @Lukewearechange: where is this evidence that these hacks talk about when it comes to Syria #GOPDebates,,2015-08-06 20:55:36 -0700,629501115688579074,west sacramento, -9125,Rand Paul,1.0,yes,1.0,Neutral,0.6337,None of the above,1.0,,Sagie78,,5,,,"RT @SupermanHotMale: No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:55:30 -0700,629501090099130368,a blue state ,Eastern Time (US & Canada) -9126,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,L1veFree_0rD1E,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:29 -0700,629501088731910145,"Niagara Falls,NY",Pacific Time (US & Canada) -9127,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Ateup88,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:26 -0700,629501076975124480,, -9128,No candidate mentioned,0.5168,yes,0.7189,Negative,0.3784,FOX News or Moderators,0.5168,,SatchmoDom,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:26 -0700,629501074747977728,, -9129,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mygifttoyou2,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:55:23 -0700,629501062307643393,"Long Beach, Ca", -9130,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,sumrukumar,,0,,,Didnt get to watch the debate-watching the recap..if I did I would be stressed out watching some of these ppl! #painful #GOPDebates @CNN,,2015-08-06 20:55:22 -0700,629501060114198529,New York,Eastern Time (US & Canada) -9131,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Samstwitch,,2,,,"Wow, everybody's tweeting about @FoxNews', @megynkelly's bad treatment of @realDonaldTrump and #GOPDebates! Agreed!",,2015-08-06 20:55:22 -0700,629501057547177984,"Fort Worth, Texas",Central Time (US & Canada) -9132,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Laneybaby004,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:18 -0700,629501042263228416,"Register, Georgia",Eastern Time (US & Canada) -9133,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mcgrudder,,1,,,#GOP2016debate #GOPDebate #GOPDebates #Trump2016 #Trump2016 Trump has the GOP scared. They don't control him. He talks about needed issues,,2015-08-06 20:55:17 -0700,629501038438051840,, -9134,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TracyMouton,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:55:15 -0700,629501030045057024,South,Central Time (US & Canada) -9135,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,SlidinDelta,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:55:06 -0700,629500990996262912,"Ottawa, Canada; Austin, Texas",Atlantic Time (Canada) -9136,Chris Christie,0.6844,yes,1.0,Negative,0.6639,None of the above,0.6844,,BigBoyBaker,,0,,,Chris Christie and Lindsey Graham seem to want more power to spy on America. #GOPDebates,,2015-08-06 20:54:55 -0700,629500946687635456,"Indiana, U.S.A.",Eastern Time (US & Canada) -9137,Rand Paul,1.0,yes,1.0,Neutral,0.6843,None of the above,0.6657,,filafresh,,5,,,"RT @SupermanHotMale: No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:54:39 -0700,629500879444426752,"Screwston, Texas",Central Time (US & Canada) -9138,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,shelliecorreia,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:54:33 -0700,629500851220975616,"Niagara Region, Ontario CA", -9139,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FameWhoreBuster,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:54:29 -0700,629500833969745920,@FWBuster2 backup acct.,Central Time (US & Canada) -9140,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,FOX News or Moderators,1.0,,david_w_ross,,3,,,So here I am watching the jerry springer show and suddenly realized it's the #foxnews #GOPdebates !?,,2015-08-06 20:54:18 -0700,629500790038659072,LA/London,Pacific Time (US & Canada) -9141,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,FOX News or Moderators,0.4218,,Mandy022889,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:54:18 -0700,629500789447225344,"Las Vegas, NV",Pacific Time (US & Canada) -9142,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cyote6,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:54:13 -0700,629500768178032640,Alturas CA,Eastern Time (US & Canada) -9143,No candidate mentioned,1.0,yes,1.0,Neutral,0.6702,FOX News or Moderators,0.6702,,Sheri0526,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:54:01 -0700,629500720442556416,Colorado, -9144,Donald Trump,1.0,yes,1.0,Neutral,0.3441,FOX News or Moderators,0.6774,,SunnyJL52,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:53:56 -0700,629500696367337472,,Central Time (US & Canada) -9145,No candidate mentioned,1.0,yes,1.0,Negative,0.6802,FOX News or Moderators,0.6802,,Tabitha__Lily,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:53:46 -0700,629500655145619456,, -9146,Donald Trump,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,CliffJump101,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:53:45 -0700,629500649688973312,USA,America/New_York -9147,No candidate mentioned,1.0,yes,1.0,Negative,0.3563,FOX News or Moderators,1.0,,m0nsterlab,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:53:37 -0700,629500616197300224,,Central Time (US & Canada) -9148,No candidate mentioned,1.0,yes,1.0,Negative,0.6731,None of the above,1.0,,pjw0707,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:53:31 -0700,629500593221042176,, -9149,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,deancameron,,2,,,How many famous people petulantly threatened to move to Canada if one of the debaters won? #GOPDebate #GOPDebates,,2015-08-06 20:53:25 -0700,629500566935179264,"los angeles, ca",Pacific Time (US & Canada) -9150,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KarenDoe50,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:53:17 -0700,629500534106402816,,Eastern Time (US & Canada) -9151,Donald Trump,0.3991,yes,0.6318,Negative,0.6318,FOX News or Moderators,0.3991,,lamourpourlavie,,6,,,RT @TrotAlex: Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:53:15 -0700,629500527445954560,New England,Eastern Time (US & Canada) -9152,Donald Trump,1.0,yes,1.0,Positive,0.6907,None of the above,1.0,,DallasCarpenter,,1,,,"RT @devindwyer: ""Anyone have any more questions?"" #TrumpCrush #GOPdebates http://t.co/bDUX3nKyTe",,2015-08-06 20:53:01 -0700,629500467702312961,"New York, NY and on a ✈️",Eastern Time (US & Canada) -9153,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6843,,TechEducator1,,5,,,"RT @SupermanHotMale: No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:53:01 -0700,629500465944895489,Teacher of the Year 2015 ,Eastern Time (US & Canada) -9154,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WhiteKombo100,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:53:01 -0700,629500465131163653,, -9155,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,halltastic4,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:51 -0700,629500424731541504,, -9156,No candidate mentioned,1.0,yes,1.0,Negative,0.6611,FOX News or Moderators,1.0,,PrimMrs,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:50 -0700,629500420281384960,Deep South,Atlantic Time (Canada) -9157,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,new_debis,,0,,,"""@RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates""",,2015-08-06 20:52:45 -0700,629500400433893376,, -9158,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nitafriend61,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:38 -0700,629500370277003264,, -9159,No candidate mentioned,0.4545,yes,0.6742,Negative,0.3483,FOX News or Moderators,0.4545,,OverTheMoonbat,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:32 -0700,629500345618542592,, -9160,No candidate mentioned,0.46,yes,0.6782,Negative,0.3604,FOX News or Moderators,0.46,,FreedomBaton,,0,,,Call @FoxNews! Demand a 2-minute routine segment in all future #GOPDebates! Let's see who can really wield the #BatonOfFreedom.,,2015-08-06 20:52:31 -0700,629500342640750592,, -9161,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,FOX News or Moderators,0.3819,,jeffboston3,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:24 -0700,629500310566928384,, -9162,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,FOX News or Moderators,0.2286,,BranMSmith,,2,,,RT @blackplanet: “Are We Being Punkd?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/KEw5LxZw4t,,2015-08-06 20:52:18 -0700,629500288517447680,...in your rearview mirror,Central Time (US & Canada) -9163,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DiDonato814,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:18 -0700,629500287942828032,Some smalltown in PA.,Eastern Time (US & Canada) -9164,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MichaelCalvert9,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:18 -0700,629500287871381505,IN, -9165,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KarenDoe50,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:52:11 -0700,629500258830016512,,Eastern Time (US & Canada) -9166,Donald Trump,1.0,yes,1.0,Positive,0.6778,FOX News or Moderators,1.0,,r1965rainey,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:52:03 -0700,629500224067624960,State of Confusion,Eastern Time (US & Canada) -9167,Ted Cruz,1.0,yes,1.0,Positive,0.6941,None of the above,1.0,,BigBoyBaker,,0,,,Cruz said it right. Our leaders aren't stupid they just don't want to fo what is right. #GOPDebates,,2015-08-06 20:52:02 -0700,629500220267700224,"Indiana, U.S.A.",Eastern Time (US & Canada) -9168,Donald Trump,0.6897,yes,1.0,Negative,0.6897,None of the above,0.6667,,joyorate,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 20:51:59 -0700,629500208167018496,Quezon City,Alaska -9169,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,SSNjl,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:51:59 -0700,629500205633703936,St.George Utah,Central Time (US & Canada) -9170,Donald Trump,1.0,yes,1.0,Negative,0.6396,FOX News or Moderators,1.0,,TrotAlex,,6,,,Sorry @edhenry I was not offended by @realDonaldTrump ! As a woman I was offended by @megynkelly !!! #GOPDebates #KellyFile,,2015-08-06 20:51:56 -0700,629500192161554432,TEXAS,Eastern Time (US & Canada) -9171,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,FOX News or Moderators,1.0,,DesertDawgArms,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:51:39 -0700,629500121810608128,Gold Canyon AZ,Arizona -9172,Donald Trump,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,devindwyer,,1,,,"""Anyone have any more questions?"" #TrumpCrush #GOPdebates http://t.co/bDUX3nKyTe",,2015-08-06 20:51:37 -0700,629500113254285312,"Washington, DC",Eastern Time (US & Canada) -9173,Donald Trump,1.0,yes,1.0,Positive,0.3438,None of the above,0.6667,,GizmoOlder,,0,,,@BruceBartlett @JesseLaGreca #GOPDebates were definitely biased. Too civilized...except for #Trump2016,,2015-08-06 20:51:36 -0700,629500110754455552,moved from CA to NC, -9174,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Evaldez1986,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:51:32 -0700,629500093817712640,,Pacific Time (US & Canada) -9175,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,FOX News or Moderators,0.3923,,bkjamison73,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:51:23 -0700,629500057285361664,"New Albany, Indiana", -9176,Rand Paul,1.0,yes,1.0,Negative,0.6742,None of the above,0.6517,,thewobbleeffect,,5,,,"RT @SupermanHotMale: No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:51:04 -0700,629499977631272962,"Austin, TX",Pacific Time (US & Canada) -9177,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,texasfreedom101,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:50:56 -0700,629499941929418752,,Eastern Time (US & Canada) -9178,Donald Trump,1.0,yes,1.0,Negative,0.6768,FOX News or Moderators,1.0,,buckitman,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:50:50 -0700,629499919179583488,USA,Quito -9179,No candidate mentioned,0.4401,yes,0.6634,Neutral,0.3366,None of the above,0.4401,,duracelqc,,0,,,#GOPDebates how many of these Repubs candidates Parents was born in America? Americans generation after generation who know the history #p2,,2015-08-06 20:50:39 -0700,629499871871963136,ILL, -9180,No candidate mentioned,1.0,yes,1.0,Neutral,0.3596,FOX News or Moderators,1.0,,thekarolmayer,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:50:34 -0700,629499849541431297,The Lone Star State, -9181,John Kasich,0.6742,yes,1.0,Neutral,0.6517,FOX News or Moderators,0.6517,,msgoddessrises,,0,,,Oh I think #Fox will brag it! #Kasich #GopDebates https://t.co/ZK8kCNqE8L,,2015-08-06 20:50:33 -0700,629499844571217921,Viva Las Vegas NV.,Pacific Time (US & Canada) -9182,No candidate mentioned,1.0,yes,1.0,Negative,0.6563,None of the above,0.6667,,wilson1111,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:50:32 -0700,629499841677271040,,Eastern Time (US & Canada) -9183,Rand Paul,1.0,yes,1.0,Negative,0.6235,None of the above,0.6824,,washumom,,5,,,"RT @SupermanHotMale: No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:50:29 -0700,629499828385386496,Illinois,Central Time (US & Canada) -9184,Chris Christie,0.3974,yes,0.6304,Negative,0.6304,,0.233,,DoubleDipChip,,0,,,Sad that nobody asked Chris Christie about those times he left Jersey to go to Dallas Cowboys games and taxpayers paid for it. #GOPDebates,,2015-08-06 20:49:58 -0700,629499698546614272,, -9185,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ACSC_steven,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:49:55 -0700,629499686555029504,"Aurora, Colorado",Mountain Time (US & Canada) -9186,Donald Trump,0.4492,yes,0.6702,Neutral,0.3404,None of the above,0.4492,,msgoddessrises,,0,,,He's going independent you watch. Lol #TrumpIndependentTrain #GopDebates https://t.co/NDa3wPmXKt,,2015-08-06 20:49:54 -0700,629499682541039616,Viva Las Vegas NV.,Pacific Time (US & Canada) -9187,Jeb Bush,0.3847,yes,0.6202,Negative,0.3298,,0.2355,,gbcreque,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:49:54 -0700,629499681207291904,"Modesto, California", -9188,Donald Trump,0.4123,yes,0.6421,Negative,0.3263,FOX News or Moderators,0.4123,,Dinkiedow,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:49:51 -0700,629499670964797440,Cofederateland ,Eastern Time (US & Canada) -9189,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,rivegauche610,,3,,,"RT @mbbiba: Prepared for #GOPdebates. There are times which demand Scotch milkshakes, I know, sacrilege. @maddow http://t.co/vEBJt6Nrst",,2015-08-06 20:49:46 -0700,629499649896939520,"Fort Lee, VA", -9190,No candidate mentioned,1.0,yes,1.0,Negative,0.7087,FOX News or Moderators,0.6381,,lizoberlinrocks,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:49:45 -0700,629499644935045120,Conway SC ,Atlantic Time (Canada) -9191,Jeb Bush,0.43700000000000006,yes,0.6609999999999999,Neutral,0.3507,Immigration,0.2318,,PFWJohn,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:49:34 -0700,629499600651554816,USA,Quito -9192,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Ron_Hutchcraft,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 20:49:33 -0700,629499593491914752,North Georgia,Atlantic Time (Canada) -9193,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,fisherynation,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:49:25 -0700,629499561636196352,, -9194,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6535,,beyer_linda,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:49:12 -0700,629499505327648770,, -9195,No candidate mentioned,1.0,yes,1.0,Negative,0.6727,FOX News or Moderators,1.0,,CaConservative_,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:49:09 -0700,629499492069289984,CA,America/Los_Angeles -9196,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sheila14all,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:53 -0700,629499425912569856,The Great State of Texas. :), -9197,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Charro534,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:53 -0700,629499424931078144,USA,Eastern Time (US & Canada) -9198,No candidate mentioned,0.6552,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,888Scott,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:48:41 -0700,629499377208332291,Everywhere...,Sydney -9199,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Bandz_problems,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:48:34 -0700,629499345591668736,,Central Time (US & Canada) -9200,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,angrymom80,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:20 -0700,629499289849475072,,Quito -9201,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,aspo41,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:19 -0700,629499285399314432,Chicago area,Central Time (US & Canada) -9202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MorganAm929612,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:48:17 -0700,629499276004040705,, -9203,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,PrinceOfBrains,,0,,,@therobotjane @ChZuckBean @BillyDenton23 @SharkPrinceRen STARSCREAM IS DICK CHENEY #gopdebates,,2015-08-06 20:48:15 -0700,629499267875475456,Planet Rumyungyunsunsun, -9204,No candidate mentioned,1.0,yes,1.0,Negative,0.6279,FOX News or Moderators,1.0,,TonySchiano,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:14 -0700,629499264574599168,"Florida, USA ...by choice",Eastern Time (US & Canada) -9205,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RickHorowitz,,0,,,Anyone who REALLY loved America tonight would have dropped an atomic bomb on the #GOPDebate #GOPDebacle #GOPDebates,,2015-08-06 20:48:09 -0700,629499243561005056,"Fresno, California",Pacific Time (US & Canada) -9206,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CounterJihad,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:48:07 -0700,629499234258018305,San Francisco,Pacific Time (US & Canada) -9207,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6478,,booksbear,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:48:02 -0700,629499210837004289,,Central Time (US & Canada) -9208,No candidate mentioned,0.49,yes,0.7,Negative,0.7,FOX News or Moderators,0.49,,FunMeanDean,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:55 -0700,629499183964291072,,Central Time (US & Canada) -9209,No candidate mentioned,0.4522,yes,0.6724,Negative,0.6724,FOX News or Moderators,0.4522,,MitsonMoore,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:54 -0700,629499178767548416,, -9210,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RonzillaReagan,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:53 -0700,629499176343089152,Rio Linda,Pacific Time (US & Canada) -9211,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,judith5519,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:50 -0700,629499162858508289,alt for @jude505 ,Atlantic Time (Canada) -9212,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,FOX News or Moderators,1.0,,admarchitect,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:49 -0700,629499158773264384,, -9213,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,FOX News or Moderators,1.0,,LouWelz,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:45 -0700,629499141660516352,, -9214,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,6eb21bed35694ae,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 20:47:39 -0700,629499114640834560,U.S, -9215,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mrjake08,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:47:36 -0700,629499101663461377,,Pacific Time (US & Canada) -9216,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BLUESblush,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:36 -0700,629499101592334336,"Love God, America & music",Eastern Time (US & Canada) -9217,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ClawsOfJustice,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:35 -0700,629499100791058432,the internet,Mazatlan -9218,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JoannaWoman991,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:28 -0700,629499070814359553,TEXAS CONSERVATIVE , -9219,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SeriousHeliMan,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:24 -0700,629499053726826496,, -9220,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bridgbeth,,0,,,I need to do some research but @JohnKasich is the only in the #GOPDebates that stands a chance to get my vote as far as me maybe voting #GOP,,2015-08-06 20:47:23 -0700,629499049075474432,"Small Town, USA",Eastern Time (US & Canada) -9221,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Langerang1389,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:11 -0700,629498998156587008,"Washington, MI",Eastern Time (US & Canada) -9222,No candidate mentioned,0.6279,yes,1.0,Positive,1.0,None of the above,1.0,,Lisa_Luerssen,,0,,,I love the Great One!!!!! #GOPDebates http://t.co/VeGgW14ipB,,2015-08-06 20:47:06 -0700,629498979835883520,Small Town in Texas,Central Time (US & Canada) -9223,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PrimaryMcCain,,142,,,RT @RWSurferGirl: We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:47:04 -0700,629498970629373952,,Pacific Time (US & Canada) -9224,No candidate mentioned,1.0,yes,1.0,Negative,0.6642,None of the above,1.0,,johnnyreb1864,,3,,,"RT @UnitedCitizen01: @FOXNEWS #GOPdebates - -Focus Group is a LAUGH. NOT STATISTICALLY SIgnificant.",,2015-08-06 20:47:02 -0700,629498961712164864,, -9225,Donald Trump,1.0,yes,1.0,Positive,0.6859,None of the above,1.0,,WoJiangYou,,3,,,RT @tmservo433: Prediction: Donald Trump goes up in post debate polls. Because he looks no crazier than anyone else and more entertaining #…,,2015-08-06 20:47:00 -0700,629498953302564864,"Brisbane, Queensland",Jakarta -9226,No candidate mentioned,0.4329,yes,0.6579,Neutral,0.3462,None of the above,0.4329,,GossipG23321662,,0,,,Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next. http://t.co/ZFPYBZVcMk,,2015-08-06 20:46:54 -0700,629498928388444160,,Amsterdam -9227,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6895,,MariaSparrow2,,0,,,Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next. http://t.co/WB0zTeOrZm j8p,,2015-08-06 20:46:54 -0700,629498925506957312,, -9228,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Acantiming70,,0,,,Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next. http://t.co/PpxQQZFl1t j8p,,2015-08-06 20:46:53 -0700,629498922356989952,, -9229,No candidate mentioned,1.0,yes,1.0,Negative,0.6644,FOX News or Moderators,1.0,,RWSurferGirl,,142,,,We the American people pick the next President of United States not FOX News 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:46:53 -0700,629498921979490305,"Newport Beach, California",Pacific Time (US & Canada) -9230,Donald Trump,1.0,yes,1.0,Positive,0.6522,FOX News or Moderators,1.0,,frankeloise2,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:46:52 -0700,629498920209551360,,Pacific Time (US & Canada) -9231,John Kasich,0.6667,yes,1.0,Positive,0.3556,None of the above,1.0,,msgoddessrises,,2,,,No doubt! Huge bump! #Kasich #GopDebates https://t.co/VAnC0qxY4C,,2015-08-06 20:46:38 -0700,629498861879320576,Viva Las Vegas NV.,Pacific Time (US & Canada) -9232,No candidate mentioned,0.3787,yes,0.6154,Negative,0.6154,,0.2367,,CountryLife4_Me,,3,,,"RT @UnitedCitizen01: @FOXNEWS #GOPdebates - -Focus Group is a LAUGH. NOT STATISTICALLY SIgnificant.",,2015-08-06 20:46:36 -0700,629498851414679553,America - The Heart of it all,Eastern Time (US & Canada) -9233,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,SupermanHotMale,,5,,,"No, Rand Paul does not have a budget, he has budgets... multiple sets of books? Yep... #GopDebates",,2015-08-06 20:46:28 -0700,629498818560720900,"Cocoa Beach, Florida",Eastern Time (US & Canada) -9234,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mryjanew,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:46:08 -0700,629498734318092288,ohio newton falls, -9235,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ms_kitten,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 20:45:33 -0700,629498588633153536,anywhere but nilbog,Central Time (US & Canada) -9236,Marco Rubio,0.4062,yes,0.6374,Neutral,0.6374,None of the above,0.4062,,_elliehagen,,0,,,"Good night for Fiorina, Rubio, Carson, Huckabee #gopdebates",,2015-08-06 20:45:23 -0700,629498544479731712,probably playing ukulele,Central Time (US & Canada) -9237,Mike Huckabee,1.0,yes,1.0,Neutral,0.7033,None of the above,1.0,,TimCohn,,0,,,Huckabee and Cruz will see their poll numbers increase the most at Trump's expense. #GOPDebates,,2015-08-06 20:45:16 -0700,629498515039764480,United States,Central Time (US & Canada) -9238,No candidate mentioned,1.0,yes,1.0,Positive,0.3908,Jobs and Economy,0.6782,,GizmoOlder,,0,,,#GOPDebates re:SS I agree if someone has income greater then $x then they shouldn't draw SS because it is to keep seniors out of poverty.,,2015-08-06 20:45:12 -0700,629498499986518016,moved from CA to NC, -9239,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lyz_estrada,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:45:12 -0700,629498498468048896,,Central Time (US & Canada) -9240,Donald Trump,1.0,yes,1.0,Positive,0.6404,None of the above,1.0,,BigBoyBaker,,0,,,Loved Trump calling our leaders stupid. #GOPDebates,,2015-08-06 20:45:12 -0700,629498497625116672,"Indiana, U.S.A.",Eastern Time (US & Canada) -9241,No candidate mentioned,0.3864,yes,0.6216,Neutral,0.3405,,0.2352,,LemonMeringue19,,0,,,"#DebateWithBernie #GOPDebates #FoxNews #FoxDebates Wish I'd seen Bernie's live-tweet and watched that, instead. http://t.co/7Qk0PEAecW",,2015-08-06 20:44:41 -0700,629498371217227776,"Kansas, USA",Pacific Time (US & Canada) -9242,No candidate mentioned,0.4924,yes,0.7017,Negative,0.7017,None of the above,0.2576,,RightTheTorch,,3,,,"RT @UnitedCitizen01: @FOXNEWS #GOPdebates - -Focus Group is a LAUGH. NOT STATISTICALLY SIgnificant.",,2015-08-06 20:44:41 -0700,629498368889229313,USA,Quito -9243,No candidate mentioned,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,JTdivalover,,0,,,Well that was.....amusing....now time for Project Runway Season 14!!! Yippie!!! #GOPdebates,,2015-08-06 20:44:37 -0700,629498350820302848,West Hollywood CA, -9244,No candidate mentioned,0.6552,yes,1.0,Neutral,0.6552,None of the above,1.0,,msgoddessrises,,0,,,Lindsey who? #Kasich4Us #GopDebates https://t.co/88kQKDZTkx,,2015-08-06 20:44:33 -0700,629498334718201856,Viva Las Vegas NV.,Pacific Time (US & Canada) -9245,No candidate mentioned,1.0,yes,1.0,Negative,0.6948,FOX News or Moderators,1.0,,Tabitha__Lily,,1,,,"RT @Lisa_Luerssen: Fox News just declared that Megyn Kelly, Bret Baier, and Chris Wallace won tonight's debate. #GOPDebates",,2015-08-06 20:44:30 -0700,629498322458316800,, -9246,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tkaltenbach12,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:44:08 -0700,629498229755879424,, -9247,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7006,,UnitedCitizen01,,3,,,"@FOXNEWS #GOPdebates - -Focus Group is a LAUGH. NOT STATISTICALLY SIgnificant.",,2015-08-06 20:44:04 -0700,629498213968445440,USA,Central Time (US & Canada) -9248,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BigBoyBaker,,0,,,I hate when the moderator asks a candidate to talk to another candidate. They should talk to America. #GOPDebates,,2015-08-06 20:43:55 -0700,629498178295975936,"Indiana, U.S.A.",Eastern Time (US & Canada) -9249,Jeb Bush,1.0,yes,1.0,Positive,0.3452,None of the above,1.0,,ThoroughbredAR,,0,,,Jeb Bush and Rand Paul were the only ones to see their odds rise during the #GOPDebates though Bush's price was trimmed by the end.,,2015-08-06 20:43:39 -0700,629498109408768000,YVR/NYC,Arizona -9250,Ben Carson,0.3735,yes,0.6111,Positive,0.3111,None of the above,0.3735,,andre_hill75,,0,,,"Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.""",,2015-08-06 20:43:23 -0700,629498041314054144,, -9251,Donald Trump,1.0,yes,1.0,Negative,0.6617,FOX News or Moderators,0.6617,,mchristmn,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 20:43:16 -0700,629498012574724098,, -9252,Marco Rubio,0.6813,yes,1.0,Neutral,0.6484,None of the above,0.6813,,DannySparrow11,,0,,,#GOPdebates 1. Rubio. 2. Carson. 3. Kasich. 4.Walker. 5. Cruz. 6. Huckabee. 7. Bush. 8. Paul. 9. Christie. 10. Trump #FoxNews,,2015-08-06 20:43:11 -0700,629497992983085057,"Stanley, NC",Atlantic Time (Canada) -9253,Ted Cruz,0.6744,yes,1.0,Positive,0.6744,None of the above,1.0,,lcbaleme,,0,,,@DrBradHolland #GOPDebates spot on!,,2015-08-06 20:43:10 -0700,629497986700054528,"Seattle / Tacoma, Washington",Pacific Time (US & Canada) -9254,John Kasich,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,msgoddessrises,,0,,,Huge bump! #Kasich #GopDebates https://t.co/KJHNujEtFe,,2015-08-06 20:43:04 -0700,629497962700259328,Viva Las Vegas NV.,Pacific Time (US & Canada) -9255,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6997,,kimHi99,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:43:01 -0700,629497949085671424,, -9256,No candidate mentioned,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,MeganDClayton,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:42:57 -0700,629497933256368129,Leeds AL, -9257,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,magtell,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:42:55 -0700,629497926914453504,Still Above Ground ,Pacific Time (US & Canada) -9258,No candidate mentioned,0.4964,yes,0.7045,Neutral,0.3636,None of the above,0.4964,,ScoutMacEachron,,0,,,How I think we're all feeling after the Republican primaries. #GOPDebates #Chihuahua #DogsOfInstagram… https://t.co/jrufcbPHDS,"[40.77638723, -73.94504056]",2015-08-06 20:42:50 -0700,629497905326489600,"New York, NY", -9259,Chris Christie,0.7004,yes,1.0,Negative,1.0,None of the above,1.0,,ReeceAllington,,0,,,@senrandpaul owning traitor Chris Chistie 👏👏👏 #politics #Freedom #debates #GOPDebates #RandPaul… https://t.co/lJL7vJiqDt,,2015-08-06 20:42:49 -0700,629497898665922560,,Pacific Time (US & Canada) -9260,Donald Trump,0.3819,yes,0.618,Negative,0.618,,0.2361,,GiannaJax,,3,,,RT @msgoddessrises: FTW Ron. You nailed it he came close to telling Megyn to shut up. #Trump #GOPDebates https://t.co/2U15vmQLUD,,2015-08-06 20:42:37 -0700,629497848829087744,Philadelphia PA, -9261,Donald Trump,1.0,yes,1.0,Negative,0.3575,None of the above,1.0,,KevinKC50,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:42:30 -0700,629497820513443840,, -9262,No candidate mentioned,1.0,yes,1.0,Negative,0.6598,None of the above,1.0,,jhodges71,,0,,,This is like an #SNL sketch #GOPDebate #GOPDebates #Republicandebate,,2015-08-06 20:42:30 -0700,629497819166998529,"Anchorage, AK",Hawaii -9263,Donald Trump,1.0,yes,1.0,Neutral,0.3556,FOX News or Moderators,1.0,,JstanleyStanley,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:42:22 -0700,629497786371698688,"Waco, Texas Conservative", -9264,No candidate mentioned,0.6796,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,StyleMonarch,,3,,,"RT @SupermanHotMale: Dear fox news moderator, you forgot to say chinese hacking started under the Bush Admin... #GopDebates",,2015-08-06 20:42:16 -0700,629497760740343808,"Detroit, MI & Atlanta, GA",Atlantic Time (Canada) -9265,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,GizmoOlder,,0,,,"#GOPDebates Calling SS an entitlement is obscene. Government took my money for my retirement, they owe it back to me plus interest!",,2015-08-06 20:42:06 -0700,629497721553068032,moved from CA to NC, -9266,No candidate mentioned,1.0,yes,1.0,Negative,0.6279,Abortion,0.6628,,indieLINDSEY,,0,,,But can fetuses vote? #GOPDebates,,2015-08-06 20:41:45 -0700,629497631685738496,"Los Angeles, CA",Eastern Time (US & Canada) -9267,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rhUSMC,,1,,,"RT @UnitedCitizen01: @RockinJoe1 #FOZNEWS #GOPdebates - -The ""Support Candidate"" Question was more MSM DIRTY TRICKS to Turn Crowd against #T…",,2015-08-06 20:41:43 -0700,629497622856732672,AZ USA, -9268,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,JDPasricha,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:41:37 -0700,629497596852207616,"New York, NY | Brazil",Eastern Time (US & Canada) -9269,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dgatewoodd,,2,,,RT @LeahDaughtry: I see Trump didn't bother with a new hairstylist. #GOPDebates,,2015-08-06 20:41:35 -0700,629497588836909056,,Central Time (US & Canada) -9270,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Blu_wire11,,0,,,I don't remember the #GOPDebates at this stage in the last election. This seems more ridiculous but then again..Palin was involved before.,,2015-08-06 20:41:12 -0700,629497494817370112,Maryland,Eastern Time (US & Canada) -9271,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mmyer1018,,0,,,#GOPDebates just more and more solid proof to the rest of the world that Americans are crazy!!!,,2015-08-06 20:41:07 -0700,629497472079933440, Michigander ,Eastern Time (US & Canada) -9272,Jeb Bush,1.0,yes,1.0,Negative,0.6813,Immigration,0.6813,,SRDijk,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:41:05 -0700,629497464685522944,, -9273,No candidate mentioned,1.0,yes,1.0,Negative,0.6341,None of the above,1.0,,cristellp24,,0,,,"#GOPdebates got me like 😕👎👋BYE. 🙊 #day25 #30days #potd @ excuse me,… https://t.co/iKb1d7wwvv","[29.58026, -95.2541389]",2015-08-06 20:41:03 -0700,629497454925320192,Texas ♥,Central Time (US & Canada) -9274,Donald Trump,0.4633,yes,0.6807,Negative,0.6807,FOX News or Moderators,0.4633,,prprincesscm,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:40:48 -0700,629497393197662208,, -9275,Donald Trump,1.0,yes,1.0,Neutral,0.3508,FOX News or Moderators,0.6609,,msgoddessrises,,0,,,Roger Ailes set up @realDonaldTrump from the first Q. #GopDebates https://t.co/UI7UcYjCpU,,2015-08-06 20:40:48 -0700,629497392035840001,Viva Las Vegas NV.,Pacific Time (US & Canada) -9276,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3402,None of the above,0.4218,,anniesedas,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:40:39 -0700,629497354274484224,,Mountain Time (US & Canada) -9277,No candidate mentioned,0.5073,yes,0.7122,Negative,0.7122,FOX News or Moderators,0.5073,,prprincesscm,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:40:31 -0700,629497322070642693,, -9278,No candidate mentioned,1.0,yes,1.0,Negative,0.3684,FOX News or Moderators,1.0,,Lisa_Luerssen,,1,,,"Fox News just declared that Megyn Kelly, Bret Baier, and Chris Wallace won tonight's debate. #GOPDebates",,2015-08-06 20:40:30 -0700,629497316039331840,Small Town in Texas,Central Time (US & Canada) -9279,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pattygergel,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:40:23 -0700,629497287824293888,, -9280,Jeb Bush,1.0,yes,1.0,Negative,0.6839,Immigration,0.374,,FreeAmerican100,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:40:13 -0700,629497244539060224,United States, -9281,No candidate mentioned,1.0,yes,1.0,Positive,0.6724,None of the above,1.0,,TamrikoT,,0,,,@voialex he'd beat all at the #GOPdebates today 100%! our Sergey 😊,,2015-08-06 20:40:11 -0700,629497236053889025,Tsaritsyn,Volgograd -9282,No candidate mentioned,0.6196,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,prprincesscm,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:40:10 -0700,629497231633051649,, -9283,No candidate mentioned,1.0,yes,1.0,Negative,0.6622,FOX News or Moderators,1.0,,prprincesscm,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:40:05 -0700,629497213308157952,, -9284,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6813,,ScheidlDavid,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:40:03 -0700,629497203908702212,"Ottawa, Canada", -9285,Mike Huckabee,1.0,yes,1.0,Neutral,0.6395,None of the above,0.6977,,GizmoOlder,,0,,,"#GOPDebates #Huckabee2016 Replace tax code with consumption tax, get drug dealers, pimps paying into the government.",,2015-08-06 20:39:55 -0700,629497168907403266,moved from CA to NC, -9286,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,babaliousus,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:39:48 -0700,629497141484883968,"California, USA", -9287,No candidate mentioned,0.5168,yes,0.7189,Neutral,0.3784,FOX News or Moderators,0.5168,,realkellie1,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:39:43 -0700,629497120786149376,, -9288,Jeb Bush,1.0,yes,1.0,Positive,0.3458,None of the above,1.0,,PRforJeb,,5,,,"RT @mercedesschlapp: In terms of substance, @JebBush dominates #GOPdebates",,2015-08-06 20:39:35 -0700,629497086979936257,"Puerto Rico, USA",Atlantic Time (Canada) -9289,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6563,,JonathanFarrel7,,0,,,"JonathanFarrel7: JonathanFarrel7: luciabrawley: What is the Christian litmus test? Let's refer to the Constitution, shall we? #GOPDebates #…",,2015-08-06 20:39:25 -0700,629497043141173248,UK,Dublin -9290,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CodyNeer,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:39:17 -0700,629497009074892800,"Lincoln, NE", -9291,No candidate mentioned,1.0,yes,1.0,Positive,0.6962,None of the above,1.0,,9921_Jill,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:39:17 -0700,629497008861151232,, -9292,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EGSIV,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:39:14 -0700,629496998287126528, USA,Central Time (US & Canada) -9293,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6371,,kissykennysmatt,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 20:39:12 -0700,629496988275490816, ⓉⒺⒻⓁⓄⓃ ✔,Georgetown -9294,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,HVOakaStarswift,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:39:03 -0700,629496949943726081,United States,Eastern Time (US & Canada) -9295,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Raysworld63,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:39:01 -0700,629496942083575808,"Tennessee, USA", -9296,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.652,,CarrforGovofCO,,1,,,"The best part of the two #GOPDebates? They showed themselves as men and women, not gods. #GOPDebate",,2015-08-06 20:38:57 -0700,629496928577785856,"ÜT: 27.9136024,-81.6078532",Mountain Time (US & Canada) -9297,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,John_Cando,,0,,,Watching the #GOPDebates right now. #GOP #GOP2016 #presidentialprimaries… https://t.co/eUXXwne0z4,,2015-08-06 20:38:56 -0700,629496922626240513,"Metropolitan Honolulu, HI, USA",Hawaii -9298,Chris Christie,0.4209,yes,0.6488,Neutral,0.6488,Immigration,0.4209,,carinalease,,59,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 20:38:56 -0700,629496920701014016,Boston,Eastern Time (US & Canada) -9299,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ContentTBA,,2,,,RT @frangeladuo: Can we do that? What r we saying? After both #GOPDebates tonight if we've learned 1 thing it's that anyone can run:) https…,,2015-08-06 20:38:51 -0700,629496899867840520,,America/Chicago -9300,No candidate mentioned,0.4394,yes,0.6629,Negative,0.6629,,0.2235,,billy98102,,7,,,"RT @CorrectRecord: Seriously, #GOPdebates, not a single question or mention of #votingrights on #VRA50? http://t.co/kjCsEUWG8T",,2015-08-06 20:38:11 -0700,629496735337873408,, -9301,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,pamelarae32,,0,,,Good point. @FoxNews #GOPDebate #GOPDebates #fail https://t.co/EuKmS5k9SB,,2015-08-06 20:38:00 -0700,629496685673213952,, -9302,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,calfonzogasKin,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:37:43 -0700,629496618199437312,Venezuela,Caracas -9303,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ArkDems,,5,,,RT @Izac_Wright: THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-06 20:37:43 -0700,629496616051998720,,Central Time (US & Canada) -9304,Ben Carson,0.4209,yes,0.6488,Positive,0.6488,None of the above,0.4209,,KatVonRocker,,0,,,"#GOPDebates #DrBenCarson The man uses his brain to think,not to politically manipulate,I hope he goes far,Id like 2 see/hear more frm him.",,2015-08-06 20:37:37 -0700,629496590332526592,"Long Island, NY",Central Time (US & Canada) -9305,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BrianCMcCarroll,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:37:11 -0700,629496480861155328,West Coast Bound,Mountain Time (US & Canada) -9306,Marco Rubio,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6498,,lcbaleme,,0,,,"#MarcoRubio speaks from a true American position. He's not perfect, but trying hard, giving it his very best #FOXNEWSDEBATE #GOPDebates",,2015-08-06 20:37:09 -0700,629496472405307392,"Seattle / Tacoma, Washington",Pacific Time (US & Canada) -9307,Chris Christie,0.6897,yes,1.0,Positive,0.6667,None of the above,1.0,,GizmoOlder,,0,,,#GOPDebates #RandPaul2016 telling #ChrisChristie to get a warrant per 4th amendment. Golden.,,2015-08-06 20:37:09 -0700,629496472371888128,moved from CA to NC, -9308,No candidate mentioned,0.7011,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ron_fournier,,3,,,RT @msgoddessrises: FTW Ron. You nailed it he came close to telling Megyn to shut up. #Trump #GOPDebates https://t.co/2U15vmQLUD,,2015-08-06 20:37:08 -0700,629496470060797952,,Eastern Time (US & Canada) -9309,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6563,,edlaphil_ann,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:36:57 -0700,629496422858010624,, -9310,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sweetiegrl74,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:36:42 -0700,629496360752955392,Las Vegas,Pacific Time (US & Canada) -9311,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,0.6703,,ThoroughbredAR,,0,,,Paddy Power list an all-female Republican ticket at 100/1. #GOPDebates #WeirdBettingOdds,,2015-08-06 20:36:39 -0700,629496348119859200,YVR/NYC,Arizona -9312,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,46drhouse,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:36:37 -0700,629496341597519872,FLORIDA,Central Time (US & Canada) -9313,Ted Cruz,1.0,yes,1.0,Positive,0.6617,None of the above,1.0,,GDDaniel1,,0,,,@Slate #GOPDebates Our president should be less like #TedCruz,,2015-08-06 20:36:32 -0700,629496317849546752,Ohio, -9314,Donald Trump,0.39399999999999996,yes,0.6277,Negative,0.3191,None of the above,0.39399999999999996,,vamshark,,0,,,"#GOPDebates Trump has air of Boris Yeltsin of Russia, nd he became President of Russia!!!",,2015-08-06 20:36:26 -0700,629496294910722049,timbuktoo, -9315,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,LE_miller7,,1,,,"RT @heatherhilless: Planned parenthood is performing half birth abortions, that is immoral, unconstitutional, and unethical #GOPdebates",,2015-08-06 20:36:26 -0700,629496293187026944,,Atlantic Time (Canada) -9316,Donald Trump,0.4171,yes,0.6458,Neutral,0.3333,None of the above,0.4171,,ItsSarasotaJoe,,0,,,"Carly Fiorina was the big winner tonight in my opinion.Seemed 2b coolest,most competent leader in both #GOPdebates. #TrumpFiorina #GOPDebate",,2015-08-06 20:36:24 -0700,629496286975279104,"Sarasota, Florida", -9317,Scott Walker,0.6437,yes,1.0,Positive,0.6437,Immigration,0.6552,,GizmoOlder,,0,,,#GOPDebates #scottwalker talked about path to citizenship. The only one to address illegals immigrants with a reasonable humane plan.,,2015-08-06 20:36:08 -0700,629496218910113792,moved from CA to NC, -9318,No candidate mentioned,0.4196,yes,0.6477,Negative,0.6477,FOX News or Moderators,0.4196,,AwkwardAleee,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:36:08 -0700,629496218075418625,,Eastern Time (US & Canada) -9319,No candidate mentioned,0.4143,yes,0.6437,Negative,0.6437,,0.2294,,JTGilgo,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:35:54 -0700,629496159220969477,"Hillsborough, North Carolina",Eastern Time (US & Canada) -9320,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,usaone0,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:35:50 -0700,629496144310079488,TEXAS , -9321,Jeb Bush,1.0,yes,1.0,Neutral,0.6484,Immigration,0.3516,,Champergirl,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:35:47 -0700,629496128371838976,New York,Eastern Time (US & Canada) -9322,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,IQTeacher,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:35:32 -0700,629496067013263360,South Jersey,Eastern Time (US & Canada) -9323,No candidate mentioned,1.0,yes,1.0,Negative,0.6375,None of the above,1.0,,VandenbergAssoc,,2,,,RT @PARISDENNARD: 3 hours of #GOPDebates is enough for one night and I love politics…,,2015-08-06 20:35:20 -0700,629496015561756673,,Arizona -9324,No candidate mentioned,0.4756,yes,0.6897,Neutral,0.3563,FOX News or Moderators,0.4756,,tadros_s,,0,,,@FoxNews @BretBaier 😂.. Go home #GopDebates #GOPClownCar ur drunk,,2015-08-06 20:35:14 -0700,629495991142498304,, -9325,John Kasich,0.4396,yes,0.6629999999999999,Neutral,0.6629999999999999,None of the above,0.4396,,msgoddessrises,,1,,,"RT @scottaxe: “@msgoddessrises: Maybe three! Kasich, Bush, Trump #GopDebates https://t.co/4oFtErX4Ci” wouldn't surprise me.",,2015-08-06 20:35:01 -0700,629495938336227329,Viva Las Vegas NV.,Pacific Time (US & Canada) -9326,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,0.6374,,MoralHighGround,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:35:01 -0700,629495936595595264,"Sydney, Australia",Sydney -9327,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,0.6742,,Raineyville,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:34:51 -0700,629495893956407297,"White House , Tennessee",Central Time (US & Canada) -9328,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MARIA_MARTA,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:34:49 -0700,629495884603092993,ARGENTINA,Santiago -9329,Mike Huckabee,1.0,yes,1.0,Negative,0.6628,Racial issues,0.3488,,thevicmac,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 20:34:47 -0700,629495877283872768,North Texas,Central Time (US & Canada) -9330,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,None of the above,1.0,,Izac_Wright,,5,,,THIS HAPPENED: Not a single mention of #votingrights on #VRA50 in tonight’s #GOPdebates,,2015-08-06 20:34:43 -0700,629495859454021632,"Washington, D.C.",Eastern Time (US & Canada) -9331,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ksecus,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:34:39 -0700,629495844425695233,Youngstown region Ohio ,Eastern Time (US & Canada) -9332,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BigBoyBaker,,0,,,"Cruz takes to long between sentences. I know he is really smart, but he doesn't sound that way. #GOPDebates",,2015-08-06 20:34:24 -0700,629495782895394816,"Indiana, U.S.A.",Eastern Time (US & Canada) -9333,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,lindzlovely,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 20:34:24 -0700,629495781997723648,California,Pacific Time (US & Canada) -9334,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,None of the above,0.6778,,msgoddessrises,,0,,,Not bad for a tipsy female who's blonde at the roots! 😂😂😂 #GOPDebates https://t.co/orpUoLsK2R,,2015-08-06 20:34:09 -0700,629495717032103936,Viva Las Vegas NV.,Pacific Time (US & Canada) -9335,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,heatherhilless,,1,,,"Planned parenthood is performing half birth abortions, that is immoral, unconstitutional, and unethical #GOPdebates",,2015-08-06 20:34:01 -0700,629495687290482688,sc: heatherhilles18, -9336,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,VoiceOverPerson,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:33:58 -0700,629495672140660736,Georgia,Eastern Time (US & Canada) -9337,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,DebraGArevalo,,0,,,@DonnieWahlberg #GOPDebates then #DemocraticDebates Let's hope we have a decent set of candidates to vote for once it's all over.,,2015-08-06 20:33:52 -0700,629495647519911937,NW Florida, -9338,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,khess0704,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:33:44 -0700,629495612761702400,, -9339,No candidate mentioned,1.0,yes,1.0,Negative,0.6594,None of the above,0.6379,,slopokejohn,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:33:37 -0700,629495585876348930,All 48 states, -9340,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,joe_rutkowski,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:33:31 -0700,629495561515724805,,Mountain Time (US & Canada) -9341,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6961,,Ironic_Prods,,0,,,@4029Craig @4029Paige after the #GOPDebates http://t.co/AVkcv5aHqI,,2015-08-06 20:33:19 -0700,629495511184207873,, -9342,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KimFangirls,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:33:18 -0700,629495503869194240,,Pacific Time (US & Canada) -9343,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pepper2005,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:33:17 -0700,629495500572639232,louisiana,Central Time (US & Canada) -9344,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,elleryprescott,,0,,,That was political theatrics. It was obviously set up by #FoxNews to favor #JebBush. #GOPdebates,,2015-08-06 20:33:14 -0700,629495488069419009,"Taipei, Taiwan",Central Time (US & Canada) -9345,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,clbikesale,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:33:09 -0700,629495467143901184,, -9346,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.3656,FOX News or Moderators,0.2398,,JessicaLipman,,1,,,RT @TeasyRoosevelt: I can't believe I watched #foxnews for two hours. #GOPDebates #GOPDebate,,2015-08-06 20:33:04 -0700,629495444998000640,"Los Angeles, CA",Eastern Time (US & Canada) -9347,Ben Carson,0.6364,yes,1.0,Positive,1.0,None of the above,0.6364,,TheKeggers,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:33:01 -0700,629495431802687488,I-L-L, -9348,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,frangeladuo,,2,,,Can we do that? What r we saying? After both #GOPDebates tonight if we've learned 1 thing it's that anyone can run:) https://t.co/rTS5x2njM6,,2015-08-06 20:33:00 -0700,629495427839209472,"Los Angeles, CA",Pacific Time (US & Canada) -9349,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,GizmoOlder,,0,,,"#GOP2016 hate all unions. #GOPDebates made it clear they have no respect, not even for teachers union.",,2015-08-06 20:32:59 -0700,629495426933198848,moved from CA to NC, -9350,Ted Cruz,0.6822,yes,1.0,Positive,0.3591,Jobs and Economy,0.6822,,pjmcandrews10,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:32:55 -0700,629495407832399872,, -9351,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,_AmandaStar_,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:32:49 -0700,629495385031995392,Atlanta ,Atlantic Time (Canada) -9352,No candidate mentioned,1.0,yes,1.0,Positive,0.6712,None of the above,1.0,,Nation_Greece,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:48 -0700,629495377578827776,"Athens, Greece", -9353,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Cammy__K,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:32:44 -0700,629495361879572480,"New York, NY",Pacific Time (US & Canada) -9354,John Kasich,1.0,yes,1.0,Neutral,0.6492,FOX News or Moderators,0.6693,,scottaxe,,1,,,"“@msgoddessrises: Maybe three! Kasich, Bush, Trump #GopDebates https://t.co/4oFtErX4Ci” wouldn't surprise me.",,2015-08-06 20:32:42 -0700,629495354900135936,Los Angeles , -9355,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,stevegreenberg,,5,,,RT @mbaratz: Is Trump a person or performance art? Serious question. #GOPDebates,,2015-08-06 20:32:41 -0700,629495348776448001,"Scottsdale, AZ USA",Arizona -9356,No candidate mentioned,0.4347,yes,0.6593,Neutral,0.6593,None of the above,0.4347,,AmericanSpringg,,4,,,"RT @FoxNewsMom: I'm psychic. - -#GOPDebates http://t.co/WxAF0QVhI5",,2015-08-06 20:32:41 -0700,629495348604506112,Romans 8:38-39 Psalm 118,Pacific Time (US & Canada) -9357,No candidate mentioned,0.4036,yes,0.6353,Negative,0.6353,Healthcare (including Medicare),0.4036,,petergowen,,3,,,RT @jsn2007: They fixed the VA yet there are no mammogram machines at our only VA hospital. #gopdebates,,2015-08-06 20:32:39 -0700,629495343210754048,,Central Time (US & Canada) -9358,Donald Trump,1.0,yes,1.0,Positive,0.6534,FOX News or Moderators,1.0,,susanLl,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:32:36 -0700,629495327670710273,,Pacific Time (US & Canada) -9359,No candidate mentioned,1.0,yes,1.0,Negative,0.6642,None of the above,1.0,,Nettan1971,,2,,,RT @PARISDENNARD: 3 hours of #GOPDebates is enough for one night and I love politics…,,2015-08-06 20:32:35 -0700,629495325624037376,Sweden, -9360,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,LMFAO!! I'm drunk but I enjoyed that! #Trump #GOPDebates https://t.co/2thNmyuENP,,2015-08-06 20:32:31 -0700,629495306330071040,Viva Las Vegas NV.,Pacific Time (US & Canada) -9361,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sassyautodiva,,0,,,@RealBenCarson very impressive #GOPDebates,,2015-08-06 20:32:30 -0700,629495305629773824,NC,Eastern Time (US & Canada) -9362,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6559,,hmonkey5,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:28 -0700,629495294174965760,,Central Time (US & Canada) -9363,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jugiearmstrong,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:32:26 -0700,629495287392813056,"Houston, TX",Central Time (US & Canada) -9364,No candidate mentioned,0.4214,yes,0.6492,Positive,0.6492,None of the above,0.4214,,abigailsweetpea,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:23 -0700,629495272750514176,"honolulu, hawaii",Hawaii -9365,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Tdotgirlx,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:17 -0700,629495251145764864,"Toronto, Ontario",Atlantic Time (Canada) -9366,No candidate mentioned,0.4539,yes,0.6737,Positive,0.6737,None of the above,0.4539,,LoveRemarkableU,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:17 -0700,629495250059403264,"In the D, loving Life",Eastern Time (US & Canada) -9367,Donald Trump,1.0,yes,1.0,Negative,0.6364,None of the above,1.0,,caitlynzucca,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:32:14 -0700,629495235978997760,San Francisco,Pacific Time (US & Canada) -9368,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SIUphotographer,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:11 -0700,629495223442255872,,Central Time (US & Canada) -9369,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,FamousLove69,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:08 -0700,629495211383590913,"Corona, California",Pacific Time (US & Canada) -9370,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mandinddub69,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:32:03 -0700,629495192056369156,Hamilton ontario Canada,Atlantic Time (Canada) -9371,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,FOX News or Moderators,1.0,,edlaphil_ann,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:32:00 -0700,629495177988567041,, -9372,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lakergirl6,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:59 -0700,629495174767325185,california, -9373,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6413,,jennrios1191,,0,,,@ChrisChristie doesn't understand the Bill of Rights. @RandPaul does! #GOPDebate #GOPDebates Great job #randpaul,,2015-08-06 20:31:59 -0700,629495173249110016,, -9374,No candidate mentioned,1.0,yes,1.0,Positive,0.6484,None of the above,1.0,,Lenatierna,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:56 -0700,629495159974039557,México DF,Central Time (US & Canada) -9375,No candidate mentioned,1.0,yes,1.0,Positive,0.6563,None of the above,1.0,,sprescott78,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:54 -0700,629495151669329921,, -9376,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,taylor_sexton1,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:53 -0700,629495146522894336,living with my demons,Arizona -9377,No candidate mentioned,1.0,yes,1.0,Positive,0.6596,FOX News or Moderators,0.6596,,Blue_Soldier_,,66,,,RT @DonnieWahlberg: Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:52 -0700,629495145755508736,Rabbit Hole,Pacific Time (US & Canada) -9378,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6969,,DonnieWahlberg,,66,,,Enjoyed the #GOPDebates and am looking forward to the #DemocraticDebates next.,,2015-08-06 20:31:47 -0700,629495122749718529,US,Pacific Time (US & Canada) -9379,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6629,,BigBoyBaker,,0,,,"Trump doesn't care about political correctness, but he does care about America's future. #GOPDebates",,2015-08-06 20:31:35 -0700,629495074511040512,"Indiana, U.S.A.",Eastern Time (US & Canada) -9380,Jeb Bush,0.4028,yes,0.6347,Negative,0.321,Immigration,0.4028,,CelesteWilson4,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:31:21 -0700,629495012418424832,"Grants Pass, Oregon",Pacific Time (US & Canada) -9381,No candidate mentioned,1.0,yes,1.0,Negative,0.6804,FOX News or Moderators,0.6495,,DZMlovesDRUMS,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 20:31:04 -0700,629494941031473152,Syracuse,Central Time (US & Canada) -9382,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,lmontheradio,,4,,,RT @jsn2007: What ever happened to the answers to how they were gonna take care of vets? #GOPDebates,,2015-08-06 20:31:02 -0700,629494935847243776,,Pacific Time (US & Canada) -9383,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fatmanonbatman2,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 20:30:58 -0700,629494917924958209,california, -9384,Jeb Bush,0.6882,yes,1.0,Negative,0.6882,None of the above,0.6667,,Slick15Rk,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:30:57 -0700,629494914326204417,"houston,tx",Central Time (US & Canada) -9385,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,monkeydogman,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:30:46 -0700,629494866876178436,Alabama,Central Time (US & Canada) -9386,No candidate mentioned,1.0,yes,1.0,Negative,0.3773,Religion,0.7093,,BrittColacicco,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:30:44 -0700,629494860140146688,United States,Eastern Time (US & Canada) -9387,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,webbtee,,0,,,"What did you think of tonight's #GOPDebates? -Who's your pick for the Republican Nominee? -#SECPrimary... http://t.co/W3hbRAzu0a",,2015-08-06 20:30:34 -0700,629494816586403841,,Eastern Time (US & Canada) -9388,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,DragonForce_One,,0,,,Rubio had the Best Attack of the night was from Marco Rubio on Hillary Clinton ... #TCOT #ccot #PJNET #gop #GOPDebates,,2015-08-06 20:30:29 -0700,629494795501592576,"Abbotsford, B.C.",Pacific Time (US & Canada) -9389,Jeb Bush,1.0,yes,1.0,Positive,0.6667,Immigration,0.6897,,felynerose,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:30:21 -0700,629494764010930176,Florida,Atlantic Time (Canada) -9390,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,JDjwhite54,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:30:20 -0700,629494760408006656,"Toledo, Oh.", -9391,No candidate mentioned,1.0,yes,1.0,Negative,0.7044,None of the above,1.0,,PARISDENNARD,,2,,,3 hours of #GOPDebates is enough for one night and I love politics…,,2015-08-06 20:30:19 -0700,629494756163366912,Washington DC,Eastern Time (US & Canada) -9392,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,FOX News or Moderators,0.4133,,CSimon7777777,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:30:14 -0700,629494733316845569,,Central Time (US & Canada) -9393,Marco Rubio,0.6322,yes,1.0,Positive,0.7126,None of the above,1.0,,lcbaleme,,0,,,"Jeb is a swell guy, and Donald is gruff. I'm a Marco Rubio fan #GOPDebates",,2015-08-06 20:30:13 -0700,629494730716360704,"Seattle / Tacoma, Washington",Pacific Time (US & Canada) -9394,Mike Huckabee,0.6429,yes,1.0,Positive,1.0,None of the above,1.0,,thetomzone,,0,,,Great jobs from Mike Huckabee and Donald Trump competing to see who can be the president from Escape From New York tonight. #GOPDebates,,2015-08-06 20:30:12 -0700,629494723963658241,"Harlem, NYC",Central Time (US & Canada) -9395,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BrianH630,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:30:03 -0700,629494688035274753,,Central Time (US & Canada) -9396,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6456,,BigBoyBaker,,0,,,"Love how Rubio said the election is not about resumes, but ideas for the future and a high tech future. #GOPDebates",,2015-08-06 20:29:56 -0700,629494657672716289,"Indiana, U.S.A.",Eastern Time (US & Canada) -9397,No candidate mentioned,1.0,yes,1.0,Neutral,0.6515,None of the above,1.0,,spindlespindle1,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 20:29:55 -0700,629494653537005568,San Leandro/San Francisco,Pacific Time (US & Canada) -9398,Jeb Bush,0.6949,yes,1.0,Negative,0.6949,None of the above,1.0,,AbsurdiaMorning,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:29:51 -0700,629494636755685377,Suburban NE Ohio, -9399,No candidate mentioned,0.4344,yes,0.6591,Negative,0.3636,None of the above,0.4344,,AngieJoon,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 20:29:43 -0700,629494604975345665,Kansas,Central Time (US & Canada) -9400,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,pkhinkle,,6,,,RT @monaeltahawy: Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 20:29:42 -0700,629494598465945600,Blue Dot island in TN hotmess,Central Time (US & Canada) -9401,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,TribalWellness,,0,,,Media will twist and turn good to bad and bad to good #GOPDebates,,2015-08-06 20:29:38 -0700,629494582628081664,UNIVERSAL,Central Time (US & Canada) -9402,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tegodreaux,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:29:34 -0700,629494566303862784,nyc,Eastern Time (US & Canada) -9403,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,WhitneyDockrey,,0,,,If there's one thing we can be certain of... It's that @FoxNews does not want @realDonaldTrump to win. #GOPdebates,,2015-08-06 20:29:34 -0700,629494564487741440,Georgetown University,Central Time (US & Canada) -9404,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,DLPTony,,0,,,This. Is. Funny! ~ @kerrywashington #GOPDebates #GOPDebate #potus https://t.co/XOgPjTJify,,2015-08-06 20:29:34 -0700,629494564483649536,Midtown Atlanta!,Eastern Time (US & Canada) -9405,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thenurse75,,3,,,RT @SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to.,,2015-08-06 20:29:33 -0700,629494559278379008,Kelsey California,Pacific Time (US & Canada) -9406,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EnigmaNetxx,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:29:31 -0700,629494554580791296,CALIFORNIA ~ South & North ,Pacific Time (US & Canada) -9407,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,FOX News or Moderators,0.4492,,firedup99,,4,,,"RT @FoxNewsMom: I'm psychic. - -#GOPDebates http://t.co/WxAF0QVhI5",,2015-08-06 20:29:21 -0700,629494509810782208,, -9408,No candidate mentioned,1.0,yes,1.0,Neutral,0.3587,Racial issues,0.6957,,sankofa_bird,,0,,,"Republicans: ""I have a black friend and a gay friend. They're the same person. I can only expand so much. 'Murica."" #GOPDebates",,2015-08-06 20:29:15 -0700,629494487832662016,Are you new? ,Arizona -9409,No candidate mentioned,1.0,yes,1.0,Negative,0.6787,None of the above,1.0,,Destinbeach22,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:29:13 -0700,629494477355270144,,Central Time (US & Canada) -9410,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,None of the above,0.4204,,AuberHirsch,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:29:09 -0700,629494460871618561,NewYork, -9411,No candidate mentioned,0.4594,yes,0.6778,Negative,0.3444,Religion,0.4594,,HAMDIRIFAI,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:29:08 -0700,629494456425795585,"New York, NY",Eastern Time (US & Canada) -9412,No candidate mentioned,1.0,yes,1.0,Negative,0.6907,Abortion,0.6701,,chkl8dva,,1,,,RT @fieldnegro: What about the life of the woman who is carrying the baby? #GOPDebates,,2015-08-06 20:29:05 -0700,629494443666706433,, -9413,Donald Trump,1.0,yes,1.0,Negative,0.6940000000000001,FOX News or Moderators,1.0,,TizzylixAnna,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:29:03 -0700,629494436859408385,new york, -9414,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,GadgetGirlMY,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:28:57 -0700,629494409223012352,Bay Area,Pacific Time (US & Canada) -9415,Jeb Bush,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,2ndAmendmentMom,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:28:56 -0700,629494406114971648,,Atlantic Time (Canada) -9416,Rand Paul,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,wikalinska,,5,,,"RT @SalMasekela: Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 20:28:55 -0700,629494403401416704,, -9417,Rand Paul,0.6364,yes,1.0,Negative,1.0,None of the above,1.0,,TeresaSpencer1,,0,,,Rand Paul's hair may be worse than Trumps!#GOPDebates,,2015-08-06 20:28:45 -0700,629494358308315137,"Aurora, Illinois",Central Time (US & Canada) -9418,Jeb Bush,1.0,yes,1.0,Negative,1.0,Immigration,0.6888,,blueocean5454,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:28:36 -0700,629494323130728448,, -9419,No candidate mentioned,0.4853,yes,0.6966,Neutral,0.3596,None of the above,0.4853,,FBOMBINATION,,0,,,In honor of the #GOPDebates in Cleveland https://t.co/oObw167xIQ,,2015-08-06 20:28:33 -0700,629494310807969793,, -9420,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pamelarae32,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:28:21 -0700,629494258488246276,, -9421,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,msgoddessrises,,0,,,#Trump is failing the #FoxNews focus poll I knew he would. He bombed! Never attack a conservative woman. #GopDebates https://t.co/584A2xK2Wf,,2015-08-06 20:28:16 -0700,629494236639948800,Viva Las Vegas NV.,Pacific Time (US & Canada) -9422,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,kimlax2,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:28:09 -0700,629494208689229824,,Eastern Time (US & Canada) -9423,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobynSChilson,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:28:04 -0700,629494188942446592,Pennsylvania,Atlantic Time (Canada) -9424,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,FOX News or Moderators,1.0,,JungleRamar,,0,,,#GOPDebates on Fox. Where else? The Sloth Network?,,2015-08-06 20:27:52 -0700,629494138019274753,,Central Time (US & Canada) -9425,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JessicaDeskins,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:27:52 -0700,629494137516105730,,Quito -9426,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,Foreign Policy,0.4218,,cakelover726,,57,,,RT @PamelaGeller: Jim Gilmore is clueless on #ISIS. It's not a state? They already rule an area larger than the United Kingdom. #GOPdebates,,2015-08-06 20:27:47 -0700,629494116993396736,, -9427,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,DDsSpeaks,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:27:45 -0700,629494110286647296,"Washington, DC ",Eastern Time (US & Canada) -9428,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6614,,schneidercathy1,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:27:41 -0700,629494090556678144,, -9429,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,JhRuss1225,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:27:39 -0700,629494081870237697,, -9430,No candidate mentioned,0.4548,yes,0.6744,Negative,0.3374,FOX News or Moderators,0.2275,,diana_west_,,4,,,"RT @FoxNewsMom: I'm psychic. - -#GOPDebates http://t.co/WxAF0QVhI5",,2015-08-06 20:27:35 -0700,629494064329695232,, -9431,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Vandaluste,,2,,,"RT @SalMasekela: Kasich, it may be the booze talking....but I think I like you man. #GOPDebates",,2015-08-06 20:27:34 -0700,629494061041348608,, -9432,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mohiclaire,,2,,,RT @MichaelDinoff: #GOPDebates #ClownCircus Its always a Circus with these clowns!! http://t.co/89wRJDv1dl,,2015-08-06 20:27:34 -0700,629494060898619393,almost at the beach...,Pacific Time (US & Canada) -9433,Ben Carson,0.6846,yes,1.0,Positive,1.0,None of the above,0.6846,,Realmen_r_free,,0,,,@RealBenCarson and @SenTedCruz 2016 #C2 #Csquared America can be great again! @gop #GOPDebates,,2015-08-06 20:27:25 -0700,629494022533349376,, -9434,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,rockbridge2008,,4,,,"RT @LemonMeringue19: Intelligence, class and charm are no longer requirements for the presidency, I guess. #GOPDebates",,2015-08-06 20:27:21 -0700,629494008851533824,USA,Pacific Time (US & Canada) -9435,Donald Trump,1.0,yes,1.0,Neutral,0.3646,None of the above,0.6979,,msgoddessrises,,0,,,I was RIGHT! I should be an independent political strategist! #Trump failing #Fox focus poll! #Kasich is moving up! #GOPDebates,,2015-08-06 20:27:11 -0700,629493967181090816,Viva Las Vegas NV.,Pacific Time (US & Canada) -9436,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,laa6812,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:27:11 -0700,629493965750972416,, -9437,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CaConservative_,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:27:04 -0700,629493936730456064,CA,America/Los_Angeles -9438,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,innatevalue,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:27:02 -0700,629493927008059392,,Eastern Time (US & Canada) -9439,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Gub4Thrive,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:26:59 -0700,629493914022584321,"Kansas City, MO",Central Time (US & Canada) -9440,,0.2319,yes,0.6344,Neutral,0.3441,Immigration,0.4025,,Moliscoolsville,,59,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 20:26:55 -0700,629493900495978496,"Peekskill, New York",Central Time (US & Canada) -9441,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,frgrab_frank,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:26:49 -0700,629493874197663744,America, -9442,Ted Cruz,1.0,yes,1.0,Negative,0.6703,Religion,0.6813,,RockinRita03,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 20:26:46 -0700,629493860427780096,"Cherry Hill, NJ",Eastern Time (US & Canada) -9443,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,FOX News or Moderators,0.2331,,djgslr,,9,,,RT @theyentareport: What? You want to know if any of the candidates hear strange voices in their head? #mentalhealth #gopdebates http://t.…,,2015-08-06 20:26:43 -0700,629493848293699584,,Eastern Time (US & Canada) -9444,No candidate mentioned,1.0,yes,1.0,Neutral,0.3667,FOX News or Moderators,0.6333,,FoxNewsMom,,4,,,"I'm psychic. - -#GOPDebates http://t.co/WxAF0QVhI5",,2015-08-06 20:26:41 -0700,629493841452625920,"Carlsbad, CA",Pacific Time (US & Canada) -9445,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,None of the above,1.0,,goforgold80s,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:26:40 -0700,629493835966472192,batmania southern land,Hawaii -9446,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SOUTHERNjamespb,,5,,,"RT @SupermanHotMale: Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 20:26:30 -0700,629493793973125121,"Georgia, United States",Eastern Time (US & Canada) -9447,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,FOX News or Moderators,0.696,,American__Betty,,0,,,First debate seems to have had better moderators and Carly. Sorry I missed it. #GOPDebates,,2015-08-06 20:26:22 -0700,629493759596732418,Sanity & Common Sense,Eastern Time (US & Canada) -9448,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6774,,LedbetterJo,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:26:05 -0700,629493689509806080,, -9449,Ben Carson,0.3989,yes,0.6316,Positive,0.3474,,0.2327,,maatopdogg,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:25:56 -0700,629493649374580737,, -9450,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,turnermelodie12,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:25:54 -0700,629493643951247360,columbus ohio, -9451,Jeb Bush,0.4102,yes,0.6404,Negative,0.6404,None of the above,0.4102,,Ic206Bones,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:25:52 -0700,629493635151753216,,America/Detroit -9452,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,T_A_Whitney,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:25:47 -0700,629493612040990721,"Currently residing on Earth 2, but pre-Crisis on Infinite Earths Earth 2, not New 52 Earth 2", -9453,John Kasich,1.0,yes,1.0,Positive,0.7,None of the above,1.0,,KoralMae,,0,,,"Wow, I think John Kasich is an actual real candidate. If he keeps talking sense, he will NEVER win the primary. #GOPDebate #GOPDebates",,2015-08-06 20:25:43 -0700,629493595528007680,Nearly Alone on Planet Earth,Pacific Time (US & Canada) -9454,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,None of the above,0.4133,,NCcouple711,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:25:36 -0700,629493566797123584,"Charlotte,NC ", -9455,No candidate mentioned,0.4827,yes,0.6947,Neutral,0.3474,None of the above,0.2413,,s_soliz,,0,,,Ack! Did the #GOPDebates break Time Warner? The cables out!!!! Missing Jon Stewart!!!!!!!!,,2015-08-06 20:25:32 -0700,629493550107856896,"Dallas, Tx",Central Time (US & Canada) -9456,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,FOX News or Moderators,0.6739,,peggyguthridge,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:25:20 -0700,629493502053871616,Northern Alabama ♥️ USA,Central Time (US & Canada) -9457,Donald Trump,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,bjohnson1436,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 20:25:11 -0700,629493461729865728,,Central Time (US & Canada) -9458,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6782,,stoneman67,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:25:08 -0700,629493450283421696,MOΛΩN ΛABE, -9459,No candidate mentioned,0.4916,yes,0.7011,Neutral,0.7011,None of the above,0.4916,,MissMaryv,,9,,,RT @theyentareport: What? You want to know if any of the candidates hear strange voices in their head? #mentalhealth #gopdebates http://t.…,,2015-08-06 20:25:07 -0700,629493445891993600,"Helena, MT", -9460,Donald Trump,1.0,yes,1.0,Negative,0.6458,FOX News or Moderators,0.6562,,oblock300pooh,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:25:05 -0700,629493437197340672,milwaukee, -9461,No candidate mentioned,0.4181,yes,0.6466,Negative,0.6466,FOX News or Moderators,0.4181,,Scattermae777M,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:25:02 -0700,629493426392666113,, -9462,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6966,,bobby990r_1,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:25:02 -0700,629493423435812864,, -9463,Donald Trump,0.4247,yes,0.6517,Neutral,0.3371,,0.22699999999999998,,jhog667,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:25:00 -0700,629493416464809984,California,Alaska -9464,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,RNROklahoma,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:25:00 -0700,629493414451658752,The Sooner State ,Mountain Time (US & Canada) -9465,Jeb Bush,0.5143,yes,0.7171,Negative,0.7171,Immigration,0.5143,,srrabon_,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:24:51 -0700,629493376799236096,, -9466,No candidate mentioned,0.4656,yes,0.6824,Negative,0.3647,None of the above,0.4656,,HPinDSM,,0,,,"#GOPDebates : better than the Phantom Menace, but worse than Revenge of the Sith.",,2015-08-06 20:24:50 -0700,629493372936421376,"Des Moines, Iowa",Central Time (US & Canada) -9467,Jeb Bush,0.4311,yes,0.6566,Positive,0.3333,None of the above,0.4311,,NoShameNMyAnger,,0,,,Vote for me: Its the greatest time to be alive and I dont know when the primary is - Jeb Bush #GOPDebates,,2015-08-06 20:24:47 -0700,629493360839897089,TX,Pacific Time (US & Canada) -9468,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,Religion,0.6563,,itsWanda,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:24:46 -0700,629493356075155456,far left coast,Pacific Time (US & Canada) -9469,No candidate mentioned,0.4393,yes,0.6628,Negative,0.6628,None of the above,0.2312,,glenda_burke,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:24:41 -0700,629493338132082688,America,Atlantic Time (Canada) -9470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BballFutures1,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:24:40 -0700,629493332041793537,, -9471,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6801,,MGernonA,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:24:37 -0700,629493321212239872,, -9472,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WisdomWithTime,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:24:35 -0700,629493310864949248,,Quito -9473,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Racial issues,0.6778,,ToddSayland,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:24:33 -0700,629493303239577600,"Fort Lauderdale, FL",Eastern Time (US & Canada) -9474,,0.2255,yes,0.6566,Neutral,0.6566,,0.2255,,lcbaleme,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 20:24:32 -0700,629493297111674880,"Seattle / Tacoma, Washington",Pacific Time (US & Canada) -9475,Donald Trump,1.0,yes,1.0,Positive,0.6759,None of the above,1.0,,Rictracee,,0,,,Yassssss #DonaldTrump is doing it up... He answers the questions the way he wants to. #FOXNEWSDEBATE #GopDebates,,2015-08-06 20:24:24 -0700,629493263712452608,Florida,Eastern Time (US & Canada) -9476,No candidate mentioned,0.6556,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6556,,LemonMeringue19,,0,,,Funny to see Megyn pretend to stick up for women (vs Trump) while championing the party that hates woman every single day. #GOPDebates,,2015-08-06 20:24:22 -0700,629493256821284864,"Kansas, USA",Pacific Time (US & Canada) -9477,No candidate mentioned,1.0,yes,1.0,Negative,0.6759999999999999,None of the above,1.0,,SallySkello,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 20:24:22 -0700,629493255021948928,, -9478,No candidate mentioned,1.0,yes,1.0,Neutral,0.6939,Religion,1.0,,JonathanFarrel7,,0,,,"JonathanFarrel7: luciabrawley: What is the Christian litmus test? Let's refer to the Constitution, shall we? #GOPDebates #FirstAmendment #F…",,2015-08-06 20:24:17 -0700,629493234268512258,UK,Dublin -9479,Jeb Bush,1.0,yes,1.0,Positive,0.6778,None of the above,0.6667,,MaroonedInMarin,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:24:14 -0700,629493222901985280,"FFX County, VA",Eastern Time (US & Canada) -9480,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,marchionorr,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:24:12 -0700,629493216576823297,Earth,America/Los_Angeles -9481,Donald Trump,0.4302,yes,0.6559,Negative,0.6559,Jobs and Economy,0.2257,,ChrisJeter,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:23:58 -0700,629493156187406336,"Millburn, NJ",Eastern Time (US & Canada) -9482,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,GeriRosman,,0,,,It has been so amazing tweeting w/all of you tonight for both #GOPDebates!! Grateful for you all & look forward to all the fun ahead!,,2015-08-06 20:23:42 -0700,629493087660867584,"Charlotte, NC",Eastern Time (US & Canada) -9483,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JonathanRStrand,,0,,,@realDonaldTrump was almost cordial with Dr Carson and those 8 insurance salesmen. #GOPdebates,,2015-08-06 20:23:37 -0700,629493069369339904,Las Vegas,Pacific Time (US & Canada) -9484,Jeb Bush,1.0,yes,1.0,Negative,0.6703,None of the above,0.6703,,musicmantl,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:23:34 -0700,629493055561674752,,Pacific Time (US & Canada) -9485,Donald Trump,1.0,yes,1.0,Negative,0.7215,None of the above,1.0,,Reid_CO,,3,,,RT @tmservo433: Prediction: Donald Trump goes up in post debate polls. Because he looks no crazier than anyone else and more entertaining #…,,2015-08-06 20:23:34 -0700,629493054303395840,"ÜT: 39.763427,-104.849687",Central Time (US & Canada) -9486,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Sen_Beauregard,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:23:34 -0700,629493053439344641,"Charleston, South Carolina",Pacific Time (US & Canada) -9487,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,QuasiDoc_MSPhD,,1,,,RT @fergie_spuds: Trump and Ben Carson stood out #GopDebates,,2015-08-06 20:23:32 -0700,629493045038288896,Florida,Eastern Time (US & Canada) -9488,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,Religion,1.0,,casious1964,,0,,,So God it it wrong 16 times #GOPDebates if all were told God told them to run !!,,2015-08-06 20:23:30 -0700,629493040185356288,vancouver , -9489,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,1.0,,MentonGini,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:23:30 -0700,629493039191293952,, -9490,No candidate mentioned,1.0,yes,1.0,Positive,0.6932,None of the above,1.0,,Wilberforce91,,0,,,Well that was a blast. A strong field in both #GOPDebates. Going to be a fun campaign season!,,2015-08-06 20:23:29 -0700,629493036200783872,North Carolina,Eastern Time (US & Canada) -9491,Scott Walker,1.0,yes,1.0,Negative,0.6867,Religion,0.6518,,LFCMadison,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 20:23:14 -0700,629492972464111616,"Madison, WI", -9492,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,lheinkel,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:23:14 -0700,629492970249658368,#TGDN,Central Time (US & Canada) -9493,Donald Trump,1.0,yes,1.0,Negative,0.7045,FOX News or Moderators,0.625,,BrendanKKirby,,0,,,"Lots still searching for @realDonaldTrump on Google http://t.co/AkcODbzESt - but FOX focus group suggests trouble for the tycoon. #GOPdebates",,2015-08-06 20:23:10 -0700,629492954252455936,"Mobile, AL",Central Time (US & Canada) -9494,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SherriTerrell,,0,,,If I had to vote Republican (God forbid) #JohnKasich would have my vote. #RepublicanDebate #FoxNews #GOPdebates,,2015-08-06 20:23:07 -0700,629492940214177792,,Pacific Time (US & Canada) -9495,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ebarnett1970,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:23:05 -0700,629492933918617600,, -9496,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Pat_P_B,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:23:03 -0700,629492923743215617,Near You,Central Time (US & Canada) -9497,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6374,,Dave_Els,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:23:00 -0700,629492911693033472,,Quito -9498,Jeb Bush,1.0,yes,1.0,Negative,0.35700000000000004,Immigration,0.6983,,robk892,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:22:59 -0700,629492910497464320,, -9499,Jeb Bush,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,ClaytonHowerton,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 20:22:54 -0700,629492886942289920,,Arizona -9500,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,FOX News or Moderators,0.6628,,PSimolo,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:22:52 -0700,629492879040208896,"Phoenix, AZ", -9501,,0.2235,yes,0.3371,Neutral,0.3371,,0.2235,,IAMDIGITALENT,,0,,,“Are We Being Punkd?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/SG8tYHoaey,,2015-08-06 20:22:52 -0700,629492878511861760,iamdigitalent.com, -9502,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lisanfergus,,2,,,"RT @nolatab88: ""@SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to."" I agr…",,2015-08-06 20:22:51 -0700,629492875978387456,right here,Quito -9503,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,sarah_bama,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:22:32 -0700,629492796978630656,San Francisco,Pacific Time (US & Canada) -9504,Jeb Bush,0.4314,yes,0.6568,Negative,0.3358,,0.2254,,cherokeesher2,,3,,,"RT @PuestoLoco: .@NewDay Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell http://t.co/bgzYsy…",,2015-08-06 20:22:31 -0700,629492789412298753,vermont, -9505,Jeb Bush,1.0,yes,1.0,Negative,0.3431,Immigration,0.6762,,tbonpc,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:22:30 -0700,629492787424174080,Robertsdale Al,Central Time (US & Canada) -9506,Jeb Bush,1.0,yes,1.0,Positive,0.67,Immigration,0.67,,wespeak4him,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:22:29 -0700,629492784676892672,, -9507,No candidate mentioned,0.4102,yes,0.6404,Negative,0.6404,,0.2303,,Cindyg1948Cindy,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:22:29 -0700,629492783783358464,, -9508,No candidate mentioned,1.0,yes,1.0,Negative,0.6979,Religion,1.0,,the_amphibian,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:22:29 -0700,629492783561199616,NJ,Quito -9509,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6837,,wdsmith93,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:22:29 -0700,629492783213117440,MD,Atlantic Time (Canada) -9510,Chris Christie,0.6941,yes,1.0,Negative,0.6941,None of the above,0.6824,,blaha_b,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:22:24 -0700,629492761885024257,"Buffalo Valley, Tennessee", -9511,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,Jdailey42,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:22:20 -0700,629492747116879872,, -9512,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,Religion,1.0,,the_amphibian,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:22:18 -0700,629492736438206465,NJ,Quito -9513,Mike Huckabee,0.4123,yes,0.6421,Negative,0.3579,Foreign Policy,0.2298,,LOVEnver_fails,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 20:22:16 -0700,629492729295155200,Seattle, -9514,Jeb Bush,1.0,yes,1.0,Negative,1.0,Immigration,0.7027,,jko417,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:22:15 -0700,629492724752904192,, -9515,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ComputersDotCom,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:22:07 -0700,629492690153947136,,Pacific Time (US & Canada) -9516,Donald Trump,0.4209,yes,0.6488,Negative,0.6488,FOX News or Moderators,0.4209,,VonBodungen,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:22:07 -0700,629492689294258176,Twilight Zone, -9517,Donald Trump,0.6548,yes,1.0,Positive,0.6548,None of the above,1.0,,RFTShow,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:22:06 -0700,629492685171077120,Central California, -9518,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DjE_ssential,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:22:04 -0700,629492678669930496,"las cruces, nm",Mountain Time (US & Canada) -9519,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6596,,Secca2013,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:22:04 -0700,629492678321905664,America,Eastern Time (US & Canada) -9520,Jeb Bush,1.0,yes,1.0,Negative,0.65,Immigration,1.0,,OrtaineDevian,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:21:59 -0700,629492655576252416,"Boston, MA", -9521,No candidate mentioned,1.0,yes,1.0,Neutral,0.6336,None of the above,1.0,,lovablegold,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:21:54 -0700,629492636491976704,los angeles, -9522,Jeb Bush,1.0,yes,1.0,Negative,0.7059,Immigration,0.6941,,FredZeppelin12,,21,,,"RT @LindaSuhler: Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:21:53 -0700,629492632385814528,The Great State of Alaska,Alaska -9523,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ranger1845,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 20:21:52 -0700,629492626530680832,,Eastern Time (US & Canada) -9524,No candidate mentioned,0.405,yes,0.6364,Negative,0.6364,,0.2314,,SwayzeGuy,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:21:52 -0700,629492625590980608,Florida,Eastern Time (US & Canada) -9525,Donald Trump,0.4376,yes,0.6615,Negative,0.336,None of the above,0.4376,,michaelkasdan,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 20:21:51 -0700,629492621711396864,New York City,Eastern Time (US & Canada) -9526,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,FOX News or Moderators,0.4545,,JJAKEOBY,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:21:47 -0700,629492604808269824,Phoenix, -9527,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6989,,DavidAWright1,,3,,,"RT @jsc1835: No, Scott Walker, you didn't ""lash"" out at the protesters in Wisconsin... You just had them arrested. #GOPDebates",,2015-08-06 20:21:43 -0700,629492591994773504,NorthTonawanda N.Y.,Eastern Time (US & Canada) -9528,Ted Cruz,0.4799,yes,0.6928,Positive,0.6928,None of the above,0.4799,,HorneGuyna,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:21:41 -0700,629492582846849025,Texas, -9529,Chris Christie,1.0,yes,1.0,Negative,0.6907,None of the above,0.3505,,DavidAWright1,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:21:41 -0700,629492580657573888,NorthTonawanda N.Y.,Eastern Time (US & Canada) -9530,Jeb Bush,1.0,yes,1.0,Negative,0.6798,Immigration,0.6198,,LindaSuhler,,21,,,"Jeb Stands By ""Act of Love""; Comments and Earned Legal Status [BOO] -#NoAmnesty -http://t.co/hImScrVikr -#GOPDebates",,2015-08-06 20:21:35 -0700,629492558398263297,"Scottsdale, Arizona",Arizona -9531,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mette_mariek,,0,,,I miss the #GOPDebates.,,2015-08-06 20:21:31 -0700,629492538362040320,"Los Angeles, CA",Pacific Time (US & Canada) -9532,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WretchedEsq,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:21:29 -0700,629492531433197568,,Eastern Time (US & Canada) -9533,No candidate mentioned,1.0,yes,1.0,Negative,0.6341,FOX News or Moderators,0.7089,,JPrstojevich,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:21:24 -0700,629492509161336832,, -9534,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MizzWorldwidee,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:21:24 -0700,629492508255514624,Oasis of the Seas , -9535,Donald Trump,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,susheequeen,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:21:22 -0700,629492502353940480,TX ,Central Time (US & Canada) -9536,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tbonpc,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:21:19 -0700,629492490161229824,Robertsdale Al,Central Time (US & Canada) -9537,Ted Cruz,1.0,yes,1.0,Negative,0.6595,Religion,0.6216,,michaelkasdan,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 20:21:13 -0700,629492465444200449,New York City,Eastern Time (US & Canada) -9538,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.667,,nannieboo,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:21:10 -0700,629492449551847429,texas, -9539,No candidate mentioned,1.0,yes,1.0,Neutral,0.3548,None of the above,1.0,,sweeetbea,,1,,,"RT @RaeMacRaeRae: When all your friends are comedians, following the #GOPDebates is the FUNNEST!",,2015-08-06 20:21:08 -0700,629492445097672704,"I miss you, NJ",Eastern Time (US & Canada) -9540,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RFTShow,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:21:06 -0700,629492435836506112,Central California, -9541,No candidate mentioned,0.3889,yes,0.6237,Neutral,0.3226,FOX News or Moderators,0.3889,,gragg_jo,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:21:06 -0700,629492435060658176,"Tennessee, USA", -9542,No candidate mentioned,0.4311,yes,0.6566,Negative,0.6566,,0.2255,,curlymalloy,,0,,,The #GOPDEBATES Made my Vagina Hurt!!!,,2015-08-06 20:21:03 -0700,629492423249387520,Vaudeville Vamp,Pacific Time (US & Canada) -9543,No candidate mentioned,0.4123,yes,0.6421,Negative,0.3263,None of the above,0.4123,,ItsCathyNC,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 20:21:00 -0700,629492411547418624,Cornelius ,Eastern Time (US & Canada) -9544,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6809,,trzrpug,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:20:59 -0700,629492405557788673,, -9545,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,robiricks,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 20:20:58 -0700,629492402366087169,,America/Chicago -9546,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6495,,lmLauraFlyMe,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:20:56 -0700,629492391964086272,,Central Time (US & Canada) -9547,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RadioFreeTom,,11,,,"RT @Apathycase: So, Trump buys politicians, used bankruptcy to his advantage, skirted laws for money, and admitted to wanting single payer …",,2015-08-06 20:20:56 -0700,629492391108587521,"Newport, RI",Eastern Time (US & Canada) -9548,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,SupermanHotMale,,2,,,"RT @nolatab88: ""@SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to."" I agr…",,2015-08-06 20:20:46 -0700,629492350931337216,"Cocoa Beach, Florida",Eastern Time (US & Canada) -9549,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.7031,,thedapperdiner,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:20:41 -0700,629492328273580033,CA,Pacific Time (US & Canada) -9550,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RtOnPolitics,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:20:39 -0700,629492321587859456,, -9551,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LisaTsering,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:20:38 -0700,629492315829088256,San Francisco Bay Area,Pacific Time (US & Canada) -9552,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,None of the above,0.6932,,jgailhuff,,0,,,"@ChrisFranjola thank you for your courage, coverage & sacrifice. You saved me from a dreadful evening. #GOPDebates",,2015-08-06 20:20:34 -0700,629492302092877824,Ohio,Eastern Time (US & Canada) -9553,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jab_rokatt,,0,,,Congrats @FoxNews... the #GOPDebates were harder to watch than the rape scene in IRREVERSIBLE.,,2015-08-06 20:20:30 -0700,629492282211721216,"New York, NY", -9554,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,Quo_Vadis_USA,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:20:28 -0700,629492275303747584,,Arizona -9555,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6729,,MissMahlia,,0,,,I'd rather have a boxing match & let the winners advance. That'd be so much more entertaining than tailored questions. #GOPDebates,,2015-08-06 20:20:18 -0700,629492235386552320,Sin City,Pacific Time (US & Canada) -9556,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Duane106,,2,,,"RT @T0H0DAD: By far the most professional candidate is #TedCruz! -#GOPDebates",,2015-08-06 20:20:16 -0700,629492224116572160,#NationInDistress,Eastern Time (US & Canada) -9557,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6563,,sweeetbea,,1,,,RT @s_soliz: This is making me even more depressed that Jon Stewart is leaving.... He needs to do debate special shows. #GOPDebates,,2015-08-06 20:20:16 -0700,629492222992490496,"I miss you, NJ",Eastern Time (US & Canada) -9558,John Kasich,1.0,yes,1.0,Positive,1.0,Jobs and Economy,1.0,,GizmoOlder,,0,,,"#GOPDebates Kasich knew the buzz words. Economic growth, unite our country, respect other voices. Carson was surprisingly eloquent.",,2015-08-06 20:20:11 -0700,629492202918551552,moved from CA to NC, -9559,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,Religion,0.4347,,RandyHauser,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:20:11 -0700,629492202167627776,San francisco,Pacific Time (US & Canada) -9560,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.3656,None of the above,0.2398,,Rockprincess818,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:20:10 -0700,629492199340666880,"Calabasas, CA",Pacific Time (US & Canada) -9561,No candidate mentioned,0.4755,yes,0.6896,Negative,0.6896,FOX News or Moderators,0.4755,,CRRogers5,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:20:03 -0700,629492172358860800,,Eastern Time (US & Canada) -9562,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nolatab88,,2,,,"""@SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to."" I agree big time!!!",,2015-08-06 20:20:01 -0700,629492162078580736,"New Orleans, LA",Central Time (US & Canada) -9563,No candidate mentioned,1.0,yes,1.0,Negative,0.6279,None of the above,1.0,,sweeetbea,,90,,,"RT @nonsequiteuse: If you don't want alcohol poisoning from the #GOPDebates, play #YouHateIDonate instead. Pick a cause & when the GOP hate…",,2015-08-06 20:20:01 -0700,629492161856315392,"I miss you, NJ",Eastern Time (US & Canada) -9564,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,donna_dishman,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:19:59 -0700,629492153035661312,, -9565,Donald Trump,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,TDydiw,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:19:56 -0700,629492142059180032,Southwestern PA,Quito -9566,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6489,,abrohamski,,0,,,they didn't even ask about climate change. not one question. #GOPDebates,,2015-08-06 20:19:45 -0700,629492094285930497,#RiceU,Central Time (US & Canada) -9567,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,hill_danita,,1,,,RT @tammy_pence: I became a #BenCarson fan tonight!!! #GOPDebates,,2015-08-06 20:19:43 -0700,629492086975299584,Kansas,Central Time (US & Canada) -9568,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,Religion,0.6517,,lilzouzouni,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:19:41 -0700,629492077198336000,, -9569,No candidate mentioned,1.0,yes,1.0,Negative,0.6642,None of the above,0.6642,,sweeetbea,,2,,,"RT @Aroww333: There is a time for attacks, I guess, but the real conversation should be on issues not ""I'm better than so-&-so"" #CanIGetAnA…",,2015-08-06 20:19:38 -0700,629492067723517952,"I miss you, NJ",Eastern Time (US & Canada) -9570,Donald Trump,0.2259,yes,0.6552,Negative,0.6552,None of the above,0.4293,,donald_strumpet,,0,,,Congratulating himself for at least coming off better than one other person in these fucking #GOPDebates? Yup,,2015-08-06 20:19:38 -0700,629492065630556161,, -9571,No candidate mentioned,1.0,yes,1.0,Negative,0.698,Religion,1.0,,Thesismis,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:19:35 -0700,629492054440169473,Brisvegas: In Exile, -9572,No candidate mentioned,0.4344,yes,0.6591,Neutral,0.3295,None of the above,0.4344,,StellaLuna65,,3,,,"RT @MeanProgress: America: What we are losing, Where may we end up? - -http://t.co/psPFOspIVE - -.@POTUS .@WhiteHouse .@FLOTUS #GOPDebates #Uni…",,2015-08-06 20:19:34 -0700,629492050363166720,, -9573,No candidate mentioned,0.4038,yes,0.6354,Neutral,0.3333,None of the above,0.4038,,TheUrbanDaily,,1,,,“Are We Being Punkd?” Twitter Has A Field Day With Round 1 Of The #GOPDebates http://t.co/AsrWUnT6cp,,2015-08-06 20:19:33 -0700,629492043971227649,"New York, NY",Eastern Time (US & Canada) -9574,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6645,,RissyTheppard,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:19:29 -0700,629492029295357952,Florida , -9575,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,sweeetbea,,1,,,"RT @cestMa1: Sitting on a veranda in India, reading debate comments on twitter. I WIN. #GOPDebates",,2015-08-06 20:19:28 -0700,629492022399868928,"I miss you, NJ",Eastern Time (US & Canada) -9576,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AMFLincoln,,0,,,"I didn't watch the debate, but it's entertaining watching everyone tweet about how their preferred candidate won. #GOPDebates",,2015-08-06 20:19:26 -0700,629492014321524737,"Sacramento, California/Hell", -9577,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6932,,MelindaElswick,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:19:24 -0700,629492008005013504,VA, -9578,No candidate mentioned,0.4052,yes,0.6366,Negative,0.6366,,0.2314,,PattyDs50,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:19:24 -0700,629492005605912576,NH USA ,Eastern Time (US & Canada) -9579,No candidate mentioned,0.4209,yes,0.6488,Neutral,0.6488,None of the above,0.4209,,tasmimshalmi,,1,,,RT @bobdebird: #GOPDebates ---> Final @TheDailyShow Greatest transition ever. #JonVoyage,,2015-08-06 20:19:23 -0700,629492003814903809,,Eastern Time (US & Canada) -9580,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.6739,,Waterboxer,,0,,,May I suggest turning down the audio on the #GOPDebates and listen to Queen - 'Live At Wembley Stadium' . http://t.co/l3yBnq5wkA,,2015-08-06 20:19:21 -0700,629491993849167873,"Dogtown, Los Angeles, CA",Pacific Time (US & Canada) -9581,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JenElizabeth13,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:19:20 -0700,629491989533339648,Everywhere and Nowhere,Eastern Time (US & Canada) -9582,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BeachyKate69,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:19:17 -0700,629491979622215680,florida,Central Time (US & Canada) -9583,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6816,,StellaLuna65,,2,,,"RT @angie_brill: .@CarlyFiorina how many lies can be fit into one response while calling .@HillaryClinton a liar? Sheep! - -http://t.co/2Rhxu…",,2015-08-06 20:19:14 -0700,629491965017522176,, -9584,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6404,,Goldylions,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 20:19:12 -0700,629491958071865344,Happydale,Eastern Time (US & Canada) -9585,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,elizwatkins,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:19:10 -0700,629491948236075008,University of Oklahoma, -9586,Donald Trump,0.434,yes,0.6588,Positive,0.3647,None of the above,0.434,,AngelaCrise,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:19:08 -0700,629491941646819328,"Dallas, Tx",Mountain Time (US & Canada) -9587,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,slewfan,,2,,,"RT @T0H0DAD: By far the most professional candidate is #TedCruz! -#GOPDebates",,2015-08-06 20:19:07 -0700,629491934915129347,USA,Eastern Time (US & Canada) -9588,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6409,,brackster39,,3,,,"RT @PuestoLoco: .@NewDay Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell http://t.co/bgzYsy…",,2015-08-06 20:19:04 -0700,629491924915908608,, -9589,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Twitlertwit,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:19:03 -0700,629491918678835200,Cali,Pacific Time (US & Canada) -9590,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Brooklyn_Vamp,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:19:02 -0700,629491915264782337,New York City, -9591,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3407,,StellaLuna65,,1,,,"RT @MeanProgress: #GOPDebates .@FoxNews teams up with #Facebook? Poor #TCOT #CCOT sheep? Aren't you supposed to be boycotting? #p2 - -http:/…",,2015-08-06 20:19:00 -0700,629491908184637440,, -9592,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6333,,pamelarae32,,0,,,So true. And a lot of people agree. Should have used @FoxNews #GOPDebates @realDonaldTrump https://t.co/QLzSVI4Otm,,2015-08-06 20:18:59 -0700,629491902610542592,, -9593,Ben Carson,0.6611,yes,1.0,Positive,0.6611,None of the above,0.6591,,CrazyCrnBllBrd,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:18:59 -0700,629491900630761473,In the great state of Nebraska, -9594,Donald Trump,0.4562,yes,0.6754,Neutral,0.6754,FOX News or Moderators,0.4562,,msgoddessrises,,0,,,No he insulted her. And she's not MSNBC re goes the difference. Lol #Trump #GOPDebates https://t.co/76yiYi3WwD,,2015-08-06 20:18:59 -0700,629491900366647296,Viva Las Vegas NV.,Pacific Time (US & Canada) -9595,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3571,,RedwoodGirl,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:18:56 -0700,629491891436826624,"Temescal, Oakland, California",Pacific Time (US & Canada) -9596,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DougShieldscom,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:18:53 -0700,629491878979743744,"Federal Way, WA",Pacific Time (US & Canada) -9597,No candidate mentioned,1.0,yes,1.0,Negative,0.6627,None of the above,1.0,,ScottKehn,,0,,,"I can barely stay awake watching this thing, but I don't want to miss the Rose Ceremony. #GOPdebates http://t.co/TYugQqYM0Q",,2015-08-06 20:18:52 -0700,629491872528896001,, -9598,No candidate mentioned,1.0,yes,1.0,Positive,0.7093,None of the above,1.0,,sweeetbea,,1,,,"RT @lynn_mistie: Lol, fun! Aghhh I'm pumped! This is a nerds favorite sport!! #GOPDebates",,2015-08-06 20:18:50 -0700,629491864643764224,"I miss you, NJ",Eastern Time (US & Canada) -9599,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,FOX News or Moderators,0.6628,,StellaLuna65,,5,,,RT @angie_brill: #GOPDebates .@FoxNews teams up with #Facebook? Poor #TCOT #TCOT sheep? Aren't you supposed to be boycotting? #p2 http://t.…,,2015-08-06 20:18:49 -0700,629491858591232000,, -9600,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6801,,LabsRock1,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:18:48 -0700,629491857777672192,Atlanta,Eastern Time (US & Canada) -9601,Jeb Bush,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,PJright777,,0,,,@jennybethm #MegynKelly #GOPDebates had a fave. #JebBush. #trump was ambushed. #FoxNews has changed for the worse #tcot,,2015-08-06 20:18:48 -0700,629491855005093888,,Eastern Time (US & Canada) -9602,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,StellaLuna65,,2,,,"RT @MeanProgress: #GOPDebates Not even being mean, the quality of production makes .@FoxNews look like a Public Access broadcast. - -#UniteBI…",,2015-08-06 20:18:44 -0700,629491840778047488,, -9603,No candidate mentioned,1.0,yes,1.0,Neutral,0.6898,Religion,0.6631,,RedwoodGirl,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:18:43 -0700,629491834469789697,"Temescal, Oakland, California",Pacific Time (US & Canada) -9604,Donald Trump,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,achighfield,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:18:43 -0700,629491834096631808,,Atlantic Time (Canada) -9605,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LemonMeringue19,,0,,,Donald Trump is an even bigger bully than Chris Christie. I'm astonished. #GOPDebates,,2015-08-06 20:18:41 -0700,629491825653493761,"Kansas, USA",Pacific Time (US & Canada) -9606,No candidate mentioned,1.0,yes,1.0,Negative,0.6479,FOX News or Moderators,1.0,,beckbrew,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:18:40 -0700,629491824013344772,"Arkansas, USA", -9607,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SDzzz,,2,,,"RT @Alasscan_: #GOPDebates - put all of those men on stage in one body and you still don't have one decent President. -#IStandWithObama -#Hi…",,2015-08-06 20:18:40 -0700,629491820913790976,In the grid.,Pacific Time (US & Canada) -9608,Ted Cruz,1.0,yes,1.0,Negative,0.6998,Religion,0.6337,,sweeetbea,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 20:18:35 -0700,629491799342583808,"I miss you, NJ",Eastern Time (US & Canada) -9609,Donald Trump,0.4509,yes,0.6715,Negative,0.6715,None of the above,0.4509,,StellaLuna65,,4,,,"RT @angie_brill: #KochBrothers Hate .@realDonaldTrump? Never forget... YOU created all of this. - -http://t.co/R5RRAXRFuo - -#GOPDebates #FeelT…",,2015-08-06 20:18:34 -0700,629491798633615360,, -9610,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Religion,1.0,,stereotypesteve,,0,,,Church and state. Then the #GOPDebates hmmmmm. http://t.co/7iTnBdmWp7,,2015-08-06 20:18:32 -0700,629491788089290752,,Quito -9611,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Tudor109,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:18:27 -0700,629491768740958208,"North Carolina, USA",Eastern Time (US & Canada) -9612,Ted Cruz,0.6706,yes,1.0,Positive,0.3412,None of the above,0.6706,,bmarsh31,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:18:24 -0700,629491755277283328,"Miami, FL", -9613,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,djmike318,,0,,,#gopdebates. Thank god the longest Saturday night live skit ever is finally over. What a disaster.,,2015-08-06 20:18:14 -0700,629491713212428288,, -9614,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Vadersleash,,3,,,RT @SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to.,,2015-08-06 20:18:13 -0700,629491709164937216,,Eastern Time (US & Canada) -9615,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MichaelzNewz,,0,,,I'm happy Carson was fast & sure. He is relaxed sometimes. #GOPDebates,"[47.9617, -116.699895]",2015-08-06 20:18:12 -0700,629491704802881540,, -9616,Ted Cruz,0.2457,yes,0.6897,Positive,0.3563,None of the above,0.2457,,StellaLuna65,,4,,,"RT @MeanProgress: .@tedcruz America won't move forward til we admit a problem with #RadicalChristianTerrorism - -http://t.co/onOzzeWI2s - -#Uni…",,2015-08-06 20:18:11 -0700,629491702550507520,, -9617,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,upayr,,3,,,RT @SupermanHotMale: This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to.,,2015-08-06 20:18:10 -0700,629491695579561984,,Atlantic Time (Canada) -9618,No candidate mentioned,0.4351,yes,0.6596,Negative,0.6596,None of the above,0.4351,,EXECUTIVESTEVE,,0,,,"Srsly America, if you give one of those guys the launch code to the nukes I live right under their flightpath, so *please* don't #gopdebates",,2015-08-06 20:18:03 -0700,629491665665978370,Parnell St Dublin 1,Dublin -9619,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6748,,Womenspeakup,,7,,,RT @jsc1835: Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 20:18:02 -0700,629491662457188352,, -9620,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,0.6552,,b_liner10,,2,,,"RT @Alasscan_: #GOPDebates - put all of those men on stage in one body and you still don't have one decent President. -#IStandWithObama -#Hi…",,2015-08-06 20:17:58 -0700,629491646669787136,Atlanta,Eastern Time (US & Canada) -9621,John Kasich,0.4211,yes,0.6489,Neutral,0.3298,None of the above,0.4211,,msgoddessrises,,0,,,Yup! Bipartisan all the way! #Kasich #GOPDebates https://t.co/PYfWM16Pcn,,2015-08-06 20:17:51 -0700,629491617993375744,Viva Las Vegas NV.,Pacific Time (US & Canada) -9622,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PChuck74,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:17:49 -0700,629491608895893504,, -9623,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,mrksk29,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:17:45 -0700,629491591275745280,Fairmont WV, -9624,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lions725,,0,,,"#GOPDebates #TedCruz ""We need a fiscal, national, and social conservative.""",,2015-08-06 20:17:42 -0700,629491581112950784,"Washington, DC",Pacific Time (US & Canada) -9625,No candidate mentioned,0.3889,yes,0.6237,Negative,0.6237,,0.2347,,UtubiaNews,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 20:17:40 -0700,629491569977004036,USA,Atlantic Time (Canada) -9626,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,elephantgurl24,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:17:38 -0700,629491561668153345,NYC | NJ,Quito -9627,Ted Cruz,0.6842,yes,1.0,Positive,0.6633,None of the above,1.0,,Pat_P_B,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:17:37 -0700,629491558329491456,Near You,Central Time (US & Canada) -9628,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6588,,TexasGirrl81,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:17:37 -0700,629491557503123456,USA, -9629,No candidate mentioned,0.3941,yes,0.6277,Positive,0.3321,None of the above,0.3941,,TheHappyEnding,,0,,,It's a beautiful night in #Hollywood! If you've been watching the #GOPdebates and playing… https://t.co/HMPJwnCESe,,2015-08-06 20:17:35 -0700,629491549961854976,"Hollywood, CA",Pacific Time (US & Canada) -9630,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TerriRoncone,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:17:30 -0700,629491527643963396,NE Ohio,Eastern Time (US & Canada) -9631,No candidate mentioned,0.4642,yes,0.6813,Positive,0.3516,None of the above,0.4642,,eelLQjol0XwaU0F,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 20:17:29 -0700,629491524888190976,United States, -9632,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,FOX News or Moderators,0.4492,,FAMDOC7,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:17:28 -0700,629491520345874432,,Central Time (US & Canada) -9633,Donald Trump,0.6859999999999999,yes,1.0,Positive,0.6512,None of the above,1.0,,GizmoOlder,,0,,,"#GOPDebates part 2. Surprisingly good. #Trump2016 belligerent, some good points made by others. All came across as human, except Cuz.",,2015-08-06 20:17:20 -0700,629491485663227904,moved from CA to NC, -9634,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ChadGourley79,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:17:11 -0700,629491447956418564,, -9635,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Racial issues,0.4594,,mmyer1018,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 20:17:10 -0700,629491445183811584, Michigander ,Eastern Time (US & Canada) -9636,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LemonMeringue19,,0,,,@karsynnicole I would love to see side-by-side resumes of Carly and Hillary. #GOPDebates,,2015-08-06 20:17:10 -0700,629491445137842180,"Kansas, USA",Pacific Time (US & Canada) -9637,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.3636,None of the above,0.4495,,Dealfatigue,,0,,,"Watching the #GOPDebates on tape delay: isn't the overtime buzzer the same as the one from Jeopardy's ""Daily Double""?",,2015-08-06 20:17:09 -0700,629491438623916032,"Los Angeles, California",Pacific Time (US & Canada) -9638,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6609999999999999,,sweeetbea,,2,,,RT @bryanlvt: I want Trump to run as an independent. I want to see an army of pissed off women give him some much deserved humility #GOPDeb…,,2015-08-06 20:17:08 -0700,629491436451405824,"I miss you, NJ",Eastern Time (US & Canada) -9639,No candidate mentioned,0.4966,yes,0.7047,Negative,0.7047,FOX News or Moderators,0.4966,,HellyerE,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:17:06 -0700,629491428268216320,Don't mess with Texas, -9640,Ted Cruz,1.0,yes,1.0,Negative,0.6691,FOX News or Moderators,0.6819,,McSwiller,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 20:17:03 -0700,629491415362469888,Green Bay,Central Time (US & Canada) -9641,Jeb Bush,1.0,yes,1.0,Negative,0.6786,None of the above,1.0,,LiamFoxWood,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:17:00 -0700,629491404423733248,Morrisville NC USA,Eastern Time (US & Canada) -9642,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,bobdebird,,1,,,#GOPDebates ---> Final @TheDailyShow Greatest transition ever. #JonVoyage,,2015-08-06 20:16:56 -0700,629491385155080192,"New York, World",Eastern Time (US & Canada) -9643,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sukie_tawdry,,2,,,RT @Disruptepreneur: Wow. My primary source of entertainment for the next six months has been cemented. #GOPDebates #SoExciting,,2015-08-06 20:16:55 -0700,629491383993282560,,Eastern Time (US & Canada) -9644,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,1979monica,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:16:55 -0700,629491381531119616,, -9645,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,TimCohn,,0,,,I predict the #GOPDebates will see the present poll leader drop 3-5 points in the polls thus entering a +/- 1-2 point three way tie.,,2015-08-06 20:16:49 -0700,629491358848299009,United States,Central Time (US & Canada) -9646,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,msgoddessrises,,0,,,He attacked a Fox female. she ain't liberal media. There's a difference. Hi Franklin.:) #GOPDebates https://t.co/ke33SK3jCW,,2015-08-06 20:16:48 -0700,629491353563459585,Viva Las Vegas NV.,Pacific Time (US & Canada) -9647,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nvtruthteller,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:16:48 -0700,629491352259047424,, -9648,No candidate mentioned,0.4302,yes,0.6559,Negative,0.3333,,0.2257,,tbird_goinggalt,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:16:48 -0700,629491351793569793,"Kalamazoo, Michigan",Eastern Time (US & Canada) -9649,No candidate mentioned,1.0,yes,1.0,Negative,0.6697,None of the above,1.0,,SupermanHotMale,,3,,,This #GopDebates makes me realize we have to raise the standards of who we let our kids listen to.,,2015-08-06 20:16:46 -0700,629491345770577920,"Cocoa Beach, Florida",Eastern Time (US & Canada) -9650,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6452,,missnycbeauty,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:16:40 -0700,629491318557904896,New York USA,Central Time (US & Canada) -9651,No candidate mentioned,1.0,yes,1.0,Positive,0.369,None of the above,0.631,,sweeetbea,,2,,,RT @Disruptepreneur: Wow. My primary source of entertainment for the next six months has been cemented. #GOPDebates #SoExciting,,2015-08-06 20:16:40 -0700,629491317463101440,"I miss you, NJ",Eastern Time (US & Canada) -9652,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,None of the above,1.0,,AtlBlue2,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:16:37 -0700,629491306922819585,"Atlanta, GA",Eastern Time (US & Canada) -9653,No candidate mentioned,1.0,yes,1.0,Neutral,0.6759999999999999,None of the above,0.364,,blondekel77,,1,,,"RT @cjcmichel: And China has as many mentions as Honduras. Priorities, man. #GOPDebates",,2015-08-06 20:16:35 -0700,629491298450300928,"Gas City, IN",Eastern Time (US & Canada) -9654,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6458,,Xtrme4,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:16:34 -0700,629491294428073984,,Central Time (US & Canada) -9655,Marco Rubio,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,Obama_Biden_13,,0,,,@marcorubio was a fail if u think he helped himself pls give me a cable show #gopdebates,,2015-08-06 20:16:24 -0700,629491250043838466,, -9656,Donald Trump,0.6705,yes,1.0,Positive,1.0,None of the above,1.0,,fergie_spuds,,1,,,Trump and Ben Carson stood out #GopDebates,,2015-08-06 20:16:21 -0700,629491238870233088,Where you least expect ▲,Alaska -9657,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ChristineEwing7,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:16:18 -0700,629491228543848450,"Melbourne, Australia", -9658,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,DreadBannus,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:16:18 -0700,629491227235192834,South Dakota , -9659,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,simba66qcom,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:16:17 -0700,629491221166043136,, -9660,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6824,,madison_scull,,5,,,RT @MashUpRich: Who will have the bigger boobs? #Hooterspageant on FoxSports1 or #GOPdebates on FOX News? http://t.co/ZoztDd3MVx,,2015-08-06 20:16:12 -0700,629491201775902720,, -9661,No candidate mentioned,0.4257,yes,0.6525,Negative,0.3365,None of the above,0.4257,,Alasscan_,,2,,,"#GOPDebates - put all of those men on stage in one body and you still don't have one decent President. -#IStandWithObama -#Hillary2016",,2015-08-06 20:16:09 -0700,629491189931098112,,Central Time (US & Canada) -9662,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,OMEOMYY,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:16:08 -0700,629491186307219456,, -9663,No candidate mentioned,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,asprice18,,0,,,"Big night between #GOPDebates & #JonVoyage. I'm heading to 30 Rock to get you the highlights, plus anything you missed on @FirstLookMSNBC!",,2015-08-06 20:16:07 -0700,629491179428691968,"New York, NY",Eastern Time (US & Canada) -9664,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ramitchell99,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:16:05 -0700,629491170763079680,, -9665,No candidate mentioned,1.0,yes,1.0,Negative,0.6888,FOX News or Moderators,1.0,,Meadowhawk,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:16:04 -0700,629491168846352384,USA, -9666,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bluestarwindow,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:16:03 -0700,629491161820987392,, -9667,No candidate mentioned,1.0,yes,1.0,Negative,0.6433,None of the above,0.7134,,sweeetbea,,4,,,RT @jsn2007: What ever happened to the answers to how they were gonna take care of vets? #GOPDebates,,2015-08-06 20:16:01 -0700,629491155001081856,"I miss you, NJ",Eastern Time (US & Canada) -9668,No candidate mentioned,1.0,yes,1.0,Neutral,0.6847,FOX News or Moderators,0.6847,,jjburdett,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:16:00 -0700,629491150836006913,,Pacific Time (US & Canada) -9669,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TeasyRoosevelt,,1,,,I can't believe I watched #foxnews for two hours. #GOPDebates #GOPDebate,,2015-08-06 20:15:57 -0700,629491137343029248,,Atlantic Time (Canada) -9670,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,Racial issues,0.6782,,dkwoqc,,0,,,@iDanielTX Have any of the democrat candidates pledged to secure a future and homeland for whites? #GOPDebates http://t.co/1SaWLh33hl,,2015-08-06 20:15:55 -0700,629491130908999681,,Pacific Time (US & Canada) -9671,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,wendeebendee,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:15:55 -0700,629491130552332289,"Durham,CA", -9672,Donald Trump,0.6667,yes,1.0,Negative,1.0,None of the above,1.0,,beaniegurl47,,0,,,"I just to say this #GOPDebates #DonaldTrump is like a bully on a playground, all talk! We know what's wrong, #howdowefixit",,2015-08-06 20:15:54 -0700,629491126991323138,"Atlanta, GA",Eastern Time (US & Canada) -9673,Ben Carson,0.4402,yes,0.6635,Positive,0.6635,None of the above,0.4402,,stagetrouper,,0,,,My favs from #GOPDebates tonight: @CarlyFiorina @RealBenCarson,,2015-08-06 20:15:49 -0700,629491105432797184,,Eastern Time (US & Canada) -9674,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,crackenbob,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:15:48 -0700,629491101125062656,"Lake Oswego,Oregon",Pacific Time (US & Canada) -9675,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,Religion,1.0,,MoleskiDorothy,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:15:45 -0700,629491086650519552,Victoria BC, -9676,Donald Trump,0.6932,yes,1.0,Negative,0.6477,None of the above,1.0,,HeidiDuehlmeier,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:15:44 -0700,629491083752243200,"Salt Lake City (Yeah, I know)",Mountain Time (US & Canada) -9677,No candidate mentioned,1.0,yes,1.0,Positive,0.3371,None of the above,0.6742,,tmcs28,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:43 -0700,629491081978232832,,Eastern Time (US & Canada) -9678,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6746,,Sheri0526,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:42 -0700,629491075657306114,Colorado, -9679,Mike Huckabee,1.0,yes,1.0,Negative,0.6742,Foreign Policy,0.6742,,tonyapinkins,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 20:15:42 -0700,629491075581874176,ALL Across The Globe,Atlantic Time (Canada) -9680,John Kasich,1.0,yes,1.0,Positive,0.6374,None of the above,1.0,,nickhibbeler,,0,,,.@JohnKasich won this debate with a little home field advantage. #GOPDebates,,2015-08-06 20:15:41 -0700,629491071718797313,"Saint Charles, Missouri", -9681,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,Remybeggins,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:40 -0700,629491066081689600,,Arizona -9682,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,MichaelzNewz,,0,,,You would do well to study the lamestream media's interpretation of the #GOPDebates tomorrow morn & throughout the days.,"[47.96156846, -116.7004394]",2015-08-06 20:15:35 -0700,629491044833361921,, -9683,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ATX_Music_Fan,,1,,,A pollster just called and I told them @realDonaldTrump won! Go Trump Go! #Trump #GOPDebates,,2015-08-06 20:15:33 -0700,629491036075626496,Austin Texas,Central Time (US & Canada) -9684,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7045,,rebeccal2025,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:32 -0700,629491034951581697,"Franklin, Tennessee", -9685,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Sinistar374,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:15:32 -0700,629491034150580224,"Chattanooga, Tennessee",Eastern Time (US & Canada) -9686,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,0.6667,,angelavansoest,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:25 -0700,629491004110958597,NEW YORK!!, -9687,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6715,,KeepCruzing2016,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:24 -0700,629491000218624000,USA,Eastern Time (US & Canada) -9688,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6667,,blaha_b,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 20:15:23 -0700,629490994891911168,"Buffalo Valley, Tennessee", -9689,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629999999999999,,sweeetbea,,2,,,RT @MichaelDinoff: #GOPDebates #ClownCircus Its always a Circus with these clowns!! http://t.co/89wRJDv1dl,,2015-08-06 20:15:22 -0700,629490990995369984,"I miss you, NJ",Eastern Time (US & Canada) -9690,No candidate mentioned,0.4853,yes,0.6966,Neutral,0.6966,None of the above,0.2505,,Ironic_Prods,,0,,,#GOPDebates in full swing. http://t.co/bxHhQ5S0Ea,,2015-08-06 20:15:20 -0700,629490982346752000,, -9691,Ted Cruz,0.4258,yes,0.6526,Positive,0.3474,None of the above,0.4258,,LaurieT333,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:15:18 -0700,629490973995700224,Arizona, -9692,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KrysBrown89,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 20:15:17 -0700,629490970048868352,NC by way of TX/VA/HI,Eastern Time (US & Canada) -9693,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BishirDeborah,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:15:12 -0700,629490948637106176,, -9694,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6733,,Erosunique,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:10 -0700,629490943608127488,Milan-Italy,Rome -9695,Donald Trump,1.0,yes,1.0,Negative,0.3684,None of the above,0.6842,,MelissaRFogle,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:15:10 -0700,629490942958010368,, -9696,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweeetbea,,4,,,"RT @LemonMeringue19: Intelligence, class and charm are no longer requirements for the presidency, I guess. #GOPDebates",,2015-08-06 20:15:10 -0700,629490942052052992,"I miss you, NJ",Eastern Time (US & Canada) -9697,No candidate mentioned,1.0,yes,1.0,Positive,0.664,None of the above,1.0,,karsynnicole,,0,,,Would love to see a matchup between Carly and Hillary #GOPDebates,,2015-08-06 20:15:08 -0700,629490932572946432,"Bridgeport, WV ", -9698,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,Religion,1.0,,monicaraqs,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:15:05 -0700,629490921839554560,The City By The Bay,Tehran -9699,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CaLiRed86,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:15:03 -0700,629490913186873344,DC / The Bay is Home!, -9700,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GOPBlackChick,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:15:00 -0700,629490899236470784,USA,Eastern Time (US & Canada) -9701,No candidate mentioned,0.4876,yes,0.6983,Negative,0.6983,FOX News or Moderators,0.4876,,Patriotress,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:58 -0700,629490893263925248,Alabama,Eastern Time (US & Canada) -9702,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,havewhatusay,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:14:58 -0700,629490893129654272,,Eastern Time (US & Canada) -9703,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DestinyandBruce,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:14:58 -0700,629490892651409408,,Pacific Time (US & Canada) -9704,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Hormonal_Momma,,0,,,I'm sorry but Trump was a total joke tonight. He took away valuable time from the other candidates. #GOPDebates,,2015-08-06 20:14:57 -0700,629490886410252288,, -9705,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,candice_tiffany,,1,,,RT @hyeyoothere: We have yet to talk about climate change. Oh yeah because republicans don't believe in that #GOPDebates,,2015-08-06 20:14:57 -0700,629490885768671232,, -9706,Rand Paul,1.0,yes,1.0,Negative,0.6591,None of the above,0.6591,,sweeetbea,,1,,,"RT @PamelaRivers: Yes & add I've got the best hair! RT @SalMasekela Rand Paul should have gone with, 'I've got curly hair!' and dropped the…",,2015-08-06 20:14:50 -0700,629490857671008256,"I miss you, NJ",Eastern Time (US & Canada) -9707,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.6854,,geminigod,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 20:14:46 -0700,629490839387901954,everywhere , -9708,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6913,,jomommajr,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:44 -0700,629490830475153408,, -9709,Chris Christie,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,littlebuffalo87,,0,,,"Kelly Files, bout between @GovChristie and @RandPaul, Christie left wanting, Paul got a KO on Bill of Rights. #GOPDebates",,2015-08-06 20:14:40 -0700,629490815845269504,Heartland of America,Central Time (US & Canada) -9710,Ben Carson,0.4253,yes,0.6522,Positive,0.6522,None of the above,0.4253,,karsynnicole,,0,,,Ben Carson killed it in the #GOPDebates tonight. And I get to see him at Liberty this semester #coolestschool,,2015-08-06 20:14:40 -0700,629490814654251008,"Bridgeport, WV ", -9711,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6591,,RealOldHouswife,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:14:40 -0700,629490814188679168,"Manatee County, Florida",Eastern Time (US & Canada) -9712,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7079,,storerants,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:38 -0700,629490806852820992,,Eastern Time (US & Canada) -9713,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,crackenbob,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:14:37 -0700,629490801194635264,"Lake Oswego,Oregon",Pacific Time (US & Canada) -9714,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,BillionIndian,,57,,,RT @PamelaGeller: Jim Gilmore is clueless on #ISIS. It's not a state? They already rule an area larger than the United Kingdom. #GOPdebates,,2015-08-06 20:14:35 -0700,629490794924216320,Universe,Atlantic Time (Canada) -9715,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,britton_scott,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:14:32 -0700,629490781875646464,, -9716,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,selahvtoday,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:14:31 -0700,629490779686203393,,Central Time (US & Canada) -9717,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,patty_bray,,18,,,"RT @SupermanHotMale: I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:14:30 -0700,629490773021495296,Western Colorado,Mountain Time (US & Canada) -9718,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,EssmailPatricia,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:25 -0700,629490753337585665,"Waco, TX", -9719,Donald Trump,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,sweeetbea,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:14:23 -0700,629490743615295488,"I miss you, NJ",Eastern Time (US & Canada) -9720,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6458,,KristaSkyler,,1,,,"RT @HarrellKirstein: .@WMUR9_Politics Before running for POTUS, GOP candidates praised @HillaryClinton's Sec Of State Tenure https://t.co/…",,2015-08-06 20:14:18 -0700,629490721620426752,"New Hampshire, USA",Eastern Time (US & Canada) -9721,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,crackenbob,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:14:16 -0700,629490713395200000,"Lake Oswego,Oregon",Pacific Time (US & Canada) -9722,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.6522,Religion,0.2339,,NPSusa,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:14:14 -0700,629490707594522628,US,Eastern Time (US & Canada) -9723,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,None of the above,0.6596,,DaveMattWright,,0,,,Missed both #GOPDebates. Although I do not feel I missed much except for @CarlyFiorina,,2015-08-06 20:14:13 -0700,629490702003642368,"Cincinnati, OH",America/New_York -9724,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,alliegrubb,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:14:10 -0700,629490691626901504,Georgia/Virginia ,Eastern Time (US & Canada) -9725,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AZ1600,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:06 -0700,629490674883297280,Upper Mid-West,Arizona -9726,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,yummerbunny,,0,,,Muting that #hashtag almost broke my #twitter #263removed #GOPDebates #willmytweetbemuted?,,2015-08-06 20:14:05 -0700,629490669753479168,California Native,Pacific Time (US & Canada) -9727,No candidate mentioned,0.4123,yes,0.6421,Negative,0.3368,,0.2298,,MrEd331,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:14:03 -0700,629490662300360704,,Eastern Time (US & Canada) -9728,No candidate mentioned,1.0,yes,1.0,Negative,0.7097,None of the above,1.0,,crackenbob,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:14:01 -0700,629490652510695424,"Lake Oswego,Oregon",Pacific Time (US & Canada) -9729,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.638,,SupermanHotMale,,18,,,"I lived here in Florida for 8 years under Jeb w bush and I swear, no more... #GopDebates",,2015-08-06 20:14:01 -0700,629490650921218048,"Cocoa Beach, Florida",Eastern Time (US & Canada) -9730,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,PenalopeH,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:13:58 -0700,629490639374315520,,Pacific Time (US & Canada) -9731,Jeb Bush,0.3598,yes,0.5998,Negative,0.5998,None of the above,0.3598,,trzrpug,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:13:58 -0700,629490638640123905,, -9732,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Doug_Caldwell,,9,,,"RT @MarkDavis: Man, I'm sorry, this has nothing to do w/politics, but #JebBush is totally mediocre here. #GOPDebates",,2015-08-06 20:13:57 -0700,629490636278771712,Texas,Central Time (US & Canada) -9733,No candidate mentioned,1.0,yes,1.0,Negative,0.6831,None of the above,1.0,,NicholasSickels,,0,,,Although I'm confident @SenSanders could wipe the floor with any of the people at either of the #GOPDebates,,2015-08-06 20:13:55 -0700,629490625948180480,,Central Time (US & Canada) -9734,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweeetbea,,2,,,RT @Nice1Parker: #GOPdebates where the bell doesn't mean a thing #dingdingding 😂,,2015-08-06 20:13:53 -0700,629490618327269377,"I miss you, NJ",Eastern Time (US & Canada) -9735,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,None of the above,0.4025,,PrimaryMcCain,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:13:52 -0700,629490614057484288,,Pacific Time (US & Canada) -9736,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6615,,bigsexy_tote,,64,,,"RT @RWSurferGirl: I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebat…",,2015-08-06 20:13:51 -0700,629490611356311552,"East side of Vineland, NJ", -9737,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6591,,DannyHairstonJr,,0,,,Hence their official overtaking of the RNC via the #GOPDebates https://t.co/oViutsOKSB,,2015-08-06 20:13:49 -0700,629490603106136064,"Beacon, (formerly Brooklyn) NY",Eastern Time (US & Canada) -9738,Donald Trump,1.0,yes,1.0,Positive,0.6382,None of the above,1.0,,TXWhitePower,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:13:48 -0700,629490598123155456,, -9739,No candidate mentioned,1.0,yes,1.0,Negative,0.6344,Religion,1.0,,schneidercathy1,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:13:37 -0700,629490550836752384,, -9740,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3505,None of the above,0.4218,,karsynnicole,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:13:32 -0700,629490532411142144,"Bridgeport, WV ", -9741,Jeb Bush,1.0,yes,1.0,Negative,0.6404,None of the above,1.0,,Lisa_Luerssen,,0,,,I also would say that Jeb Bush was as wooden as Al Gore. #GOPDebates #NoMoreBushes http://t.co/2W2ZQjSkBu,,2015-08-06 20:13:30 -0700,629490520318939136,Small Town in Texas,Central Time (US & Canada) -9742,No candidate mentioned,0.4265,yes,0.6531,Positive,0.6531,None of the above,0.4265,,TimBarrick,,0,,,Malbec won tonight #GOPDebateDrinkingGame #GOPDebates #GOPDebacle,,2015-08-06 20:13:29 -0700,629490517508685829,"Baltimore, MD",Eastern Time (US & Canada) -9743,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,melli_fluous,,0,,,can't believe I just watched Fox News for 2 hours #GOPdebates,,2015-08-06 20:13:28 -0700,629490515822510080,PoliSci @ UCLA,Arizona -9744,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6504,,RWSurferGirl,,64,,,"I'd really like to see how long each candidate was given to speak. It didn't seem ""Fair & Balanced"" at all. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:13:26 -0700,629490506934845440,"Newport Beach, California",Pacific Time (US & Canada) -9745,No candidate mentioned,1.0,yes,1.0,Neutral,0.6311,None of the above,1.0,,ThatDarcyGirl,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:13:25 -0700,629490500362481665,Neverland #CCU,Eastern Time (US & Canada) -9746,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,afsahanwar,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 20:13:24 -0700,629490498403635200,"New Delhi , India", -9747,No candidate mentioned,1.0,yes,1.0,Negative,0.6691,Religion,0.6691,,TimothyMPate,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:13:20 -0700,629490480976232449,"Saint Paul, MN", -9748,No candidate mentioned,1.0,yes,1.0,Negative,0.6852,FOX News or Moderators,1.0,,BillCummings67,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:13:20 -0700,629490479973830657,USA,Hawaii -9749,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Religion,1.0,,internalrevolt,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:13:18 -0700,629490469924245504,"Internet, Earth",Central Time (US & Canada) -9750,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweeetbea,,2,,,"RT @sugaree71: IT IS OVER!!!! Doubt I""ll be able to take many more #GOPDebates. Not enough popcorn in the universe! Onto the #DailyShow…",,2015-08-06 20:13:17 -0700,629490466657058821,"I miss you, NJ",Eastern Time (US & Canada) -9751,Donald Trump,0.4398,yes,0.6632,Neutral,0.3474,None of the above,0.2304,,lawmamaw,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:13:15 -0700,629490458842959872,,Central Time (US & Canada) -9752,No candidate mentioned,1.0,yes,1.0,Neutral,0.6486,Religion,0.6589,,mstrashheap,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:13:11 -0700,629490443110125568,,Pacific Time (US & Canada) -9753,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,0,,,#GOPDebates Ben Carson stepped up too!,,2015-08-06 20:13:09 -0700,629490432058109952,Los Angeles , -9754,No candidate mentioned,1.0,yes,1.0,Negative,0.6935,None of the above,0.6688,,sweeetbea,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:13:08 -0700,629490428719591424,"I miss you, NJ",Eastern Time (US & Canada) -9755,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,443777,,2,,,RT @ejabel2: “@RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸”ME!,,2015-08-06 20:13:06 -0700,629490420817354755,,Pacific Time (US & Canada) -9756,No candidate mentioned,1.0,yes,1.0,Neutral,0.6812,FOX News or Moderators,0.3408,,mackaysuzie,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:13:06 -0700,629490420217556992,, -9757,Donald Trump,1.0,yes,1.0,Negative,0.6239,None of the above,1.0,,idarrylm,,0,,,So I turned on MSNBC for opinions on the #GOPDebates. They were talking Trump Trump Trump. Huh? Were they listening all night?,,2015-08-06 20:13:04 -0700,629490411040559104,, -9758,No candidate mentioned,0.6989,yes,1.0,Positive,0.6667,None of the above,1.0,,RomanLarson,,0,,,"Caron's half a brain line was killer. There was some good zingers tonight, and overall, fairly civil. #GOPDebates",,2015-08-06 20:12:58 -0700,629490388252778496,United States of America,Central Time (US & Canada) -9759,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Homebrew_Handy,,4,,,"RT @LemonMeringue19: Intelligence, class and charm are no longer requirements for the presidency, I guess. #GOPDebates",,2015-08-06 20:12:55 -0700,629490376940875776,Wichita, -9760,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tammy_pence,,1,,,I became a #BenCarson fan tonight!!! #GOPDebates,,2015-08-06 20:12:55 -0700,629490376634728449,,Eastern Time (US & Canada) -9761,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6477,,Ghadeer_jenna,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 20:12:54 -0700,629490372209680384,Chicago - USA, -9762,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GretchenInOK,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:12:51 -0700,629490358083190788,Oklahoma,Central Time (US & Canada) -9763,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6458,,ghostcat56,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 20:12:50 -0700,629490353800937476,"Maryland, USA", -9764,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PuestoLoco,,0,,,".@politicalwire -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush",,2015-08-06 20:12:48 -0700,629490344380530688,Florida Central West Coast,America/New_York -9765,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,babypeastepp,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:12:47 -0700,629490340282662912,, -9766,No candidate mentioned,0.6614,yes,1.0,Positive,0.3649,None of the above,1.0,,DLPTony,,0,,,#LOL! Right on! #GOPDebates #GOPDebate https://t.co/CCyfY3GwMi,,2015-08-06 20:12:46 -0700,629490335589232640,Midtown Atlanta!,Eastern Time (US & Canada) -9767,Ben Carson,0.4642,yes,0.6813,Positive,0.3626,None of the above,0.4642,,Hormonal_Momma,,0,,,"Top 5 (in order): -Carson, Cruz, Huckabee, Rubio, Paul -🐘🇺🇸 #GOPDebates",,2015-08-06 20:12:45 -0700,629490334272086016,, -9768,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,0.6526,,sweeetbea,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:12:41 -0700,629490314928066560,"I miss you, NJ",Eastern Time (US & Canada) -9769,No candidate mentioned,0.2286,yes,0.6705,Negative,0.3409,FOX News or Moderators,0.2286,,msgoddessrises,,3,,,FTW Ron. You nailed it he came close to telling Megyn to shut up. #Trump #GOPDebates https://t.co/2U15vmQLUD,,2015-08-06 20:12:32 -0700,629490278252986368,Viva Las Vegas NV.,Pacific Time (US & Canada) -9770,Donald Trump,1.0,yes,1.0,Positive,0.6703,FOX News or Moderators,1.0,,nwalker6399,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:12:31 -0700,629490275774148608,, -9771,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,0.6739,,chellelynnadams,,0,,,Imma pay for this tomorrow... #GOPDebates http://t.co/3Y2kRZuMaI,,2015-08-06 20:12:30 -0700,629490269034008576,"Grove City, Ohio",Atlantic Time (Canada) -9772,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,jngarz,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:12:26 -0700,629490255243030533,,Quito -9773,Ted Cruz,1.0,yes,1.0,Positive,0.3636,None of the above,1.0,,tonibirdsong,,0,,,"""[Obama's] Leading from behind has been a disaster."" -@SenTedCruz #GOPdebates 🇺🇸",,2015-08-06 20:12:23 -0700,629490242941272064,"Franklin, Tennessee",Central Time (US & Canada) -9774,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PowerMan_SIS,,0,,,@samlightstone Are you talking politics or technology? Your timing is tough to tell with #GOPDebates just ending ....,,2015-08-06 20:12:23 -0700,629490241594880000,USA,Indiana (East) -9775,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,Religion,0.6591,,stereotypesteve,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:12:22 -0700,629490235467034624,,Quito -9776,Rand Paul,0.3923,yes,0.6264,Negative,0.3297,None of the above,0.3923,,sweeetbea,,5,,,"RT @SalMasekela: Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 20:12:17 -0700,629490215997022208,"I miss you, NJ",Eastern Time (US & Canada) -9777,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6196,,JonMcPhee,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:11:57 -0700,629490130491805696,, -9778,No candidate mentioned,0.4867,yes,0.6977,Negative,0.6977,None of the above,0.2434,,MunsterMadness,,0,,,@JimNorton At this point I'd vote for whoever farts loudest and juiciest into the mic #GOPDebates #megankelly,,2015-08-06 20:11:51 -0700,629490106928373761,Parts Unknown, -9779,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sweeetbea,,0,,,"""I think Trump looks very unserious ""... Ya think?? #CNN #GOPDebates",,2015-08-06 20:11:48 -0700,629490095792517120,"I miss you, NJ",Eastern Time (US & Canada) -9780,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6783,,TSusee,,5,,,"RT @SalMasekela: Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 20:11:47 -0700,629490090876645376,, -9781,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CordonBob,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:11:46 -0700,629490085206065152,, -9782,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,gnomon,,3,,,"RT @landley: So @berniesanders is watching #gopdebates on television, and his staff is livetweeting what he yells at the TV: https://t.co/Y…",,2015-08-06 20:11:41 -0700,629490066675535872,"Toronto, ON",Eastern Time (US & Canada) -9783,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jason4e,,3,,,"RT @PuestoLoco: .@NewDay Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell http://t.co/bgzYsy…",,2015-08-06 20:11:25 -0700,629489999608582144,"Conroe, TX", -9784,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MendyKiser,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:11:25 -0700,629489997742276608,"SC Lowcountry, The Beach!",Eastern Time (US & Canada) -9785,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JumpVote,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:11:21 -0700,629489979698360320,Texas,Central Time (US & Canada) -9786,Mike Huckabee,1.0,yes,1.0,Negative,0.6333,None of the above,0.6333,,RepRideout,,0,,,"Truth ""@WMUR9: @GovMikeHuckabee on the military. #GOPDebates http://t.co/1UQResMX0c”",,2015-08-06 20:11:20 -0700,629489975487266817,Lancaster N.H.,Eastern Time (US & Canada) -9787,No candidate mentioned,0.4435,yes,0.6659999999999999,Negative,0.6659999999999999,FOX News or Moderators,0.4435,,royparrish,,2,,,RT @ejabel2: “@RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸”ME!,,2015-08-06 20:11:18 -0700,629489968163999744, south,Eastern Time (US & Canada) -9788,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Dmbsr312,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:11:08 -0700,629489927869333504,USA, -9789,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6433,,donnybrookone,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:11:07 -0700,629489923721052160,brisbane,Brisbane -9790,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alaskawater,,2,,,"RT @sugaree71: IT IS OVER!!!! Doubt I""ll be able to take many more #GOPDebates. Not enough popcorn in the universe! Onto the #DailyShow…",,2015-08-06 20:11:07 -0700,629489922441744384,Alaska, -9791,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6316,,angelavansoest,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:11:04 -0700,629489911398309888,NEW YORK!!, -9792,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,markcmillersr,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 20:11:03 -0700,629489905920548864,Cleveland,Eastern Time (US & Canada) -9793,No candidate mentioned,0.4561,yes,0.6754,Negative,0.3396,None of the above,0.4561,,kelcieriesterer,,1,,,"RT @KyleAlexLittle: ""A movement back to the 1800's"" #GOPDebates",,2015-08-06 20:10:57 -0700,629489880662278144,"DSM, Iowa",Central Time (US & Canada) -9794,John Kasich,1.0,yes,1.0,Negative,0.3675,None of the above,1.0,,msgoddessrises,,0,,,Charlie how did #Kasich do? 😎👍🏻 #GOPDebates https://t.co/S47O2TmKe8,,2015-08-06 20:10:56 -0700,629489874568003584,Viva Las Vegas NV.,Pacific Time (US & Canada) -9795,Donald Trump,1.0,yes,1.0,Positive,0.6517,None of the above,1.0,,OrtaineDevian,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:10:52 -0700,629489858944323584,"Boston, MA", -9796,Marco Rubio,0.6667,yes,1.0,Positive,1.0,None of the above,0.6667,,VivianKhouri,,0,,,For me #Rubio #Carson #Trump #Christi were the only ones who made any sort of mark in this debate. #GOPDebate #GOPDebates,,2015-08-06 20:10:51 -0700,629489857241448448,LA/Atlanta,Pacific Time (US & Canada) -9797,No candidate mentioned,1.0,yes,1.0,Neutral,0.6464,None of the above,1.0,,Spookypants007,,2,,,RT @Nice1Parker: #GOPdebates where the bell doesn't mean a thing #dingdingding 😂,,2015-08-06 20:10:46 -0700,629489836110381056,, -9798,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Ghadeer_jenna,,3,,,"RT @SupermanHotMale: Dear Senator Rubio, God has nothing to do with the Republican party... Get it right. #GopDebates",,2015-08-06 20:10:46 -0700,629489834730606592,Chicago - USA, -9799,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,Religion,0.4689,,thenurse75,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 20:10:45 -0700,629489831534559232,Kelsey California,Pacific Time (US & Canada) -9800,No candidate mentioned,0.6338,yes,1.0,Negative,0.6338,FOX News or Moderators,1.0,,LuanneCarey,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:10:40 -0700,629489809262776320,,Eastern Time (US & Canada) -9801,Donald Trump,1.0,yes,1.0,Negative,0.6279,FOX News or Moderators,1.0,,LuanneCarey,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 20:10:35 -0700,629489790057119744,,Eastern Time (US & Canada) -9802,Chris Christie,0.68,yes,1.0,Negative,1.0,None of the above,0.66,,GodfatherMark,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:10:33 -0700,629489778812039168,Scottsdale, -9803,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,marcfl55,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:10:29 -0700,629489764916416512,Florida, -9804,No candidate mentioned,0.4782,yes,0.6915,Neutral,0.6915,None of the above,0.4782,,oswaldheston,,0,,,Who won the GOP debate there? #GOPDebates,,2015-08-06 20:10:27 -0700,629489755563032576,"Sacramento, CA",Arizona -9805,Donald Trump,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,scottaxe,,0,,,“@msgoddessrises: #Kasich #Bush #Trump but Donald's numbers are going to slip. #GOPDebates https://t.co/qXcLQ93Val” not sure about Trump,,2015-08-06 20:10:24 -0700,629489743235932160,Los Angeles , -9806,No candidate mentioned,1.0,yes,1.0,Negative,0.6546,None of the above,1.0,,pawf1067,,0,,,Do the #GOPDebates sound a lot like #CharlesDuring from #BestLittleWhoreHouseInTexas? #Dance #ALittleSideStep https://t.co/qsqdFY7Kyd,,2015-08-06 20:10:15 -0700,629489705336221698,Texas,Central Time (US & Canada) -9807,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6563,,wesleymorganjr,,0,,,LIVE on #Periscope: GOP Debate Highlights #gopdebates https://t.co/w4PKBuAufU,,2015-08-06 20:10:14 -0700,629489698805682176,"Dallas, Texas",Central Time (US & Canada) -9808,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,PamelaRivers,,1,,,"Yes & add I've got the best hair! RT @SalMasekela Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 20:10:12 -0700,629489691381891072,NY - LA,Eastern Time (US & Canada) -9809,No candidate mentioned,1.0,yes,1.0,Positive,0.3398,None of the above,1.0,,LadyTasanna,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:10:09 -0700,629489678937403396,St.Kitts /Caribbean , -9810,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,suzost,,0,,,Not just Chris!-RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:10:08 -0700,629489676185829376,, -9811,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,I like him for that slam #Trump #GOPDebates https://t.co/Df1aEfuVGj,,2015-08-06 20:10:05 -0700,629489660792680448,Viva Las Vegas NV.,Pacific Time (US & Canada) -9812,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,Religion,1.0,,JonathanFarrel7,,0,,,"luciabrawley: What is the Christian litmus test? Let's refer to the Constitution, shall we? #GOPDebates #FirstAmendment #Freedomofreligion",,2015-08-06 20:10:04 -0700,629489659530317824,UK,Dublin -9813,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Remybeggins,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:10:04 -0700,629489656506155008,,Arizona -9814,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MichaelDinoff,,2,,,#GOPDebates #ClownCircus Its always a Circus with these clowns!! http://t.co/89wRJDv1dl,,2015-08-06 20:10:03 -0700,629489654228762624,,Central Time (US & Canada) -9815,No candidate mentioned,1.0,yes,1.0,Positive,0.6914,None of the above,1.0,,Dillonn_Lee,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:09:55 -0700,629489619206283265,,Quito -9816,No candidate mentioned,1.0,yes,1.0,Negative,0.3626,None of the above,1.0,,Aroww333,,0,,,"Watching the #GOPDebates I can't help but think of Claire Underwood referring to political debates as ""spectacle"" in season 3 #Profound",,2015-08-06 20:09:51 -0700,629489601623621632,Texas,Central Time (US & Canada) -9817,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,eyeofdanger,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:09:44 -0700,629489576210505728,charlotte , -9818,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jessiprecious,,0,,,So @facebook is officially #evil now that they are all over the #GOPDebates right?,,2015-08-06 20:09:35 -0700,629489535160852481,Brooklyn,Quito -9819,No candidate mentioned,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,1.0,,rev_denn,,0,,,"It makes sense that #GOPDebates were on Fox if you don't think about it.Then again,that's how politics have been done for years. #ThinkMore",,2015-08-06 20:09:35 -0700,629489534984654848,Somewhere inside IL. ,Central Time (US & Canada) -9820,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6686,,Ghadeer_jenna,,5,,,RT @SupermanHotMale: Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 20:09:31 -0700,629489520518524928,Chicago - USA, -9821,No candidate mentioned,0.45799999999999996,yes,0.6767,Neutral,0.6767,None of the above,0.45799999999999996,,mette_mariek,,0,,,#GOPdebates: WE WILL REIGN WITH MAGIC AND...Siamese twins?,,2015-08-06 20:09:30 -0700,629489515124518912,"Los Angeles, CA",Pacific Time (US & Canada) -9822,John Kasich,1.0,yes,1.0,Negative,0.6535,None of the above,0.6966,,Jeorge2728,,2,,,"RT @SupermanHotMale: Dear John Kasich, Beat your Republican friends with a gay tree branch : ) #GopDebates",,2015-08-06 20:09:27 -0700,629489500884897793,, -9823,No candidate mentioned,1.0,yes,1.0,Neutral,0.6404,None of the above,0.6517,,LadyJay43,,4,,,RT @jsn2007: What ever happened to the answers to how they were gonna take care of vets? #GOPDebates,,2015-08-06 20:09:24 -0700,629489489484861444,"Virginia Beach, VA",Hawaii -9824,No candidate mentioned,1.0,yes,1.0,Neutral,0.6783,Religion,1.0,,Yombe,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:09:22 -0700,629489482404794368,,Central Time (US & Canada) -9825,No candidate mentioned,0.4839,yes,0.6957,Neutral,0.6957,None of the above,0.2495,,TheErinPenney,,0,,,Fact checking the GOP candidates' statements in debate #GOPDebates http://t.co/BwTmuj4QPe via @NewsHour,,2015-08-06 20:09:20 -0700,629489475068923904,The Land of Trucks and BBQ,Eastern Time (US & Canada) -9826,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,oliviaeoneil,,8,,,"RT @KentPavelka: Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:09:18 -0700,629489465455542272,"New Orleans, LA",Central Time (US & Canada) -9827,Donald Trump,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,mog1717,,0,,,Only losers tonight were @realDonaldTrump @RandPaul #GOPDebates winners @megynkelly #BenCarson,,2015-08-06 20:09:17 -0700,629489461534060544,,Quito -9828,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jakecola,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:09:14 -0700,629489448711946240,♥The COUNTRY OF TEXAS♥, -9829,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Lisa_Luerssen,,0,,,Now Fox News pats itself on the back for nothing!! #GOPDebates #NoMoreBushes,,2015-08-06 20:09:12 -0700,629489438167572480,Small Town in Texas,Central Time (US & Canada) -9830,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RamboGardenGirl,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:09:11 -0700,629489436774940673,Pebble Beach calif., -9831,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,msgoddessrises,,0,,,#Kasich #Bush #Trump but Donald's numbers are going to slip. #GOPDebates https://t.co/MXWrthApwk,,2015-08-06 20:09:11 -0700,629489434598092801,Viva Las Vegas NV.,Pacific Time (US & Canada) -9832,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_Morganics_,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:09:10 -0700,629489431192272896,Bham,Eastern Time (US & Canada) -9833,No candidate mentioned,1.0,yes,1.0,Negative,0.6349,None of the above,1.0,,Disruptepreneur,,2,,,Wow. My primary source of entertainment for the next six months has been cemented. #GOPDebates #SoExciting,,2015-08-06 20:09:04 -0700,629489405032423424,"Crypto Castle, SF",Eastern Time (US & Canada) -9834,No candidate mentioned,0.4335,yes,0.6584,Negative,0.6584,Religion,0.4335,,ungodlynews,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 20:09:02 -0700,629489398095069184,"Mount Doom, Mordor, Wyoming",Pacific Time (US & Canada) -9835,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6559,,BrotherHerman,,0,,,If you are Black and believe in the politics of this country then you are out of your god damned mind!!! #GOPDebates #JusticeorElse,,2015-08-06 20:08:59 -0700,629489384778264576,Supreme Style Barbershop,Pacific Time (US & Canada) -9836,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,0.6591,,zippydazipster,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:08:58 -0700,629489379979866112,, -9837,Ben Carson,1.0,yes,1.0,Positive,0.6944,None of the above,1.0,,DrAngelaChester,,0,,,"Still deciding...Carson, Huckabee and Cruz did well in round 2. So who do you think won? #GOPDebates",,2015-08-06 20:08:54 -0700,629489365836804096,"California, USA",Pacific Time (US & Canada) -9838,No candidate mentioned,1.0,yes,1.0,Negative,0.6875,Racial issues,0.6875,,fjthom,,14,,,RT @monaeltahawy: TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:08:45 -0700,629489328381652992,"Virginia Beach, VA",Eastern Time (US & Canada) -9839,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tonibirdsong,,1,,,RT @BigBoyBaker: Carly Fiorina made the point that she will be able to attack Hillary Clinton. Love it. She is unafraid. #GOPDebates,,2015-08-06 20:08:44 -0700,629489323944054784,"Franklin, Tennessee",Central Time (US & Canada) -9840,Donald Trump,1.0,yes,1.0,Negative,0.6629,Women's Issues (not abortion though),0.6629,,bryanlvt,,2,,,I want Trump to run as an independent. I want to see an army of pissed off women give him some much deserved humility #GOPDebates,,2015-08-06 20:08:43 -0700,629489318868983809,Vermont USA,Quito -9841,No candidate mentioned,0.493,yes,0.7021,Negative,0.7021,FOX News or Moderators,0.493,,MobileFoible,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 20:08:43 -0700,629489318508236800,Evansville,Eastern Time (US & Canada) -9842,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AuberHirsch,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:08:42 -0700,629489315056259072,NewYork, -9843,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6854,,PuestoLoco,,3,,,".@NewDay Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell http://t.co/bgzYsySfSU",,2015-08-06 20:08:41 -0700,629489308009951232,Florida Central West Coast,America/New_York -9844,Mike Huckabee,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,littlebuffalo87,,0,,,"I would have to give the first debate to 1. Gov. Huckabee, 2. Marco Rubio. 3.Rand Paul. #GOPDebates",,2015-08-06 20:08:40 -0700,629489306319523841,Heartland of America,Central Time (US & Canada) -9845,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DHoltSzcinski,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:08:38 -0700,629489298102837248,,Central Time (US & Canada) -9846,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Meadowhawk,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:08:37 -0700,629489292193107968,USA, -9847,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ltmcdies,,1,,,"RT @T_R_DeMuerte: GOP Closing Statements: - -FEAR, FEAR, FEAR, GOD, FEEEEEEEAAAAAARRR! - -Thanks, Obama. - -#GOPdebates",,2015-08-06 20:08:35 -0700,629489285045944322,oshawa ontario,Pacific Time (US & Canada) -9848,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.449,,necie5040,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 20:08:25 -0700,629489244910829568,Ohio,Eastern Time (US & Canada) -9849,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,monaeltahawy,,14,,,TwitterLand: has God spoken to you about the #GOPDebates? What did she say?,,2015-08-06 20:08:25 -0700,629489241085583361,Cairo/NYC,Eastern Time (US & Canada) -9850,Jeb Bush,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,teerivsaid,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:08:24 -0700,629489237881176064,, -9851,Donald Trump,1.0,yes,1.0,Positive,0.6711,None of the above,1.0,,1Raidergal,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:08:19 -0700,629489215923851264,"Fresno, CA", -9852,No candidate mentioned,1.0,yes,1.0,Neutral,0.6736,None of the above,1.0,,jordiemojordie,,0,,,"Okay, I think my blood pressure is going down. #GOPDebates",,2015-08-06 20:08:18 -0700,629489214648745984,Chicago | Eastman,Quito -9853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,pontelon,,1,,,RT @UsesBadWords: I honestly miss Mitt Romney now. All these buffoons are out of their minds. #GOPDebates,,2015-08-06 20:08:18 -0700,629489211972943877,Indiana,Quito -9854,No candidate mentioned,0.4302,yes,0.6559,Negative,0.6559,None of the above,0.2398,,TracyQLoxley,,1,,,"RT @jsn2007: That was entertaining, only because I have seen them in action first hand. Congress is out of touch & so are all the contender…",,2015-08-06 20:08:17 -0700,629489209577971712,,Central Time (US & Canada) -9855,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6322,,typeatracey,,1,,,"RT @jamiaw: Carson getting in some zingers at the end. Not riding for him at ALL, but I'll give him credit for being a medical trailblazer.…",,2015-08-06 20:08:16 -0700,629489206868484096,"New York, NY",Eastern Time (US & Canada) -9856,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Religion,0.6629,,SpaceCheef,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 20:08:16 -0700,629489206327291904,Ohio,Eastern Time (US & Canada) -9857,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,None of the above,0.465,,oswaldheston,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:08:16 -0700,629489206142722048,"Sacramento, CA",Arizona -9858,Ted Cruz,1.0,yes,1.0,Negative,0.6848,Religion,1.0,,markcmillersr,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 20:08:14 -0700,629489196470796288,Cleveland,Eastern Time (US & Canada) -9859,No candidate mentioned,1.0,yes,1.0,Positive,0.3483,None of the above,1.0,,BigBoyBaker,,0,,,After the undercard debates I'd say only two should stay in the race are: Carly Fiorina and Bobby Jindal. #GOPDebates,,2015-08-06 20:08:12 -0700,629489187146854400,"Indiana, U.S.A.",Eastern Time (US & Canada) -9860,Ben Carson,1.0,yes,1.0,Positive,0.7033,None of the above,1.0,,MStavrinakis,,0,,,"Who won the #GOPDebates ? I'd say it's between Carson, Cruz, and Trump.",,2015-08-06 20:08:06 -0700,629489163608399872,"Charleston, SC", -9861,No candidate mentioned,1.0,yes,1.0,Positive,0.6625,None of the above,1.0,,lynn_mistie,,1,,,"Lol, fun! Aghhh I'm pumped! This is a nerds favorite sport!! #GOPDebates",,2015-08-06 20:08:04 -0700,629489156024963078,Klamath Falls Oregon, -9862,No candidate mentioned,1.0,yes,1.0,Neutral,0.3516,FOX News or Moderators,1.0,,UnitedCitizen01,,0,,,"#FOXNEWS right for a Change: #GOPdebates - -THey ALL did well. Each had their Moments. REFRESHING PHILOSOPHIES & PLANS for AMERICA",,2015-08-06 20:08:03 -0700,629489150622765056,USA,Central Time (US & Canada) -9863,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Religion,0.6889,,tummler10,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:08:00 -0700,629489136966221824,"iPhone: 40.730186,-73.987709",Atlantic Time (Canada) -9864,No candidate mentioned,1.0,yes,1.0,Neutral,0.6486,FOX News or Moderators,0.3514,,CorruptNSW,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:07:58 -0700,629489127671513089,"Hell,Hades,Mictlan,Tartarus",Brisbane -9865,No candidate mentioned,0.6464,yes,1.0,Negative,0.6889,None of the above,0.6464,,kcresto,,0,,,"@exjon @redsteeze OR, if you’re @deppisch listening to #GOPDebates - https://t.co/vjIzzELJkY …",,2015-08-06 20:07:56 -0700,629489122848210944,DC Metro Area,Eastern Time (US & Canada) -9866,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DLagarry,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:07:56 -0700,629489122122399744,"Las Cruces, New Mexico", -9867,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.6778,None of the above,0.4594,,poetandkiller,,0,,,#gopdebates are over. Go vote for America. #teamusa http://t.co/2QrcwbqLiu,,2015-08-06 20:07:55 -0700,629489117328490497,,Eastern Time (US & Canada) -9868,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CorlessJones,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:07:52 -0700,629489105664126976,Somewhere, -9869,No candidate mentioned,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.2335,,FatimaMaikasuwa,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:07:47 -0700,629489082666762241,, -9870,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3505,,jessicahaz,,0,,,"So we r clear GOP hates women, people of color, immigrants, the LGBTQ community, and non-Christians. Am I missing anybody?!? #GOPDebates",,2015-08-06 20:07:45 -0700,629489075398017024,, -9871,Jeb Bush,1.0,yes,1.0,Negative,0.6477,None of the above,1.0,,realdarin,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:07:45 -0700,629489073434968064,Springfield mo,Central Time (US & Canada) -9872,No candidate mentioned,0.4656,yes,0.6824,Negative,0.6824,FOX News or Moderators,0.4656,,krlandersphd,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:07:43 -0700,629489067059752960,"Michigan, USA", -9873,No candidate mentioned,1.0,yes,1.0,Positive,0.3511,None of the above,1.0,,Jochmann14,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:07:42 -0700,629489060827033600,,Eastern Time (US & Canada) -9874,No candidate mentioned,1.0,yes,1.0,Neutral,0.6862,None of the above,1.0,,cestMa1,,1,,,"Sitting on a veranda in India, reading debate comments on twitter. I WIN. #GOPDebates",,2015-08-06 20:07:34 -0700,629489027998072832,Iowa,Mountain Time (US & Canada) -9875,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nvnursee,,2,,,"RT @Aroww333: There is a time for attacks, I guess, but the real conversation should be on issues not ""I'm better than so-&-so"" #CanIGetAnA…",,2015-08-06 20:07:32 -0700,629489020205051904,,Arizona -9876,Ben Carson,0.6471,yes,1.0,Positive,0.6941,None of the above,1.0,,KentPavelka,,8,,,"Three best performance in the #GOPDebates (in no order), IMHO: Carly Fiorina & Ben Carson & Marco Rubio.",,2015-08-06 20:07:29 -0700,629489008901533701,"Omaha, Nebraska",Central Time (US & Canada) -9877,No candidate mentioned,0.45799999999999996,yes,0.6768,Neutral,0.3434,None of the above,0.45799999999999996,,BLUESblush,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:07:26 -0700,629488996721295360,"Love God, America & music",Eastern Time (US & Canada) -9878,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Racial issues,0.6522,,RockyinTX,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 20:07:26 -0700,629488996247171073,, -9879,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,frequentbeef,,90,,,"RT @nonsequiteuse: If you don't want alcohol poisoning from the #GOPDebates, play #YouHateIDonate instead. Pick a cause & when the GOP hate…",,2015-08-06 20:07:25 -0700,629488990660329472,"Renton, WA",Pacific Time (US & Canada) -9880,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,TracyMouton,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:07:22 -0700,629488977775439873,South,Central Time (US & Canada) -9881,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,T_R_DeMuerte,,1,,,"GOP Closing Statements: - -FEAR, FEAR, FEAR, GOD, FEEEEEEEAAAAAARRR! - -Thanks, Obama. - -#GOPdebates",,2015-08-06 20:07:19 -0700,629488964894732288,"ÜT: 35.100821,-106.661282",Mountain Time (US & Canada) -9882,No candidate mentioned,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,None of the above,0.4707,,wearELEVATE,,0,,,Weak #GOPDebates #GOPDebate,,2015-08-06 20:07:19 -0700,629488964047663104,Online / Boutiques ,Central Time (US & Canada) -9883,Ben Carson,0.4265,yes,0.6531,Negative,0.6531,Racial issues,0.4265,,evanromeroc,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 20:07:17 -0700,629488958506975232,"Hamburg, Germany",Berlin -9884,Ben Carson,0.4539,yes,0.6737,Positive,0.6737,None of the above,0.4539,,UnseeingEyes,,1,,,In the #GOPDebates ...@CarlyFiorina & @RealBenCarson are the only two candidates I'd invite to my home for a great meal.,,2015-08-06 20:07:14 -0700,629488946506960896,GLOBAL/New York,Quito -9885,No candidate mentioned,1.0,yes,1.0,Neutral,0.6404,None of the above,0.6854,,s_soliz,,1,,,This is making me even more depressed that Jon Stewart is leaving.... He needs to do debate special shows. #GOPDebates,,2015-08-06 20:07:14 -0700,629488944162275328,"Dallas, Tx",Central Time (US & Canada) -9886,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,jess_in_atx,,0,,,"If America is in such horrible shape, why are ""the illegals"" trying so hard to get in? #GOPDebates",,2015-08-06 20:07:13 -0700,629488939154313216,, -9887,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6818,,KatherineFento2,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 20:07:11 -0700,629488931831033857,"San Diego, Ca.", -9888,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Abortion,0.2282,,rachelfberry,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 20:07:10 -0700,629488929989722112,Wellington ,Casablanca -9889,No candidate mentioned,1.0,yes,1.0,Neutral,0.6571,None of the above,1.0,,Westcory,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:07:07 -0700,629488917029322752,, -9890,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BradMcKee10,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:07:07 -0700,629488914051543040,,Central Time (US & Canada) -9891,Ben Carson,1.0,yes,1.0,Negative,0.6364,Racial issues,1.0,,NabAsem,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 20:07:06 -0700,629488910041792512,, -9892,Ted Cruz,1.0,yes,1.0,Negative,0.6829,None of the above,1.0,,Fr8flyr,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:07:04 -0700,629488903733538816,"America, I thought", -9893,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,None of the above,0.6842,,FrancoIKU,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:07:02 -0700,629488894896160768,wherever,Central Time (US & Canada) -9894,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Capone28Reed,,2,,,RT @thejojophoto: Not Usually In To Politics...But This Is Good Entertainment #GOPDebates,,2015-08-06 20:06:59 -0700,629488880559878145,, -9895,Donald Trump,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,AlphaQueer,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:06:59 -0700,629488880429985793,Chicago,Central Time (US & Canada) -9896,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dbrin62,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:06:58 -0700,629488876004999168,Northshore of MA,Atlantic Time (Canada) -9897,No candidate mentioned,0.4454,yes,0.6674,Neutral,0.6674,None of the above,0.4454,,CuzRoz,,0,,,"Wait. There were two #GOPdebates? Twitter, I am very confused.",,2015-08-06 20:06:57 -0700,629488872762830848,Eastern Seaboard of the U.S., -9898,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BonjourAnjor,,0,,,These people cannot run our country. I am literally afraid that they will. That cannot happen. #GOPDebates,,2015-08-06 20:06:55 -0700,629488865871568896,, -9899,Ben Carson,1.0,yes,1.0,Negative,0.6768,Abortion,0.3535,,cyn3matic,,0,,,"That's a qualification? #reaching #GOPdebates #shevotes RT @ninatypewriter: ""I'm the only one that separates Siamese twins."" ~Dr. Ben Carson",,2015-08-06 20:06:54 -0700,629488862641963008,"Los Angeles, CA",Pacific Time (US & Canada) -9900,Mike Huckabee,1.0,yes,1.0,Negative,0.3734,None of the above,1.0,,housemouse_01,,0,,,Mike Huckabee and Bartles & Jaymes would like to thank you for your support. #GOPDebates,,2015-08-06 20:06:54 -0700,629488862553747456,, -9901,No candidate mentioned,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,PrimaryMcCain,,43,,,RT @RWSurferGirl: I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:06:50 -0700,629488845499813889,,Pacific Time (US & Canada) -9902,No candidate mentioned,0.4681,yes,0.6842,Neutral,0.6842,None of the above,0.4681,,RaeMacRaeRae,,1,,,"When all your friends are comedians, following the #GOPDebates is the FUNNEST!",,2015-08-06 20:06:50 -0700,629488843696271360,"Brooklyn, NY",Central Time (US & Canada) -9903,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gary4205,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:06:48 -0700,629488834233765888,Texas,Eastern Time (US & Canada) -9904,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6673,,ChiefBoima,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:06:47 -0700,629488833025953792,"South Gate, Babilônia",Eastern Time (US & Canada) -9905,No candidate mentioned,1.0,yes,1.0,Neutral,0.6484,Religion,0.6593,,faully33,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:06:44 -0700,629488817947316228,,Sydney -9906,No candidate mentioned,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,rev_denn,,0,,,"#GOPDebates.. It was fun but I really think I became more stupider. - -Dear world.. please realize that most of us aren't that dumb.",,2015-08-06 20:06:40 -0700,629488801396731904,Somewhere inside IL. ,Central Time (US & Canada) -9907,No candidate mentioned,0.4373,yes,0.6613,Neutral,0.3387,None of the above,0.4373,,yaycha,,0,,,Stuck at work until 9. Can't wait to go home & watch the train wreck that is the #GOPDebates. Anyone know where to find it?,,2015-08-06 20:06:40 -0700,629488800725471232,"Portland, Oregon",Pacific Time (US & Canada) -9908,No candidate mentioned,0.4123,yes,0.6421,Positive,0.6421,None of the above,0.4123,,jerseygirl429,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:06:36 -0700,629488785768738816,Virginia, -9909,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,scottaxe,,0,,,#GOPDebates I also think Rand Paul is toast,,2015-08-06 20:06:34 -0700,629488777770090496,Los Angeles , -9910,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,sherymuslima,,4,,,RT @jsn2007: What ever happened to the answers to how they were gonna take care of vets? #GOPDebates,,2015-08-06 20:06:34 -0700,629488777438830592,,Pacific Time (US & Canada) -9911,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,THEMARD67,,0,,,It's official. Worst debate ever. #goodgrief #GOPDebates #Bernie2016,,2015-08-06 20:06:34 -0700,629488777036083200,"Detroit, Michigan", -9912,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DonatellaDavis,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:06:34 -0700,629488775811477504,Supporting our troops from TX,Central Time (US & Canada) -9913,No candidate mentioned,0.6588,yes,1.0,Negative,1.0,FOX News or Moderators,0.6588,,Artmoves1,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:06:28 -0700,629488752549703680,In the Cloud,Eastern Time (US & Canada) -9914,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RWSurferGirl,,43,,,I need to order another green apple martini to process what the hell just happened. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:06:28 -0700,629488751807369216,"Newport Beach, California",Pacific Time (US & Canada) -9915,Ben Carson,1.0,yes,1.0,Positive,0.6622,None of the above,1.0,,vlthrall,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:06:27 -0700,629488749387186176,, -9916,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,sugaree71,,2,,,"IT IS OVER!!!! Doubt I""ll be able to take many more #GOPDebates. Not enough popcorn in the universe! Onto the #DailyShow. #minnows",,2015-08-06 20:06:26 -0700,629488742382710784,Chicago!!!,Central Time (US & Canada) -9917,No candidate mentioned,1.0,yes,1.0,Negative,0.7065,None of the above,1.0,,Aroww333,,2,,,"There is a time for attacks, I guess, but the real conversation should be on issues not ""I'm better than so-&-so"" #CanIGetAnAmen #GOPDebates",,2015-08-06 20:06:24 -0700,629488734967193600,Texas,Central Time (US & Canada) -9918,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,dtearl,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:06:23 -0700,629488732240941056,"Irvine, CA",Pacific Time (US & Canada) -9919,No candidate mentioned,1.0,yes,1.0,Neutral,0.6953,None of the above,0.6953,,theGudernatch,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:06:23 -0700,629488730689003520,"Los Angeles, CA",Pacific Time (US & Canada) -9920,No candidate mentioned,1.0,yes,1.0,Negative,0.6894,None of the above,1.0,,jsn2007,,1,,,"That was entertaining, only because I have seen them in action first hand. Congress is out of touch & so are all the contenders. #GOPDebates",,2015-08-06 20:06:20 -0700,629488716642426880,USA,Eastern Time (US & Canada) -9921,No candidate mentioned,1.0,yes,1.0,Neutral,0.6783,None of the above,1.0,,RobsRamblins,,0,,,This is the part where political reporters get crazy looking for who touches who. #MediaIdiocy #GOPDebates,,2015-08-06 20:06:17 -0700,629488707762978816,,Arizona -9922,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JchipRodriguez,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:06:17 -0700,629488707339460608,Midland MI, -9923,Donald Trump,1.0,yes,1.0,Negative,0.6824,None of the above,1.0,,AfricasaCountry,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:06:15 -0700,629488696581070848,,Eastern Time (US & Canada) -9924,Donald Trump,1.0,yes,1.0,Neutral,0.7065,None of the above,0.7065,,tonibirdsong,,0,,,"""We don't have time for [PC] 'tone,' we've got to go out there and get the job done."" -@realDonaldTrump #GOPDebates 🇺🇸 < can't dispute that.",,2015-08-06 20:06:14 -0700,629488692596506624,"Franklin, Tennessee",Central Time (US & Canada) -9925,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Darrell_Harden,,0,,,"It'll be interesting to see how the polls shuffle, if at all, as a result of the undercard and main #GOPDebates.",,2015-08-06 20:06:12 -0700,629488686615261184,Southwest Michigan,Eastern Time (US & Canada) -9926,No candidate mentioned,1.0,yes,1.0,Positive,0.6342,None of the above,1.0,,DieterWentzel,,7,,,RT @SupermanHotMale: And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:06:09 -0700,629488671939362817,Edmonton, -9927,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,LadyTasanna,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 20:06:09 -0700,629488670735773696,St.Kitts /Caribbean , -9928,No candidate mentioned,1.0,yes,1.0,Neutral,0.7047,None of the above,0.7047,,Lisa_Luerssen,,0,,,Some great tweets by David Limbaugh during the #GOPDebates http://t.co/oY2dPyIzXk,,2015-08-06 20:06:08 -0700,629488670135984132,Small Town in Texas,Central Time (US & Canada) -9929,Ted Cruz,0.4171,yes,0.6458,Positive,0.6458,None of the above,0.4171,,lmahoneybee,,0,,,My 5 Faves from #GOPDebates In no particular order: #Cruz #Carson #Rubio #Huckabee #Fiorina,,2015-08-06 20:06:03 -0700,629488646941315072,Texas & New Mexico,Central Time (US & Canada) -9930,Jeb Bush,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,brackster39,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:06:02 -0700,629488642621313024,, -9931,No candidate mentioned,1.0,yes,1.0,Positive,0.6493,FOX News or Moderators,1.0,,RLJ3RD,,0,,,"Great app for watching the debates, thanks Fox News. Please add an option to rate the moderators! #GOPdebates @Foxnews",,2015-08-06 20:05:59 -0700,629488628805140480,SoCal Hi Desert,Pacific Time (US & Canada) -9932,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6546,,Dustyo87,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 20:05:58 -0700,629488627848851457,,Pacific Time (US & Canada) -9933,Jeb Bush,0.4545,yes,0.6742,Negative,0.6742,None of the above,0.2272,,conputaos,,4,,,"RT @SupermanHotMale: Dear Jeb Bush, Your Record, Sir is clear, you are a fucking ememy of the voting public... PERIOD. #GopDebates",,2015-08-06 20:05:57 -0700,629488624170479617,,Central Time (US & Canada) -9934,Donald Trump,1.0,yes,1.0,Positive,0.6705,FOX News or Moderators,1.0,,RaymondSmith54,,1,,,"RT @kwrcrow: Even after biased attacks by @FoxNews, @realDonaldTrump wins #GOPDebates.",,2015-08-06 20:05:57 -0700,629488621784039424,South Florida,Eastern Time (US & Canada) -9935,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,love0ntoast,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:05:56 -0700,629488616784269312,USJ ,Adelaide -9936,No candidate mentioned,0.6559,yes,1.0,Negative,0.3441,None of the above,0.6559,,iDaniel34,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 20:05:53 -0700,629488603937157120,,Mountain Time (US & Canada) -9937,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,Religion,1.0,,jadedunni,,3,,,RT @jordiemojordie: YALL BETTER NOT LIE ABOUT GOD. S/he didn't talk to all of yall. #GOPDebates,,2015-08-06 20:05:52 -0700,629488602205003777,,Eastern Time (US & Canada) -9938,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,SupermanHotMale,,7,,,And the winner is... The Koch Brothers #GopDebates,,2015-08-06 20:05:47 -0700,629488580814110720,"Cocoa Beach, Florida",Eastern Time (US & Canada) -9939,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,zapp_you,,0,,,"Considering #FoxNews bias, the #GOPDebates did help to delineate the candidates! The differences are more clear now. -#libertarian",,2015-08-06 20:05:45 -0700,629488571536117761,South, -9940,No candidate mentioned,1.0,yes,1.0,Negative,0.3578,None of the above,1.0,,Lattisaw,,0,,,I can't wait for Hillary Clinton to put the #GOP on blast during the Presidential debates! That woman got big cojones! #GOPdebates,,2015-08-06 20:05:44 -0700,629488567178260480,305/202/212 MIA*DC*NYC ,Eastern Time (US & Canada) -9941,Jeb Bush,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,mette_mariek,,0,,,"Aw, @JebBush, you can totes come over later for a good cry. I GOTCHU BOO. 👭 #GOPDebates",,2015-08-06 20:05:43 -0700,629488565227929600,"Los Angeles, CA",Pacific Time (US & Canada) -9942,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,0,,,#GOPDebates I'll be surprised if @JohnKasich doesn't jump into the top 5 after tonight,,2015-08-06 20:05:42 -0700,629488560769339392,Los Angeles , -9943,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6778,,1sonyag,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 20:05:42 -0700,629488558949203969,"Harlem, NY", -9944,Ben Carson,1.0,yes,1.0,Positive,0.3691,None of the above,1.0,,RichardLuciano1,,0,,,"I'm interested to see if Carly Fiorina, Ben Carson and Mike Huckabee pick up steam. Everyone came out unscathed in these #GOPDebates",,2015-08-06 20:05:39 -0700,629488546785685504,"Fayetteville, NC USA",Eastern Time (US & Canada) -9945,Jeb Bush,1.0,yes,1.0,Negative,0.627,None of the above,1.0,,gdmclemore,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:05:39 -0700,629488545317543936, US, -9946,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6522,,MissMahlia,,0,,,Hahahahah this commentary is the best. #GOPDebates,,2015-08-06 20:05:38 -0700,629488544147374080,Sin City,Pacific Time (US & Canada) -9947,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,s_soliz,,0,,,I think we're going to run out of beer. #GOPDebates,,2015-08-06 20:05:38 -0700,629488542025060352,"Dallas, Tx",Central Time (US & Canada) -9948,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Soccerpolitics,,7,,,RT @monaeltahawy: Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:05:34 -0700,629488523557650432,Durham N.C.,Eastern Time (US & Canada) -9949,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,DirkLangeveld,,0,,,"""WE'RE A NATION OF LOSERS. EXCEPT ME, I MADE MONEY."" --Trump #GOPDebates",,2015-08-06 20:05:33 -0700,629488522639089664,"New London, CT",Central Time (US & Canada) -9950,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nancylca,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:05:32 -0700,629488516108455936,California ,Pacific Time (US & Canada) -9951,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,Religion,0.6804,,techboy_88,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:05:32 -0700,629488515399573504,Mukim Berautonomi Gemas,Asia/Kuala_Lumpur -9952,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6476,,kwrcrow,,1,,,"Even after biased attacks by @FoxNews, @realDonaldTrump wins #GOPDebates.",,2015-08-06 20:05:31 -0700,629488514652991488,Fly Over Country,Mountain Time (US & Canada) -9953,No candidate mentioned,1.0,yes,1.0,Neutral,0.7093,None of the above,1.0,,DaWierComposer,,3,,,"RT @monaeltahawy: Every time they say ""wedge issues"" I think they mean wedgies #GOPDebates",,2015-08-06 20:05:30 -0700,629488506801238016,"Boogerville, Texas",Central Time (US & Canada) -9954,No candidate mentioned,1.0,yes,1.0,Neutral,0.6765,Religion,0.6451,,techboy_88,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:05:28 -0700,629488502112006144,Mukim Berautonomi Gemas,Asia/Kuala_Lumpur -9955,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6889,,Paula_Kaye,,0,,,So unclear if I just watched a church convention or a political debate. #GOPDebates,,2015-08-06 20:05:25 -0700,629488487880732672,,Pacific Time (US & Canada) -9956,No candidate mentioned,1.0,yes,1.0,Positive,0.6497,None of the above,1.0,,TomWrobleski,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:05:24 -0700,629488482843496448,"Atlanta, GA", -9957,Ben Carson,0.6806,yes,1.0,Positive,0.6806,None of the above,1.0,,roadram360,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:05:19 -0700,629488463335665665,Everywhere , -9958,No candidate mentioned,1.0,yes,1.0,Negative,0.6609,None of the above,1.0,,WilsarFJ,,0,,,To think we have more #GOPDebates to come. I can't take anymore more. #GOPDebate,,2015-08-06 20:05:17 -0700,629488454804574209,Nation's Capital ,Eastern Time (US & Canada) -9959,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7186,,wilwebster1,,2,,,"RT @PuestoLoco: .@thepoliticalcat -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morning…",,2015-08-06 20:05:16 -0700,629488451075727360,Southeast Asia,Hanoi -9960,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,michaelyagoda,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:05:14 -0700,629488440611086336,THE BRONX,Eastern Time (US & Canada) -9961,Jeb Bush,0.4594,yes,0.6778,Negative,0.3556,None of the above,0.4594,,RussellLittle,,0,,,@KHOU @JebBush #GOPDebates he looks down on the base,,2015-08-06 20:05:11 -0700,629488429487800320,"Houston, Texas, USA. ",Hawaii -9962,No candidate mentioned,1.0,yes,1.0,Positive,0.6701,None of the above,1.0,,JoshThorne,,0,,,That was a wildly entertaining Television spectacle. #GOPDebates,,2015-08-06 20:05:10 -0700,629488425603874816,Chicago,Central Time (US & Canada) -9963,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Aroww333,,0,,,Don't like how much time is being spent attacking Clinton & Obama instead of talking about substantive issues. #GOPDebates,,2015-08-06 20:05:10 -0700,629488424488034304,Texas,Central Time (US & Canada) -9964,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FatimaMaikasuwa,,3,,,"RT @SupermanHotMale: Rand Paul, I'm a different kind of republican... yes, you are an sos pad dickhead. #Gopdebates",,2015-08-06 20:05:08 -0700,629488416502218752,, -9965,No candidate mentioned,1.0,yes,1.0,Negative,0.6403,Gun Control,1.0,,casious1964,,0,,,"Prolife gun owners who believe in death mentality, War and God #GOPDebates",,2015-08-06 20:05:07 -0700,629488411598913536,vancouver , -9966,No candidate mentioned,1.0,yes,1.0,Positive,0.6977,None of the above,1.0,,BigBoyBaker,,1,,,Carly Fiorina made the point that she will be able to attack Hillary Clinton. Love it. She is unafraid. #GOPDebates,,2015-08-06 20:05:06 -0700,629488410173014017,"Indiana, U.S.A.",Eastern Time (US & Canada) -9967,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,xPotatoGodX,,0,,,Hopefully the next debates will be better this was meh #GOPDebates,,2015-08-06 20:05:05 -0700,629488405383114753,"Erie, PA",Eastern Time (US & Canada) -9968,Donald Trump,1.0,yes,1.0,Negative,0.6913,None of the above,0.6768,,monaeltahawy,,7,,,Paging the Donald: you can't beat Jamaica in soccer either #GOPDebates,,2015-08-06 20:05:05 -0700,629488404099633152,Cairo/NYC,Eastern Time (US & Canada) -9969,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sivstroyer95,,0,,,Ohio Governor John Kasich you are currently the man. #GOPDebates #Kasich #O-H,,2015-08-06 20:05:03 -0700,629488397380419585,Pittsburgh PA,Eastern Time (US & Canada) -9970,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,Women's Issues (not abortion though),0.25,,FatimaMaikasuwa,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 20:04:55 -0700,629488363842732032,, -9971,No candidate mentioned,1.0,yes,1.0,Neutral,0.6513,None of the above,0.6513,,aharperrose,,0,,,"Female anchor count: 2 -Female blonde anchor count: 2 - -#GOPDebates",,2015-08-06 20:04:55 -0700,629488361648959489,"Santa Monica, CA",Eastern Time (US & Canada) -9972,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,styln_jones,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 20:04:55 -0700,629488361414135808,12th Rock From the Sun,Central Time (US & Canada) -9973,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mmoretti_com,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:04:53 -0700,629488351821844480,,Eastern Time (US & Canada) -9974,Donald Trump,1.0,yes,1.0,Positive,0.6515,None of the above,1.0,,TC_Watkins,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 20:04:52 -0700,629488347396878336,Missouri, -9975,Donald Trump,0.4265,yes,0.6531,Neutral,0.3265,None of the above,0.4265,,unbuttonmyeyes,,0,,,Trump: I WILL DO ALL OF THE POINTS #GOPDebates,,2015-08-06 20:04:51 -0700,629488346293751809,"New York, New York", -9976,Donald Trump,1.0,yes,1.0,Negative,0.6719,None of the above,0.6783,,daciampaglia,,0,,,"Trump: ""Our vets need to be taken care of"" – except John McCain, that loser! #GOPdebates",,2015-08-06 20:04:51 -0700,629488345882755073,New York,Eastern Time (US & Canada) -9977,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,1979monica,,3,,,"RT @SupermanHotMale: Rand Paul, I'm a different kind of republican... yes, you are an sos pad dickhead. #Gopdebates",,2015-08-06 20:04:48 -0700,629488332184027136,, -9978,No candidate mentioned,0.424,yes,0.6512,Negative,0.3372,None of the above,0.424,,jsn2007,,4,,,What ever happened to the answers to how they were gonna take care of vets? #GOPDebates,,2015-08-06 20:04:46 -0700,629488324063928320,USA,Eastern Time (US & Canada) -9979,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ywamnate,,0,,,Rand Paul and Marco Rubio seem like viable options. #GOPdebates,,2015-08-06 20:04:46 -0700,629488322889408512,USA,Pacific Time (US & Canada) -9980,Donald Trump,1.0,yes,1.0,Neutral,0.7006,Jobs and Economy,0.662,,chrisjvenable,,0,,,"Donald Trump: ""We should just not import things."" #GOPDebates",,2015-08-06 20:04:45 -0700,629488319550914560,"Kent, OH",Eastern Time (US & Canada) -9981,Rand Paul,0.6395,yes,1.0,Negative,0.6395,None of the above,1.0,,amandaJanee25,,1,,,RT @jutne5: Anyone but Rand Paul... #GOPDebates,,2015-08-06 20:04:44 -0700,629488314647773184,,Arizona -9982,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,None of the above,1.0,,kokupuff,,0,,,I just came back from Wisconsin and yeah...no. #GOPDebates,,2015-08-06 20:04:43 -0700,629488313011970048,TUMBLR: OLDHEADYOUNGCLOTHES,Eastern Time (US & Canada) -9983,Chris Christie,0.4258,yes,0.6526,Positive,0.6526,None of the above,0.4258,,votepinocchio,,0,,,I LOVE ice cream! #christie gets my vote! #GOPDebates #icecream #election2016 #pinocchio,,2015-08-06 20:04:42 -0700,629488309014650880,, -9984,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,auntbec15,,2,,,"RT @PuestoLoco: .@thepoliticalcat -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morning…",,2015-08-06 20:04:42 -0700,629488308133859328,, -9985,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Aniente,,3,,,"RT @monaeltahawy: Every time they say ""wedge issues"" I think they mean wedgies #GOPDebates",,2015-08-06 20:04:40 -0700,629488298017341440,,Quito -9986,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ScoutMacEachron,,0,,,"According to Huckabee the military is for ""killing people and breaking things."" America's problems suddenly make sense... #GOPDebates",,2015-08-06 20:04:38 -0700,629488289549025282,"New York, NY", -9987,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,Religion,0.6966,,BillSengstacken,,0,,,None of them handled snakes. None of them spike in tongues. The #GOPClownCar hates evangelicals. #GOPDebates,,2015-08-06 20:04:37 -0700,629488285140828164,Atlanta,Eastern Time (US & Canada) -9988,Ben Carson,0.6347,yes,1.0,Neutral,0.3653,None of the above,1.0,,MikeDury,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:04:36 -0700,629488283903520768,"Columbus, OH",Central Time (US & Canada) -9989,Donald Trump,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,NateMJensen,,0,,,"Trump closing statement. ""We suck."" #GOPdebates",,2015-08-06 20:04:32 -0700,629488267612823552,"Silver Spring, MD",Eastern Time (US & Canada) -9990,,0.24,yes,0.6,Neutral,0.3059,None of the above,0.36,,mackajube,,10,,,RT @Yelp: I wish I could make a closing statement but my mouth is full of tacos ¯\_(ツ)_/¯. #GOPDebates @Eat24 #HolaDonald,,2015-08-06 20:04:32 -0700,629488265981067268,"California, USA",Pacific Time (US & Canada) -9991,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sloover,,0,,,"He said ""wedge issue"". #GOPDebates #uhhuhhuh",,2015-08-06 20:04:31 -0700,629488261442969600,"Pittsburgh, moving to Tulsa",Eastern Time (US & Canada) -9992,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jmfoste6,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 20:04:31 -0700,629488261329735680,"Flavortown, USA",Eastern Time (US & Canada) -9993,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6344,,thegandiman,,0,,,"RT @tylertronson: God told me to be president. So, like, I guess I'm going to go be president, or whatever. #GOPDebates",,2015-08-06 20:04:31 -0700,629488259538776064,"40.702091,-73.98278",Eastern Time (US & Canada) -9994,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,0.6292,,Swoldemort,,1,,,Was anyone else expecting Trump to say something super racist when he mentioned China and Japan? #GOPDebates,,2015-08-06 20:04:28 -0700,629488246926540800,"Tulsa, Oklahoma", -9995,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6801,,KatieAnnieOakly,,0,,,HA! Hahahahahaha! Ha ha ha ha! .@RealDonaldTrump was beat up and got his ass handed to him BY A WOMAN - .@MegynKelly FTW!!! #GOPdebates,,2015-08-06 20:04:27 -0700,629488246230126592,Find Me & Other Commie Libs at,Mountain Time (US & Canada) -9996,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3441,None of the above,0.4444,,OneToughMutherK,,0,,,"Total #SmackDown DC having half a brain, best line #GOPDebates. -#WORD to your Muther @OneToughMutherK",,2015-08-06 20:04:27 -0700,629488243327782912,,Eastern Time (US & Canada) -9997,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,Religion,1.0,,struble_eric,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:04:21 -0700,629488220418514945, New Jersey, -9998,No candidate mentioned,0.4348,yes,0.6594,Negative,0.6594,None of the above,0.4348,,MissMahlia,,0,,,How is surviving a recall like a badge of honor? Like shut up. #GOPDebates,,2015-08-06 20:04:18 -0700,629488208531877888,Sin City,Pacific Time (US & Canada) -9999,Marco Rubio,1.0,yes,1.0,Negative,0.6465,None of the above,1.0,,0mahira0,,0,,,"Marco Rubio's campaign slogan needs to be ""from bar back to president"" #GOPDebates",,2015-08-06 20:04:16 -0700,629488199929212928,nor cal, -10000,No candidate mentioned,1.0,yes,1.0,Negative,0.665,None of the above,1.0,,monaeltahawy,,3,,,"Every time they say ""wedge issues"" I think they mean wedgies #GOPDebates",,2015-08-06 20:04:16 -0700,629488199858040834,Cairo/NYC,Eastern Time (US & Canada) -10001,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,AZcardFAN711,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:04:14 -0700,629488191725158401,United States,Mountain Time (US & Canada) -10002,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.3483,None of the above,0.4545,,EdwardThomasII1,,0,,,#GOPdebates bash Hillary night slick Willy is lovin it,,2015-08-06 20:04:14 -0700,629488188600545281,, -10003,Jeb Bush,1.0,yes,1.0,Negative,0.6455,FOX News or Moderators,0.7089,,PuestoLoco,,0,,,"Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe https://t.co/cNSR5CHHAL",,2015-08-06 20:04:13 -0700,629488186939559937,Florida Central West Coast,America/New_York -10004,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,Religion,0.6739,,maryfranholm,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:04:13 -0700,629488185261735936,Lost in a good book,Pacific Time (US & Canada) -10005,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jeorge2728,,4,,,"RT @SupermanHotMale: Dear Jeb Bush, Your Record, Sir is clear, you are a fucking ememy of the voting public... PERIOD. #GopDebates",,2015-08-06 20:04:12 -0700,629488182740938753,, -10006,Ted Cruz,0.4768,yes,0.6905,Positive,0.369,None of the above,0.4768,,Republikim1,,0,,,Cruz: New Sheriff in town. Nice summary. He cherishes freedom - your freedom. #GOPDebates,,2015-08-06 20:04:12 -0700,629488182363422720,,Pacific Time (US & Canada) -10007,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,443777,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:04:12 -0700,629488180694118400,,Pacific Time (US & Canada) -10008,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,THEToughCookie,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 20:04:10 -0700,629488174029533184,The East Coast,Eastern Time (US & Canada) -10009,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,evanromeroc,,17,,,RT @monaeltahawy: Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:04:08 -0700,629488165041098752,"Hamburg, Germany",Berlin -10010,Ted Cruz,0.6392,yes,1.0,Positive,1.0,None of the above,0.6495,,Bivi0413,,0,,,"I'm loving @tedcruz and @RealBenCarson 's closing statements. I hate they didn't get a lot of questions, tho. -#GOPDebates",,2015-08-06 20:04:07 -0700,629488162419666944,"Smalltown, SC USA", -10011,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JayGravholt,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 20:04:06 -0700,629488156434264064,, -10012,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DianneFunes,,6,,,RT @kerrydiaries: Honestly not sure if I'm watching Mean Girls or #GOPDebates ?? Do you even go here??,,2015-08-06 20:04:05 -0700,629488152231682048,, -10013,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,1.0,,MsTweetMajic,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:04:04 -0700,629488147039170560,"N my skin, I jump out U jump N",Eastern Time (US & Canada) -10014,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tiffparrish,,0,,,@JebBush didn't have to tell us what his Daddy did for a living. #FoxDebate #GopDebates,,2015-08-06 20:04:01 -0700,629488136775671809,"South Mississippi, USA",Central Time (US & Canada) -10015,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Paula_Kaye,,0,,,We don't win anymore? Is this the playground? #GOPDebates,,2015-08-06 20:04:01 -0700,629488135215321091,,Pacific Time (US & Canada) -10016,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,0.6484,,DoubleDipChip,,0,,,We don't win anymore? Freedom won several weeks ago! #GOPDebates,,2015-08-06 20:03:59 -0700,629488125748858880,, -10017,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,Jobs and Economy,0.6207,,BigBoyBaker,,0,,,Santorum said he wants to make America the #1 manufacturing country. Manufacturing is 20th century thinking. We need high tech. #GOPDebates,,2015-08-06 20:03:58 -0700,629488124268253184,"Indiana, U.S.A.",Eastern Time (US & Canada) -10018,Scott Walker,1.0,yes,1.0,Positive,0.6648,None of the above,1.0,,SalMasekela,,1,,,"'It wasn't too late for Wisconsin, it's not too late for America. Oh, and pass the cheese'. Scott Walker. #GOPDebates",,2015-08-06 20:03:55 -0700,629488108761825280,The Universe,Pacific Time (US & Canada) -10019,No candidate mentioned,0.4211,yes,0.6489,Neutral,0.6489,None of the above,0.4211,,BobbyNamdar,,0,,,I've been using the wrong hashtag! #GOPDebates #GOPDebate,,2015-08-06 20:03:50 -0700,629488091259109376,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10020,Rand Paul,1.0,yes,1.0,Neutral,0.6898,None of the above,1.0,,b140tweet,,1,,,"RT @KyleAlexLittle: ""I don't know why the fuck I'm here""- Rand Paul #GOPDebates",,2015-08-06 20:03:49 -0700,629488083730329600,Heaven ,Eastern Time (US & Canada) -10021,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,Religion,0.2266,,Aew1,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 20:03:46 -0700,629488072552349696,USA,Pacific Time (US & Canada) -10022,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Champergirl,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:03:41 -0700,629488050675056640,New York,Eastern Time (US & Canada) -10023,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6907,,thegloriousAMG,,0,,,Reminder: Bush #GOPDebates you run FLORIDA,,2015-08-06 20:03:39 -0700,629488043666182144,Los Angeles,Pacific Time (US & Canada) -10024,Rand Paul,0.6859,yes,1.0,Negative,0.6859,None of the above,1.0,,jutne5,,1,,,Anyone but Rand Paul... #GOPDebates,,2015-08-06 20:03:39 -0700,629488042227535873,, -10025,Ben Carson,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,lisalecallie,,10,,,"RT @kwrcrow: Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:03:38 -0700,629488037504757760,What happened America?,Eastern Time (US & Canada) -10026,No candidate mentioned,0.6892,yes,1.0,Negative,0.6662,None of the above,1.0,,tmservo433,,0,,,Republican candidates: All of our states are awesome. But for some reason not enough to stop country from sucking #GOPdebates,,2015-08-06 20:03:35 -0700,629488027874758660,, -10027,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.7033,,imherpoet,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 20:03:35 -0700,629488027778183168,,Eastern Time (US & Canada) -10028,Marco Rubio,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,Nick_Ellingson,,0,,,Ehh I'll say 1. Rubio 2. Trump 3. Walker 4. Kasich 5. Bush 6. Cruz 7. Carson 8. Christie 9. Huckabee 10. Rand Paul #GOPDebates,,2015-08-06 20:03:33 -0700,629488018504585216,"Moraga, Ca",Eastern Time (US & Canada) -10029,Jeb Bush,1.0,yes,1.0,Neutral,1.0,None of the above,0.6786,,doronofircast,,0,,,"Retweeted Shawn Drury (@ShawnDrurySC): - -Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates",,2015-08-06 20:03:31 -0700,629488011760242692,"Hollywood, CA",Pacific Time (US & Canada) -10030,No candidate mentioned,0.6374,yes,1.0,Neutral,0.3626,None of the above,0.6374,,askwhy4success,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:03:30 -0700,629488004403310593,"Lynchburg, VA",Eastern Time (US & Canada) -10031,No candidate mentioned,1.0,yes,1.0,Negative,0.3721,None of the above,1.0,,fivedollarjewel,,0,,,Wow look at all the diversity in the GOP! #GOPDEBATES,,2015-08-06 20:03:28 -0700,629487996685950978,,Pacific Time (US & Canada) -10032,Mike Huckabee,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,tutablu,,0,,,Huckabee is such a card. #Gopdebates #VoteYall,,2015-08-06 20:03:27 -0700,629487994290880512,A very red state,Mountain Time (US & Canada) -10033,Jeb Bush,1.0,yes,1.0,Neutral,0.6344,None of the above,1.0,,NateMJensen,,0,,,Bush's closing statement provided by Moody's. #GOPDebates,,2015-08-06 20:03:27 -0700,629487992692953089,"Silver Spring, MD",Eastern Time (US & Canada) -10034,Jeb Bush,0.4108,yes,0.6409999999999999,Negative,0.3264,None of the above,0.4108,,doronofircast,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:03:25 -0700,629487986522980352,"Hollywood, CA",Pacific Time (US & Canada) -10035,Jeb Bush,0.4143,yes,0.6437,Negative,0.6437,FOX News or Moderators,0.4143,,PuestoLoco,,2,,,".@thepoliticalcat -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe",,2015-08-06 20:03:25 -0700,629487983448719360,Florida Central West Coast,America/New_York -10036,No candidate mentioned,1.0,yes,1.0,Neutral,0.6876,None of the above,0.6395,,AnniesListTX,,2,,,"RT @heyLFJ: Well, would ya look at that! Women.are.watching. #GOPdebates https://t.co/1mtTUG98Ch",,2015-08-06 20:03:22 -0700,629487972363022336,,Mountain Time (US & Canada) -10037,No candidate mentioned,1.0,yes,1.0,Neutral,0.6342,Religion,0.6675,,b140tweet,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:03:21 -0700,629487968676392960,Heaven ,Eastern Time (US & Canada) -10038,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ikariusrising,,0,,,#Bush is an idiot.... Sadly the idiot brother ran first.... #GOPDebates,,2015-08-06 20:03:21 -0700,629487968361824257,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -10039,Scott Walker,1.0,yes,1.0,Negative,0.6923,None of the above,1.0,,socrates_99,,0,,,"Did Scott Walker say he had a wife, two kids and a harlot? #GOPDebates #FoxDebates #ClownCarChronicles",,2015-08-06 20:03:21 -0700,629487968139526144,,Eastern Time (US & Canada) -10040,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.643,,FatimaMaikasuwa,,4,,,"RT @SupermanHotMale: Dear Ted Cruz, what do scriptures say about you lying about our very good President? That's what I thought #GopDebates",,2015-08-06 20:03:17 -0700,629487950804484096,, -10041,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gabbynoonyraffy,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:03:16 -0700,629487944781430784,,Warsaw -10042,John Kasich,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,fmtalk1065,,2,,,"RT @BrendanKKirby: If @JohnKasich hasn't wrapped up the mailman vote by the end of this debate, he ought to drop out. #GOPdebates #LZDebates",,2015-08-06 20:03:14 -0700,629487939454640129,Mobile Alabama,Central Time (US & Canada) -10043,Donald Trump,0.4594,yes,0.6778,Negative,0.3556,FOX News or Moderators,0.4594,,Big_B_Hinkle,,0,,,Fox Debate commentators should be ashamed for the way they've treated Trump! #GOPdebates,,2015-08-06 20:03:14 -0700,629487936644366337,Best State in the Union,Central Time (US & Canada) -10044,Ben Carson,0.6705,yes,1.0,Positive,0.6705,None of the above,0.6705,,kwrcrow,,10,,,"Dr. Carson remark on DC having half a brain, best line #GOPDebates.",,2015-08-06 20:03:10 -0700,629487922924797952,Fly Over Country,Mountain Time (US & Canada) -10045,Mike Huckabee,0.6601,yes,1.0,Negative,1.0,None of the above,1.0,,leejcaroll,,0,,,#gopdebates @Govmikehuckabee Have you no shame? U ever gone back looked at the words you learned at seminary u know not bear false witness,,2015-08-06 20:03:07 -0700,629487908249014272,USA,Quito -10046,Mike Huckabee,1.0,yes,1.0,Neutral,0.7234,Foreign Policy,0.7234,,_MacDaddyMatt_,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 20:03:06 -0700,629487906835570688,cruzin down COMO in my '64,Central Time (US & Canada) -10047,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3597,,FatimaMaikasuwa,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 20:03:06 -0700,629487906512609280,, -10048,No candidate mentioned,1.0,yes,1.0,Positive,0.6596,None of the above,1.0,,KaylynWhitley,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:03:04 -0700,629487898405011457,North Carolina,Eastern Time (US & Canada) -10049,No candidate mentioned,1.0,yes,1.0,Negative,0.6989,None of the above,1.0,,BobbyNamdar,,0,,,Shout out to Bernie Sanders for slipping under the radar of these democrat jokes #GOPDebates,,2015-08-06 20:03:02 -0700,629487888368013317,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10050,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Marcia_Diehl,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:03:00 -0700,629487878230441984,, -10051,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6739,,NiseeShaw,,2,,,"RT @BlkPoliticSport: The Fox debate did not address the Voting Rights Act, Voter Suppression, Voter ID laws. No surprise there at all. #G…",,2015-08-06 20:02:54 -0700,629487854851375105,New York, -10052,Jeb Bush,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,0.3371,,talexander_au,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:02:53 -0700,629487852330598400,, -10053,No candidate mentioned,1.0,yes,1.0,Positive,0.6502,None of the above,1.0,,greatnsecret,,0,,,"""I'll be my best to do that"" #GOPDebates",,2015-08-06 20:02:53 -0700,629487849696571392,,Eastern Time (US & Canada) -10054,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,0.6517,,danspence2006,,2,,,"RT @steven_br: God blessed our country, the Republican candidates....but NOT them democrats. -Rubio #Paraphrase #GOPDebates you... http://t…",,2015-08-06 20:02:51 -0700,629487840984829952,,Pacific Time (US & Canada) -10055,No candidate mentioned,1.0,yes,1.0,Neutral,0.6531,Religion,0.6633,,Groceryhound,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 20:02:49 -0700,629487834508824577,,Mountain Time (US & Canada) -10056,No candidate mentioned,0.7186,yes,1.0,Neutral,1.0,None of the above,1.0,,NateMJensen,,0,,,Walter refused to mention the Bucks. #GOPdebates,,2015-08-06 20:02:49 -0700,629487833531699204,"Silver Spring, MD",Eastern Time (US & Canada) -10057,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,michael_scooter,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 20:02:47 -0700,629487825214382080,"Huntersville, NC",Quito -10058,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,betaballek,,0,,,@HillaryClinton they comin for you girl #GOPDebates,,2015-08-06 20:02:46 -0700,629487819958956032,Boston,Eastern Time (US & Canada) -10059,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Ms_SeeVaUs,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:02:44 -0700,629487812815904771,"Atlanta, GA",Eastern Time (US & Canada) -10060,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mllnola,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:02:42 -0700,629487805626978304,NOLA,America/Chicago -10061,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6742,,b140tweet,,6,,,RT @monaeltahawy: Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 20:02:41 -0700,629487798698029056,Heaven ,Eastern Time (US & Canada) -10062,No candidate mentioned,0.4805,yes,0.6932,Neutral,0.6932,None of the above,0.4805,,NiseeShaw,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:02:39 -0700,629487792062615552,New York, -10063,John Kasich,1.0,yes,1.0,Negative,0.3676,None of the above,1.0,,PinkPimpernel,,0,,,"Unless you're talking about our schools, air quality, water quality... #Kasich #GOPDebates https://t.co/znljf0zJd9",,2015-08-06 20:02:38 -0700,629487787050409984,,Atlantic Time (Canada) -10064,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,1.0,,l0lbecca,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:02:32 -0700,629487761297268736,texas,Arizona -10065,No candidate mentioned,1.0,yes,1.0,Positive,0.3333,FOX News or Moderators,1.0,,smcabeejr,,0,,,Why watch 10 contenders debate when you can just watch Megyn Kelly? #GOPdebates,,2015-08-06 20:02:29 -0700,629487750060900352,auburn/orlando, -10066,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PuestoLoco,,0,,,".@waltb31 @EricBoehlert @PeterHamby -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell",,2015-08-06 20:02:28 -0700,629487747187781632,Florida Central West Coast,America/New_York -10067,No candidate mentioned,0.4569,yes,0.6759,Neutral,0.3407,None of the above,0.4569,,heyLFJ,,2,,,"Well, would ya look at that! Women.are.watching. #GOPdebates https://t.co/1mtTUG98Ch",,2015-08-06 20:02:28 -0700,629487747019902976,,Eastern Time (US & Canada) -10068,Jeb Bush,1.0,yes,1.0,Neutral,0.6604,None of the above,1.0,,Groceryhound,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:02:27 -0700,629487742385156097,,Mountain Time (US & Canada) -10069,Chris Christie,0.6502,yes,1.0,Negative,1.0,None of the above,1.0,,aaronjzel,,0,,,"#gopdebates @chrischristie putting 'terrorists' in jail, means locking up college students for calling vivisectors delusional. #count28",,2015-08-06 20:02:27 -0700,629487741869228032,, -10070,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6632,,lkkash,,2,,,"RT @BlkPoliticSport: The Fox debate did not address the Voting Rights Act, Voter Suppression, Voter ID laws. No surprise there at all. #G…",,2015-08-06 20:02:26 -0700,629487735166795777,USA NorthEast, -10071,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SenorGuapo__,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 20:02:20 -0700,629487712551202816,,Quito -10072,No candidate mentioned,1.0,yes,1.0,Neutral,0.7222,None of the above,1.0,,PrincessMorgiee,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:02:19 -0700,629487708910522368,VA,Central Time (US & Canada) -10073,No candidate mentioned,0.4656,yes,0.6824,Neutral,0.3765,Foreign Policy,0.2569,,HarrellKirstein,,1,,,".@WMUR9_Politics Before running for POTUS, GOP candidates praised @HillaryClinton's Sec Of State Tenure https://t.co/J9oEBXYGof #gopdebates",,2015-08-06 20:02:16 -0700,629487696524779521,NH,Eastern Time (US & Canada) -10074,Ben Carson,1.0,yes,1.0,Positive,1.0,Healthcare (including Medicare),0.6742,,jamiaw,,1,,,"Carson getting in some zingers at the end. Not riding for him at ALL, but I'll give him credit for being a medical trailblazer. #GOPDebates",,2015-08-06 20:02:16 -0700,629487695870488577,Borderless,Eastern Time (US & Canada) -10075,Ben Carson,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RedWallPro,,0,,,Is that Ben Carson or Johnny Carson? #GOPDebates,,2015-08-06 20:02:15 -0700,629487690556272640,"New York, NY",Eastern Time (US & Canada) -10076,No candidate mentioned,1.0,yes,1.0,Negative,0.7103,Religion,0.6449,,kimluvzlife51,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:02:11 -0700,629487674470957056,Joplin MO, -10077,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JOEROWE409,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:02:08 -0700,629487661435097088,,Central Time (US & Canada) -10078,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,NYACC1978,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:02:05 -0700,629487648873316352,New York,Eastern Time (US & Canada) -10079,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6301,,ItsmeePaulyD,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:02:03 -0700,629487638655840257,GRHS c/o 2016,Eastern Time (US & Canada) -10080,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6705,,MissMahlia,,0,,,Freedom isn't free...did Ben Carson just go all Team America on this shit? #GOPDebates,,2015-08-06 20:02:01 -0700,629487634050494464,Sin City,Pacific Time (US & Canada) -10081,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,srstlouis,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:02:01 -0700,629487632863600640,"Montague County, Texas",Central Time (US & Canada) -10082,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,FOX News or Moderators,0.4074,,lynnhackett50,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:02:01 -0700,629487631802437632,, -10083,No candidate mentioned,1.0,yes,1.0,Negative,0.6828,Religion,1.0,,Emmairl,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 20:02:00 -0700,629487627402477568,"SF, LA, NYC rinse, repeat.",Pacific Time (US & Canada) -10084,Ben Carson,1.0,yes,1.0,Neutral,0.6729,None of the above,1.0,,LadyRajaElise,,0,,,Ben Carson's was determined to get that joke out #GOPDebates,,2015-08-06 20:01:59 -0700,629487625192275968,, -10085,Ted Cruz,1.0,yes,1.0,Positive,0.6837,None of the above,1.0,,JanetOstrowski1,,2,,,RT @Lisa_Luerssen: The worst debate in the history of Republican debates!! Thank You Senator Ted Cruz for what time you had to debate! #GOP…,,2015-08-06 20:01:59 -0700,629487623736721408,Arizona,Arizona -10086,Donald Trump,1.0,yes,1.0,Neutral,0.6563,None of the above,1.0,,taynew92,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 20:01:54 -0700,629487603817951232,"Sioux Falls, SD", -10087,No candidate mentioned,1.0,yes,1.0,Neutral,0.6437,None of the above,0.6437,,katyc123,,3,,,RT @Swoldemort: Now for your closing statements. Who is your daddy and what does he do? #GOPDebates http://t.co/pQeHfiFWLC,,2015-08-06 20:01:54 -0700,629487601037217792,land of the lost,Eastern Time (US & Canada) -10088,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6784,,afrodigenous,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 20:01:53 -0700,629487598491279360,New England,Central Time (US & Canada) -10089,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,SaysMyDerbyWife,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:01:52 -0700,629487594292781056,"Derbyville, State of Derby",Eastern Time (US & Canada) -10090,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,BonjourAnjor,,0,,,"Literally I'm still pissed about the whole gay marriage issue. It's constitutional, please leave it at that, Republicans #GOPDebates",,2015-08-06 20:01:50 -0700,629487587296681984,, -10091,Ben Carson,1.0,yes,1.0,Positive,0.6395,None of the above,1.0,,FlubberWilly,,0,,,#bencarson went hard at the end and busted in the #gopdebates face,,2015-08-06 20:01:49 -0700,629487581319794688,Sea World, -10092,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6517,,michelleleehurt,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 20:01:49 -0700,629487579985936384,, -10093,Ben Carson,0.4123,yes,0.6421,Negative,0.3474,None of the above,0.4123,,MasegoMokgoko,,0,,,Now Ben Carson wants to try and be interesting. #GOPDebates,,2015-08-06 20:01:48 -0700,629487579809886208,, -10094,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,kristylmiles,,0,,,#BenCaraon is dull and an embarrassment to ANY PERSON of color #GOPDebate #GOPDebates,,2015-08-06 20:01:47 -0700,629487574436966400,"Louisville KY, Chicago IL",Tehran -10095,No candidate mentioned,1.0,yes,1.0,Neutral,0.6509,None of the above,0.6535,,MarkyMarcelus,,0,,,@MichelleMacFNC @CarlyFiorina won both debates. #GOPDebates,,2015-08-06 20:01:46 -0700,629487570884296704,"Little Rock, AR or I-40 in TN",Central Time (US & Canada) -10096,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,weshep11,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 20:01:46 -0700,629487568728539136,,Eastern Time (US & Canada) -10097,Ben Carson,1.0,yes,1.0,Positive,0.6378,None of the above,1.0,,naf_kato,,0,,,That neuroscience shaaaade tho. Omg i wanna throw shade like that please @RealBenCarson #GOPDebates,,2015-08-06 20:01:42 -0700,629487553750671360,,Quito -10098,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Big_B_Hinkle,,0,,,"@tedcruz gets my vote after tonight, but Dr. Carson is a very close second. #GOPdebates",,2015-08-06 20:01:38 -0700,629487534070874112,Best State in the Union,Central Time (US & Canada) -10099,Ben Carson,1.0,yes,1.0,Negative,0.6237,None of the above,1.0,,kimmilburnphoto,,0,,,LOL #bencarson #GOPDebates but seriously you didn't answer the question,,2015-08-06 20:01:36 -0700,629487526890213376,Houston Texas,Central Time (US & Canada) -10100,Ben Carson,0.6445,yes,1.0,Positive,1.0,None of the above,1.0,,KatVonRocker,,0,,,#GOPDebates Dr Ben is damn funny!,,2015-08-06 20:01:36 -0700,629487526542221312,"Long Island, NY",Central Time (US & Canada) -10101,Ted Cruz,0.6903,yes,1.0,Positive,0.67,None of the above,1.0,,Susiq76Rocks,,1,,,RT @damongiles1973: Thank you Cruz! Finally someone who pledges to reverse every Obama executive order day 1. Why is this so hard? #GOPDeb…,,2015-08-06 20:01:32 -0700,629487512453451781,United States,Pacific Time (US & Canada) -10102,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Rockprincess818,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:01:32 -0700,629487511128006656,"Calabasas, CA",Pacific Time (US & Canada) -10103,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jsutt20,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:01:31 -0700,629487508137512960,, -10104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,breezyhanlon,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:01:31 -0700,629487507835629569,304,Quito -10105,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,GallagherPreach,,0,,,Ben Carson rocks out the final thoughts!!!!! #GOPDebates #GOPDebate,,2015-08-06 20:01:31 -0700,629487504736038913,"Gadsden, Alabama",Eastern Time (US & Canada) -10106,Donald Trump,0.6739,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,geekiestwoman,,0,,,"I disagree but defend your right to your own opinion. Vive la difference!! -#GOPDebates @realDonaldTrump https://t.co/kDbT7xfeUH",,2015-08-06 20:01:30 -0700,629487503100129280,"Fort Worth, TX", -10107,Scott Walker,1.0,yes,1.0,Negative,1.0,Racial issues,0.3474,,jasdye,,3,,,"RT @jsc1835: No, Scott Walker, you didn't ""lash"" out at the protesters in Wisconsin... You just had them arrested. #GOPDebates",,2015-08-06 20:01:30 -0700,629487501292515329,Chicagogo,Central Time (US & Canada) -10108,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.7,,monaeltahawy,,17,,,Seriously: GOP voters think God talks to presidential candidates? #ChristianBrotherhood #GOPDebates,,2015-08-06 20:01:28 -0700,629487492635475968,Cairo/NYC,Eastern Time (US & Canada) -10109,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6778,,MsYusuf,,0,,,"I want one of these white, and basically white men to just say-I'm rich,hella rich,I hate gays, blks and poor people VOTE FOR ME #GOPDebates",,2015-08-06 20:01:27 -0700,629487489011453952,,Central Time (US & Canada) -10110,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BobbyNamdar,,0,,,"Is Ted Cruz's slogan ""If you hate Obama, vote for me""? Because boy is he pushing it #GOPDebates",,2015-08-06 20:01:26 -0700,629487485802934272,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10111,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6932,,MrMbruno,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:01:26 -0700,629487484423045121,"Dumont, NJ",Central Time (US & Canada) -10112,Ted Cruz,1.0,yes,1.0,Negative,0.6903,None of the above,1.0,,LipstickNLegos,,0,,,"Ted Cruz ""undo all the Obama shit because"" smh #GOPDebates",,2015-08-06 20:01:25 -0700,629487482132930560,"Hanover, VA",Eastern Time (US & Canada) -10113,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,dominiclm_,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 20:01:25 -0700,629487481080127488,Jacksonville (unfortunately),Eastern Time (US & Canada) -10114,Jeb Bush,1.0,yes,1.0,Negative,0.6778,None of the above,0.6667,,ginahmako,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:01:24 -0700,629487476931833856,"New Jersey, USA", -10115,Chris Christie,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,Countless1000s,,0,,,Twist! Carly Fiorina just ATE CHRIS CHRISTIE #GOPDebates,,2015-08-06 20:01:23 -0700,629487474486571008,Southern California,Pacific Time (US & Canada) -10116,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StevenStrafford,,0,,,Ted Cruz couldn't be president of his own tree fort #GOPDebates,,2015-08-06 20:01:23 -0700,629487470913007620,"chicago, il",Eastern Time (US & Canada) -10117,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MustangSally47,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:01:21 -0700,629487463430361088,USA, -10118,Ted Cruz,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,GrandCanyonLin,,0,,,Ted Cruz needs to find a suit that fits. #GOPDebates,,2015-08-06 20:01:21 -0700,629487462910267392,There are mountains everywhere,Arizona -10119,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JeffGill24,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:01:20 -0700,629487461681528832,"Minnesota, USA",Pacific Time (US & Canada) -10120,Ted Cruz,1.0,yes,1.0,Negative,0.3516,Religion,1.0,,CommonThom,,0,,,#GOPDebates Cruz going to persecute religious liberty? Cool?,,2015-08-06 20:01:18 -0700,629487451296272384,Center of the Universe (OKC),Central Time (US & Canada) -10121,Jeb Bush,1.0,yes,1.0,Negative,0.6705,None of the above,0.6932,,BlueNationRev,,9,,,RT @ShawnDrurySC: Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:01:16 -0700,629487444891672576,, -10122,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,None of the above,0.6437,,BiloFootball,,0,,,"God said ""I'm G.O.D. not G.O.P, idiots. Leave me outta this."" #GOPDebates",,2015-08-06 20:01:16 -0700,629487444182732800,Las Vegas,Pacific Time (US & Canada) -10123,Ben Carson,1.0,yes,1.0,Negative,0.675,None of the above,1.0,,kells1015,,0,,,@BenCarson2016 and these zingers. Go away. #GOPDebates,,2015-08-06 20:01:15 -0700,629487441334956037,"morristown, nj",Eastern Time (US & Canada) -10124,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,0.6751,,damongiles1973,,1,,,Thank you Cruz! Finally someone who pledges to reverse every Obama executive order day 1. Why is this so hard? #GOPDebates,,2015-08-06 20:01:15 -0700,629487438449262592,Maryland, -10125,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SMBuscemi,,0,,,"@megynkelly Why were there absolutely no questions on the jobs or economy? @FoxNews that's what is polling the highest, right? #GOPDebates",,2015-08-06 20:01:15 -0700,629487438302281728,New York City / Las Vegas,Eastern Time (US & Canada) -10126,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6258,,BeatMendozaLine,,0,,,Moments from #GOPDebates - God and nothing else comes close.,,2015-08-06 20:01:12 -0700,629487427598487552,Washington DC,Eastern Time (US & Canada) -10127,No candidate mentioned,0.4179,yes,0.6465,Negative,0.6465,Religion,0.4179,,rogueknb,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 20:01:05 -0700,629487396569001984,,Pacific Time (US & Canada) -10128,Jeb Bush,0.3627,yes,0.6023,Negative,0.3068,,0.2395,,ShawnDrurySC,,9,,,Jeb: My father was...OH NEVERMIND. Parenting is so overrated. #GOPDebates #BNRDebates,,2015-08-06 20:01:03 -0700,629487388771880960,,Eastern Time (US & Canada) -10129,No candidate mentioned,1.0,yes,1.0,Neutral,0.6953,None of the above,1.0,,Swoldemort,,3,,,Now for your closing statements. Who is your daddy and what does he do? #GOPDebates http://t.co/pQeHfiFWLC,,2015-08-06 20:01:02 -0700,629487383269015553,"Tulsa, Oklahoma", -10130,Mike Huckabee,1.0,yes,1.0,Negative,0.6667,LGBT issues,1.0,,misterfazio,,3,,,RT @mandy_velez: So trans soldiers can die for you Huckabee but you can't foot the bill to make them fulfilled as human beings? Really? #GO…,,2015-08-06 20:01:01 -0700,629487381985542144,"Pittsburgh, Pennsylvania",Eastern Time (US & Canada) -10131,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ValerieReifke,,0,,,#GOPDebates none of them answered any questions directly.,,2015-08-06 20:00:59 -0700,629487372250562561,New Hamsphire, -10132,No candidate mentioned,1.0,yes,1.0,Negative,0.6627,FOX News or Moderators,1.0,,lorizellmill,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:00:58 -0700,629487367691186176,, -10133,Marco Rubio,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,b140tweet,,2,,,"RT @steven_br: God blessed our country, the Republican candidates....but NOT them democrats. -Rubio #Paraphrase #GOPDebates you... http://t…",,2015-08-06 20:00:57 -0700,629487365371863040,Heaven ,Eastern Time (US & Canada) -10134,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hyeyoothere,,0,,,Is this a pity party? #GOPDebates,,2015-08-06 20:00:54 -0700,629487352730271744,,Eastern Time (US & Canada) -10135,Donald Trump,0.3819,yes,0.618,Positive,0.3146,FOX News or Moderators,0.3819,,allen_j_ward,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:00:54 -0700,629487351039832064,"Discovery Bay, CA", -10136,No candidate mentioned,0.6774,yes,1.0,Negative,1.0,FOX News or Moderators,0.6774,,rmmauro01,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:00:53 -0700,629487345536925696,,Mountain Time (US & Canada) -10137,Ted Cruz,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,CherylTptx,,2,,,RT @Lisa_Luerssen: The worst debate in the history of Republican debates!! Thank You Senator Ted Cruz for what time you had to debate! #GOP…,,2015-08-06 20:00:52 -0700,629487343871750145,Central Texas, -10138,No candidate mentioned,0.4421,yes,0.6649,Neutral,0.3611,None of the above,0.4421,,ProducerElias,,0,,,Obviously watching @TheDailyShow. There will be plenty other #GOPDebates to witness,,2015-08-06 20:00:52 -0700,629487342118637568,"Orlando, FL",Eastern Time (US & Canada) -10139,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Immigration,0.6421,,BobbyNamdar,,0,,,How many of these people's parents fled Cuba?! MY GOD it was great there! #GOPDebates,,2015-08-06 20:00:50 -0700,629487335416197120,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10140,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.7045,,BNLieb,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:00:46 -0700,629487317435183104,USA or UK, -10141,Ben Carson,0.6754,yes,1.0,Negative,1.0,Racial issues,1.0,,MultiRamblings,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 20:00:46 -0700,629487315774128128,Earth,Central Time (US & Canada) -10142,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ejabel2,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:00:42 -0700,629487300792184832,"Living in beautiful Belize, ", -10143,No candidate mentioned,0.4204,yes,0.6484,Negative,0.3626,None of the above,0.2351,,JenniferGassman,,9,,,RT @theyentareport: What? You want to know if any of the candidates hear strange voices in their head? #mentalhealth #gopdebates http://t.…,,2015-08-06 20:00:40 -0700,629487291610705920,"Shaker Heights, Ohio",Eastern Time (US & Canada) -10144,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,MarisaElana,,6,,,RT @monaeltahawy: Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 20:00:40 -0700,629487290688086016,"New York, NY",Eastern Time (US & Canada) -10145,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Cannonpark,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 20:00:39 -0700,629487290348277760,"Loudon, TN",Central Time (US & Canada) -10146,Ted Cruz,0.4545,yes,0.6742,Positive,0.6742,None of the above,0.4545,,DoubleDipChip,,0,,,"Cruz, go and take down other EOs in previous administrations that were illegal! #GOPDebates",,2015-08-06 20:00:37 -0700,629487280105897984,, -10147,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,allen_j_ward,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:00:36 -0700,629487274409852928,"Discovery Bay, CA", -10148,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,rrkennison,,6,,,RT @monaeltahawy: Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 20:00:33 -0700,629487261369937920,New York,Eastern Time (US & Canada) -10149,Ted Cruz,1.0,yes,1.0,Neutral,0.6364,None of the above,1.0,,Perry_T,,0,,,Cruz will spend 1st day reversing Obama administration. Ha #GOPDebates,,2015-08-06 20:00:32 -0700,629487259901947904,,Mid-Atlantic -10150,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6304,,hitechjunkie,,0,,,#GOPDebates Which flag are you going to blame on the continual murders in Chicago and Baltimore? U.S. Cities with high murder rates are Dem.,,2015-08-06 20:00:32 -0700,629487258631077888,,Central Time (US & Canada) -10151,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6609,,sivstroyer95,,0,,,Like come on what about the separation of church and state you guys are killing me. Screw you Fox News. :/ #GOPDebates,,2015-08-06 20:00:32 -0700,629487258018672640,Pittsburgh PA,Eastern Time (US & Canada) -10152,John Kasich,0.6486,yes,1.0,Positive,1.0,FOX News or Moderators,0.6873,,scottaxe,,0,,,#GOPdebates Kasich deserves more airtime!,,2015-08-06 20:00:31 -0700,629487256508600321,Los Angeles , -10153,No candidate mentioned,1.0,yes,1.0,Positive,0.3371,None of the above,1.0,,BioAnnie1,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 20:00:30 -0700,629487248577159168,,Hawaii -10154,Donald Trump,1.0,yes,1.0,Negative,1.0,Religion,0.6839,,ChicagoGirl246,,3,,,"RT @SaintGrimlock: Trump was thinking message from God, I haven't told these other guys anything....#GOPDebates",,2015-08-06 20:00:28 -0700,629487240306130944,,Central Time (US & Canada) -10155,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,michellebiwer,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:00:26 -0700,629487234266238976,, -10156,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.688,,jeffrey_ventre,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:00:25 -0700,629487231267311616,Earth,Pacific Time (US & Canada) -10157,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Speshlk0510,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 20:00:25 -0700,629487228662624257,My own private Idaho,Pacific Time (US & Canada) -10158,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thaatgirlangel,,0,,,How is everyone's ancestry relevant to how they will run the country? #GOPDebates,,2015-08-06 20:00:22 -0700,629487217774342144,,Quito -10159,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ChrisWallaceLIR,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:00:20 -0700,629487210203586560,,Pacific Time (US & Canada) -10160,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,limelite001,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 20:00:19 -0700,629487205963030528,"Melbourne, Victoria",Melbourne -10161,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6322,,elleryprescott,,0,,,Hoping #BlackLivesMatter rips #Carson apart for his comments. #GOPdebates,,2015-08-06 20:00:19 -0700,629487203836653568,"Taipei, Taiwan",Central Time (US & Canada) -10162,Chris Christie,0.4074,yes,0.6383,Positive,0.3404,,0.2309,,debraraes,,0,,,#GOPDebates #ChrisChristie is no more conservative than Obama (whose hand he held while blaming GOP 4 Sandy! http://t.co/gLubXG8WLV #pjnet,,2015-08-06 20:00:18 -0700,629487198157557760,New Mexico,Central Time (US & Canada) -10163,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,allen_j_ward,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 20:00:17 -0700,629487196005765120,"Discovery Bay, CA", -10164,No candidate mentioned,1.0,yes,1.0,Neutral,0.65,None of the above,1.0,,bettybaker95,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 20:00:17 -0700,629487194290393088,Dillsburg/ Liberty University,Central Time (US & Canada) -10165,No candidate mentioned,0.435,yes,0.6596,Negative,0.6596,Religion,0.435,,lotusimagery,,1,,,"RT @DrBHotchkins: They were lynching Black folks in ""Jesus Name"" so what's the relevance of the God question? #GOPDebates #FoxDebate #FOXNE…",,2015-08-06 20:00:14 -0700,629487184878305280,, -10166,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MrEd331,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:00:14 -0700,629487183376842752,,Eastern Time (US & Canada) -10167,No candidate mentioned,0.4542,yes,0.6739,Neutral,0.6739,None of the above,0.4542,,AnyhooT2,,0,,,Aight that's it @TheDailyShow Jon Stewart final ep time - laters #GOPDebates,,2015-08-06 20:00:13 -0700,629487180134645760,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -10168,Rand Paul,0.4204,yes,0.6484,Negative,0.6484,None of the above,0.4204,,PhillyFlorida,,0,,,"Only thing that makes Rand Paul a different type of republican is the #hair -#GOPDebates",,2015-08-06 20:00:13 -0700,629487180075958272,clearwater fla,Eastern Time (US & Canada) -10169,Donald Trump,0.4061,yes,0.6372,Neutral,0.6372,,0.2312,,b140tweet,,3,,,"RT @SaintGrimlock: Trump was thinking message from God, I haven't told these other guys anything....#GOPDebates",,2015-08-06 20:00:11 -0700,629487171079176193,Heaven ,Eastern Time (US & Canada) -10170,Donald Trump,0.4707,yes,0.6859999999999999,Negative,0.3488,None of the above,0.4707,,Speshlk0510,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:00:10 -0700,629487166935076864,My own private Idaho,Pacific Time (US & Canada) -10171,Mike Huckabee,1.0,yes,1.0,Neutral,0.71,None of the above,0.6636,,StevenStrafford,,0,,,"""Read my lips! Tax. The. Pimps."" -Mike Huckabee #GOPDebates",,2015-08-06 20:00:09 -0700,629487162426159105,"chicago, il",Eastern Time (US & Canada) -10172,No candidate mentioned,0.644,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FatimaMaikasuwa,,3,,,"RT @SupermanHotMale: Dear fox news moderator, you forgot to say chinese hacking started under the Bush Admin... #GopDebates",,2015-08-06 20:00:09 -0700,629487160459161601,, -10173,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Singerman2000,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 20:00:05 -0700,629487147653988352,"Plainfield, IL", -10174,No candidate mentioned,0.4067,yes,0.6377,Negative,0.6377,FOX News or Moderators,0.4067,,nhruby2,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:00:01 -0700,629487127034658816,"Bismarck,ND",Central Time (US & Canada) -10175,No candidate mentioned,1.0,yes,1.0,Negative,0.701,Religion,0.701,,PhoenxLord,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 20:00:00 -0700,629487125189148672,California, -10176,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Racial issues,1.0,,Tudor109,,6,,,RT @monaeltahawy: Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 20:00:00 -0700,629487124379770880,"North Carolina, USA",Eastern Time (US & Canada) -10177,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6237,,laspinks,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:59:59 -0700,629487120810385408,"South Carolina, USA",America/New_York -10178,No candidate mentioned,0.3877,yes,0.6227,Positive,0.6227,None of the above,0.3877,,MalikWillYou_,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:59:58 -0700,629487117651980289,"Lynchburg, VA",Central Time (US & Canada) -10179,Jeb Bush,1.0,yes,1.0,Neutral,0.6628,FOX News or Moderators,1.0,,ConnieAustinTX,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:59:58 -0700,629487117534543874,, -10180,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.3511,None of the above,0.39399999999999996,,dlag1995,,0,,,Ok goodbye #GOPdebates time for #JonVoyage,,2015-08-06 19:59:58 -0700,629487116326699008,"Washington, DC/Plainview, NY", -10181,Ben Carson,0.6513,yes,1.0,Negative,1.0,Racial issues,1.0,,Tudor109,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 19:59:57 -0700,629487111675224064,"North Carolina, USA",Eastern Time (US & Canada) -10182,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Countless1000s,,0,,,And the #GOPDebates draw to a close with the same batshit self-assuredness of a cardboard sign on a highway offramp.,,2015-08-06 19:59:56 -0700,629487105937248260,Southern California,Pacific Time (US & Canada) -10183,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,Religion,0.4545,,gerigourley,,7,,,RT @annleary: When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 19:59:55 -0700,629487101856325636,"Englewood, New Jersey",Eastern Time (US & Canada) -10184,Chris Christie,1.0,yes,1.0,Neutral,0.6383,None of the above,0.6383,,lwonnell,,42,,,RT @Popehat: #GOPDebates Christie: you're putting America at risk with your fourth amendment talk,,2015-08-06 19:59:54 -0700,629487099687759874,,Eastern Time (US & Canada) -10185,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RobsRamblins,,0,,,Funny all of um had middle-class up bringing-save for u know who. #GOPDebates,,2015-08-06 19:59:53 -0700,629487097368326144,,Arizona -10186,No candidate mentioned,1.0,yes,1.0,Positive,0.6147,None of the above,1.0,,micswinkle,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:59:53 -0700,629487095384551424,,Eastern Time (US & Canada) -10187,John Kasich,0.6957,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,msgoddessrises,,0,,,Disagree. Kasich I feel will be the headlines. #GOPDebates https://t.co/wKBKczFlYw,,2015-08-06 19:59:53 -0700,629487093610209280,Viva Las Vegas NV.,Pacific Time (US & Canada) -10188,No candidate mentioned,1.0,yes,1.0,Negative,0.6733,None of the above,0.6733,,paulbartunek,,14,,,RT @IanGaryTweets: This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 19:59:51 -0700,629487087352295425,"Los Angeles, CA",Pacific Time (US & Canada) -10189,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,elleanorchin,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:59:44 -0700,629487059393122304,Portland Oregon,Pacific Time (US & Canada) -10190,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,JGemini,,0,,,With the amount of the 'G' word I'm seeing on my TL in regards to the #GOPDebates it's obvious the Evangelicals got 'em by the balls!!? 😊,,2015-08-06 19:59:44 -0700,629487057249763328,"Los Angeles,CA", -10191,No candidate mentioned,0.4542,yes,0.6739,Negative,0.6739,Religion,0.2344,,b140tweet,,13,,,"RT @Just_JDreaming: Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http:/…",,2015-08-06 19:59:40 -0700,629487041860898816,Heaven ,Eastern Time (US & Canada) -10192,Ben Carson,0.6559,yes,1.0,Negative,1.0,Racial issues,1.0,,monaeltahawy,,6,,,Perhaps they'll talk about racism if they're asked if God told them #BlackLiveeMatter #GOPDebates,,2015-08-06 19:59:37 -0700,629487028850307072,Cairo/NYC,Eastern Time (US & Canada) -10193,No candidate mentioned,0.4133,yes,0.6429,Neutral,0.3367,None of the above,0.4133,,CaptainJohn,,0,,,It's a wrestling match. #gopdebates,,2015-08-06 19:59:37 -0700,629487028355207168,"iPhone: 36.916262,-76.122766",Eastern Time (US & Canada) -10194,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,AndyDisco,,0,,,These #GOPDebates 30 second last words are like the lamest freestyle raps ever.,,2015-08-06 19:59:37 -0700,629487027109646336,Chicago,Central Time (US & Canada) -10195,Ben Carson,1.0,yes,1.0,Negative,0.6373,None of the above,0.662,,idarrylm,,0,,,"OK, can we cull the herd after these two #GOPDebates? Can we tell Pataki, Carson, Walker, Cruz and Perry to go home?",,2015-08-06 19:59:35 -0700,629487020549767168,, -10196,Rand Paul,1.0,yes,1.0,Negative,0.6961,None of the above,1.0,,ItsStantastic,,0,,,@RandPaul is from Kentucky? Shouldn't he sound like #ColonelSanders? #MakesYouWonder #IsHeAnImpostor #GOPDebates,,2015-08-06 19:59:34 -0700,629487015482884096,New York,Eastern Time (US & Canada) -10197,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,0.6341,,DoubleDipChip,,0,,,"Rubio: My family came from Cuba, so nobody else gets to share in that American dream from Cuba! #GOPDebates",,2015-08-06 19:59:31 -0700,629487004510744576,, -10198,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DKarres,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:59:31 -0700,629487002551914497,, -10199,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Religion,0.6629,,IanGaryTweets,,14,,,This is real life. These people are running for the most powerful office in the world. #GOPDebates http://t.co/LG74nHDeTw,,2015-08-06 19:59:28 -0700,629486992250634240,Tehran,Tehran -10200,Marco Rubio,1.0,yes,1.0,Negative,1.0,Immigration,1.0,,averykayla,,0,,,You're parents were Illegal Marco! Can I call you Marco? #GOPDebates,,2015-08-06 19:59:27 -0700,629486986181652480,Boston,Eastern Time (US & Canada) -10201,Ben Carson,0.4584,yes,0.6771,Negative,0.3542,None of the above,0.4584,,DannyHairstonJr,,0,,,"I can't help but think Dr. Carson has been hoping his ""Gifted Hands"" can make a way for his flailing mouth. #GOPDebates",,2015-08-06 19:59:26 -0700,629486983623122944,"Beacon, (formerly Brooklyn) NY",Eastern Time (US & Canada) -10202,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,FOX News or Moderators,1.0,,rhodakh,,1,,,"RT @shea_man: This isn't the republican primary, it's So You Think You Can Govern. A new reality show. #DebateWithBernie #GOPDebate #GOPDe…",,2015-08-06 19:59:25 -0700,629486976991928320,Stafford VA, -10203,Marco Rubio,1.0,yes,1.0,Positive,0.6627,None of the above,1.0,,Perry_T,,0,,,Rubio is American Dream story. #GOPDebates,,2015-08-06 19:59:20 -0700,629486958910263296,,Mid-Atlantic -10204,Rand Paul,1.0,yes,1.0,Negative,0.6835,None of the above,1.0,,tmservo433,,0,,,Rand Paul: Im a different kind of Republican. Im the only one who's campaign staff were picked up by the FBI this week. #GOPdebates,,2015-08-06 19:59:20 -0700,629486957257691136,, -10205,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Keimahugh,,2,,,RT @ouleye_ndoye: Aaand the question about the racial divide goes to ... *drum roll* ... the only black man on stage. #GOPdebates #overit,,2015-08-06 19:59:20 -0700,629486956855078912,, -10206,No candidate mentioned,1.0,yes,1.0,Positive,0.6659,None of the above,1.0,,RobeyJan,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:59:20 -0700,629486956595032064,, -10207,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,Religion,0.6556,,Madisonlora2,,4,,,RT @rebecca_f: Does God have a super PAC? #GOPDebates,,2015-08-06 19:59:19 -0700,629486953763840000,probably watching cops ,Eastern Time (US & Canada) -10208,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BNLieb,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:59:18 -0700,629486949884108800,USA or UK, -10209,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,BlkPoliticSport,,0,,,"So according to Rubio God has ""blessed"" Republicans with good candidates .but has NOT blessed the Democrats with one. WTF? #GOPDebates",,2015-08-06 19:59:18 -0700,629486949267558400,shaolin- 36 chambers ,Eastern Time (US & Canada) -10210,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,Jobs and Economy,0.6404,,GallagherPreach,,0,,,"I wish one candidate would say, ""I will not take a salary as President until the nation is out of debt."" #GOPDebate #GOPDebates #Leadership",,2015-08-06 19:59:15 -0700,629486935879360512,"Gadsden, Alabama",Eastern Time (US & Canada) -10211,Ben Carson,0.4265,yes,0.6531,Negative,0.6531,Racial issues,0.4265,,raniahb2011,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 19:59:15 -0700,629486933903843328,,Central Time (US & Canada) -10212,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Religion,0.6742,,annleary,,7,,,When did it become acceptable to have God be a topic in political debates in this country? #GOPDebates #shameful,,2015-08-06 19:59:14 -0700,629486933417312257,New York,Eastern Time (US & Canada) -10213,Rand Paul,1.0,yes,1.0,Neutral,0.3478,None of the above,0.6848,,SalMasekela,,5,,,"Rand Paul should have gone with, 'I've got curly hair!' and dropped the mic. #GOPDebates",,2015-08-06 19:59:14 -0700,629486933073244160,The Universe,Pacific Time (US & Canada) -10214,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6695,,Speshlk0510,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:59:14 -0700,629486930216927232,My own private Idaho,Pacific Time (US & Canada) -10215,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,slaterbass,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:59:12 -0700,629486923111776256,probably near ATL or LYH.,Atlantic Time (Canada) -10216,No candidate mentioned,0.4497,yes,0.6706,Neutral,0.6706,None of the above,0.4497,,mclouis1908,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:59:11 -0700,629486917759832064,"New Orleans, LA",Central Time (US & Canada) -10217,No candidate mentioned,0.413,yes,0.6426,Negative,0.6426,FOX News or Moderators,0.413,,Texan_by_choice,,0,,,#GOPDebates Not very impressed how the three Fox moderators handled that debate.,,2015-08-06 19:59:08 -0700,629486906150010880,Texas,Central Time (US & Canada) -10218,Marco Rubio,0.3765,yes,0.6136,Neutral,0.3068,,0.2371,,DwThaone1,,3,,,"RT @SupermanHotMale: Dear Senator Rubio, God has nothing to do with the Republican party... Get it right. #GopDebates",,2015-08-06 19:59:06 -0700,629486897249787904,South Jersey, -10219,Rand Paul,1.0,yes,1.0,Neutral,0.6897,None of the above,0.6552,,kylegort05,,0,,,"Rand Paul be like: ""me me me me me me me"" #GOPDebates",,2015-08-06 19:59:04 -0700,629486889398075392,, -10220,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,None of the above,1.0,,lfresh,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:59 -0700,629486868741128192,"ÜT: 40.687236,-73.944235",Quito -10221,Ted Cruz,0.6859999999999999,yes,1.0,Negative,0.3488,Religion,1.0,,T_R_DeMuerte,,0,,,"Cruz: ""I receive the word of God everyday..."" - -God: ""Don't blame me for this guy. There are pills for those voices."" - -#GOPdebates",,2015-08-06 19:58:59 -0700,629486868040519680,"ÜT: 35.100821,-106.661282",Mountain Time (US & Canada) -10222,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,Speshlk0510,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:58:59 -0700,629486867327496193,My own private Idaho,Pacific Time (US & Canada) -10223,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sportschef,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:58:58 -0700,629486865431695361,BFE,Pacific Time (US & Canada) -10224,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SupermanHotMale,,3,,,"Rand Paul, I'm a different kind of republican... yes, you are an sos pad dickhead. #Gopdebates",,2015-08-06 19:58:57 -0700,629486861572902912,"Cocoa Beach, Florida",Eastern Time (US & Canada) -10225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6552,,b140tweet,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:58:56 -0700,629486856523116544,Heaven ,Eastern Time (US & Canada) -10226,Chris Christie,0.6703,yes,1.0,Negative,0.6484,None of the above,0.6703,,camwaltz,,0,,,Christie's dad worked at ice-cream factory. Now I see it. #GOPDebates,,2015-08-06 19:58:53 -0700,629486844183363584,"San Antonio, Texas", -10227,Ben Carson,1.0,yes,1.0,Positive,0.6522,Racial issues,1.0,,Mr_Professor,,3,,,"RT @SalMasekela: Ben Carson, solidifying the black vote. #GOPDebates",,2015-08-06 19:58:53 -0700,629486843919253504,"West Monroe, LA",Central Time (US & Canada) -10228,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,THEMARD67,,0,,,How embarrassing. The whole world is watching this and they must be asking what is going on. #GOPDebates #Republicandebaters #Bernie2016,,2015-08-06 19:58:53 -0700,629486843893936128,"Detroit, Michigan", -10229,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.3488,,TracyQLoxley,,3,,,RT @jsn2007: They fixed the VA yet there are no mammogram machines at our only VA hospital. #gopdebates,,2015-08-06 19:58:51 -0700,629486836738424832,,Central Time (US & Canada) -10230,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KyleAlexLittle,,1,,,"""I don't know why the fuck I'm here""- Rand Paul #GOPDebates",,2015-08-06 19:58:50 -0700,629486830568742913,"Des Moines, IA",Central Time (US & Canada) -10231,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Religion,0.3444,,iandc,,0,,,"I thought maybe @LILBTHEBASEDGOD was going to show up #GOPdebates but no -:( http://t.co/dRSoj9pN8z",,2015-08-06 19:58:49 -0700,629486826584166400,baltimore ,Eastern Time (US & Canada) -10232,No candidate mentioned,1.0,yes,1.0,Negative,0.6126,Religion,1.0,,b140tweet,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 19:58:47 -0700,629486818908635136,Heaven ,Eastern Time (US & Canada) -10233,No candidate mentioned,0.2327,yes,0.6771,Negative,0.6771,Religion,0.2327,,ikariusrising,,0,,,Paul is the devil.... #GOPDebates I'm scared if he wins.,,2015-08-06 19:58:46 -0700,629486816027115521,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -10234,Chris Christie,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,Swoldemort,,1,,,Christie's dad worked in an ice cream plant. That explains it. #GOPDebates,,2015-08-06 19:58:45 -0700,629486809941188609,"Tulsa, Oklahoma", -10235,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kristylmiles,,0,,,#RandPaul is an embarrassment #GOPDebates,,2015-08-06 19:58:44 -0700,629486804887072769,"Louisville KY, Chicago IL",Tehran -10236,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,WayneHenry,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:44 -0700,629486804857716737,"Maryland, USA",Eastern Time (US & Canada) -10237,No candidate mentioned,1.0,yes,1.0,Neutral,0.664,Religion,0.6509,,my2bits4u,,0,,,Who is God? #GOPDebates #ClownCar2016,,2015-08-06 19:58:44 -0700,629486804656218112,,Pacific Time (US & Canada) -10238,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PaigeGbria,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:42 -0700,629486798113144832,everywhere that I am.,Central Time (US & Canada) -10239,,0.2277,yes,0.6495,Negative,0.6495,None of the above,0.4218,,msgoddessrises,,0,,,Right??? #Kasich #GOPDebates #HOmeRun https://t.co/yvX1bJ7OFJ,,2015-08-06 19:58:42 -0700,629486797496516608,Viva Las Vegas NV.,Pacific Time (US & Canada) -10240,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,markforeman81,,0,,,@RealBenCarson @jamiaw Best Statement of the night Dr Carson! Thank you 4 putting it n2 perspective 4 the ignorant n the world #GOPDebates,,2015-08-06 19:58:41 -0700,629486793403047936,, -10241,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6333,,yorktown1968,,5,,,RT @SupermanHotMale: Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 19:58:41 -0700,629486792140435456,virginia,Eastern Time (US & Canada) -10242,No candidate mentioned,0.4541,yes,0.6738,Positive,0.3487,None of the above,0.4541,,KiddPhilip,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:58:39 -0700,629486786247565312,Colonial Heights/Lynchburg, -10243,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,utfan9410,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:58:39 -0700,629486784288825344,865 I 434,Eastern Time (US & Canada) -10244,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6582,,rubymagic,,4,,,"RT @SupermanHotMale: Dear Ted Cruz, what do scriptures say about you lying about our very good President? That's what I thought #GopDebates",,2015-08-06 19:58:37 -0700,629486774843215873,Illinois,Central Time (US & Canada) -10245,Jeb Bush,1.0,yes,1.0,Neutral,0.6742,FOX News or Moderators,1.0,,Speshlk0510,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:58:34 -0700,629486764298612736,My own private Idaho,Pacific Time (US & Canada) -10246,No candidate mentioned,1.0,yes,1.0,Negative,0.6686,FOX News or Moderators,1.0,,ItsStantastic,,0,,,Nowwww @FoxNews decides to put names on the screen when they're speaking. #TooLate #AlreadyGoogled #GOPDebates,,2015-08-06 19:58:34 -0700,629486764260864000,New York,Eastern Time (US & Canada) -10247,Chris Christie,0.6552,yes,1.0,Negative,1.0,Jobs and Economy,0.3448,,Elsahorechatta,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:58:32 -0700,629486757206032384,,Pacific Time (US & Canada) -10248,Chris Christie,0.4348,yes,0.6594,Negative,0.3406,None of the above,0.4348,,hyeyoothere,,0,,,Fix New Jersey first @ChrisChristie #GOPDebates,,2015-08-06 19:58:32 -0700,629486754421186560,,Eastern Time (US & Canada) -10249,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,stephan00326475,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 19:58:30 -0700,629486746737209345,,America/New_York -10250,Chris Christie,1.0,yes,1.0,Positive,0.35200000000000004,None of the above,1.0,,jsn2007,,0,,,How sweet. @ChrisChristie has family who served. What does anything he is saying have to do with veterans? #GOPDebates,,2015-08-06 19:58:28 -0700,629486739506249728,USA,Eastern Time (US & Canada) -10251,No candidate mentioned,0.4398,yes,0.6632,Negative,0.6632,None of the above,0.4398,,davis9v,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:28 -0700,629486737929162752,New Jersey, -10252,No candidate mentioned,1.0,yes,1.0,Neutral,0.7,None of the above,1.0,,WinonaJ,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:28 -0700,629486736804941824,, -10253,Ted Cruz,0.6753,yes,1.0,Negative,1.0,Religion,0.6744,,scottaxe,,1,,,RT @msgoddessrises: Anyone who uses God's name for hate is a wolf in sheep's clothing. Matthew 23:1-15 #Cruz and #Huckabee are not men of G…,,2015-08-06 19:58:27 -0700,629486736578482177,Los Angeles , -10254,Ben Carson,1.0,yes,1.0,Positive,0.6983,Racial issues,1.0,,PWessinger,,1,,,Ben Carlson nailed it on his comments about race and our own country trying to divide us!!! @FoxNews #GOPDebate #GOPDebates,,2015-08-06 19:58:27 -0700,629486735446175745,"Douglasville, Ga",Pacific Time (US & Canada) -10255,No candidate mentioned,1.0,yes,1.0,Neutral,0.6296,None of the above,1.0,,DerrickWyrms,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:26 -0700,629486729469169664,The Admiral's Arms,Eastern Time (US & Canada) -10256,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6769,,1kecko,,5,,,RT @SupermanHotMale: Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 19:58:26 -0700,629486729309765632,Chicago,Central Time (US & Canada) -10257,No candidate mentioned,1.0,yes,1.0,Negative,0.6833,None of the above,1.0,,DoubleDipChip,,0,,,"Yes, respect like saying you'll punch people in their faces! #GOPDebates",,2015-08-06 19:58:26 -0700,629486728605253633,, -10258,No candidate mentioned,1.0,yes,1.0,Positive,0.6905,None of the above,1.0,,aimsmith7,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:58:26 -0700,629486728420696064,Virginia,Quito -10259,Scott Walker,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6309,,JaxonBrow,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:58:24 -0700,629486723358150656,"Middleton, WI",Central Time (US & Canada) -10260,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jurassicalien,,0,,,We cut the military and fight teachers. - #gopdebates,,2015-08-06 19:58:24 -0700,629486723269931009,"La Crescenta, California",Pacific Time (US & Canada) -10261,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Racial issues,1.0,,MikeWalrond,,2,,,RT @ouleye_ndoye: Aaand the question about the racial divide goes to ... *drum roll* ... the only black man on stage. #GOPdebates #overit,,2015-08-06 19:58:24 -0700,629486722166956032,"New York, NY",Eastern Time (US & Canada) -10262,No candidate mentioned,1.0,yes,1.0,Negative,0.6413,FOX News or Moderators,1.0,,GRITS1954,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:58:24 -0700,629486722062155776, SC,Eastern Time (US & Canada) -10263,Ben Carson,1.0,yes,1.0,Positive,0.6711,Racial issues,1.0,,Aaliyah_Paul17,,3,,,"RT @SalMasekela: Ben Carson, solidifying the black vote. #GOPDebates",,2015-08-06 19:58:23 -0700,629486718538940417,New York,Atlantic Time (Canada) -10264,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.652,,GeorgetteMcClel,,7,,,"RT @SupermanHotMale: Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or…",,2015-08-06 19:58:21 -0700,629486709621702656,,Pacific Time (US & Canada) -10265,Donald Trump,1.0,yes,1.0,Negative,0.7065,FOX News or Moderators,1.0,,JaneWayne2010,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:58:20 -0700,629486704131473408,Nashvegas!, -10266,Donald Trump,0.4171,yes,0.6458,Positive,0.6458,,0.2287,,tonibirdsong,,0,,,"Fun watching @realDonaldTrump sock it to @FoxNews & so many other ""reporters"" who have lost their true north. Go Don! #GOPdebates 🇺🇸",,2015-08-06 19:58:19 -0700,629486701434531840,"Franklin, Tennessee",Central Time (US & Canada) -10267,No candidate mentioned,1.0,yes,1.0,Positive,0.6458,None of the above,1.0,,wbhegedus,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:58:18 -0700,629486695503785984,"Lynchburg, VA",Eastern Time (US & Canada) -10268,No candidate mentioned,0.4584,yes,0.6771,Neutral,0.6771,None of the above,0.4584,,lawdog1911,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:58:17 -0700,629486694694170625,Land of Sunshine and Beckys ,Arizona -10269,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,Religion,1.0,,Just_JDreaming,,13,,,"Fox to Presidential Candidates: So lets all talk about God for a second. - -Founding Fathers: -Jesus: -#GOPDebates http://t.co/CF4CyiT15k",,2015-08-06 19:58:17 -0700,629486691993145344,DMV,Quito -10270,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,VikkiNelasquez,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:58:16 -0700,629486686624481281,,Atlantic Time (Canada) -10271,Donald Trump,1.0,yes,1.0,Negative,0.6812,None of the above,1.0,,JesseEllyn,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:58:15 -0700,629486684804120576,Chicago,Eastern Time (US & Canada) -10272,No candidate mentioned,0.4287,yes,0.6547,Negative,0.6547,Gun Control,0.2296,,G_Koko_,,1,,,RT @mcmicha7: U.S. military spending vs other nations via @washingtonpost http://t.co/vBPXF8hqRF #GOPDebates http://t.co/StS4TNx3Kw,,2015-08-06 19:58:05 -0700,629486642982580224,, -10273,No candidate mentioned,1.0,yes,1.0,Negative,0.6627,None of the above,1.0,,DoubleDipChip,,0,,,We already heard you say you were appointed on 9/10/11! Enough! #GOPDebates,,2015-08-06 19:58:04 -0700,629486637811171328,, -10274,Scott Walker,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,mwisniewski,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:58:04 -0700,629486637647409152,"Madison, WI",Mountain Time (US & Canada) -10275,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Rick_Gorka,,0,,,Second spin room getting ready! #GOPdebates http://t.co/DCS6I6tfdN,,2015-08-06 19:58:01 -0700,629486625916104704,,Eastern Time (US & Canada) -10276,Ben Carson,1.0,yes,1.0,Positive,0.665,None of the above,1.0,,pilgrimsurgeon,,0,,,Dr Ben Carson: United (not divided) States of America #GOPDebate #GOPDebates,,2015-08-06 19:58:01 -0700,629486624628301824,California,Pacific Time (US & Canada) -10277,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,FOX News or Moderators,0.4642,,Erosunique,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:58:00 -0700,629486622518706176,Milan-Italy,Rome -10278,No candidate mentioned,0.4253,yes,0.6522,Positive,0.6522,None of the above,0.4253,,JerryJrFalwell,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:57:59 -0700,629486616264970240,"Blue Ridge Mountains, VA",Central Time (US & Canada) -10279,Ted Cruz,1.0,yes,1.0,Negative,0.6492,FOX News or Moderators,0.6609,,Pam4962,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:57:59 -0700,629486615719579648,"Phoenix, AZ", -10280,Scott Walker,0.6453,yes,1.0,Neutral,0.6453,Jobs and Economy,0.3547,,CathyEKoehler,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:57:57 -0700,629486609545605120,"Little Rock, Arkansas",Eastern Time (US & Canada) -10281,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,Religion,1.0,,Ben_M_Berry,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:57:55 -0700,629486601987600384,"Northampton, MA",Eastern Time (US & Canada) -10282,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,FOX News or Moderators,0.6889,,shea_man,,1,,,"This isn't the republican primary, it's So You Think You Can Govern. A new reality show. #DebateWithBernie #GOPDebate #GOPDebates @FoxNews",,2015-08-06 19:57:52 -0700,629486589861842944,, -10283,No candidate mentioned,1.0,yes,1.0,Neutral,0.6506,Religion,0.6627,,GabrielaDC,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:57:52 -0700,629486586741321728,por ahi , -10284,Ted Cruz,0.6328,yes,1.0,Neutral,0.6909,None of the above,1.0,,mnedconnection,,1,,,RT @MNVoters: #Cruz says we will know the candidates by their fruits. #Trump are you listening? #GOPDebates,,2015-08-06 19:57:48 -0700,629486569947136004,, -10285,Ben Carson,0.6667,yes,1.0,Negative,1.0,Racial issues,1.0,,blindheavenclan,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 19:57:47 -0700,629486565136465920,New York,Central Time (US & Canada) -10286,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6876,,PamelaRivers,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:57:46 -0700,629486564595396608,NY - LA,Eastern Time (US & Canada) -10287,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6656,,YASMEN_GAD,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:57:45 -0700,629486558522015744,,Greenland -10288,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,#Kasich is moving up! #GOPDebates #HOmeRun,,2015-08-06 19:57:44 -0700,629486555694927872,Viva Las Vegas NV.,Pacific Time (US & Canada) -10289,Ted Cruz,1.0,yes,1.0,Negative,0.7276,Religion,0.7276,,thenurse75,,4,,,"RT @SupermanHotMale: Dear Ted Cruz, what do scriptures say about you lying about our very good President? That's what I thought #GopDebates",,2015-08-06 19:57:44 -0700,629486553513857024,Kelsey California,Pacific Time (US & Canada) -10290,No candidate mentioned,1.0,yes,1.0,Negative,0.3582,Racial issues,0.6978,,ElderberryHeals,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:57:43 -0700,629486549613154305,,Mountain Time (US & Canada) -10291,No candidate mentioned,1.0,yes,1.0,Positive,0.3667,None of the above,1.0,,scottaxe,,0,,,"“@msgoddessrises: There's some Cakebread in the fridge. #GOPDebates https://t.co/zbMtZSX9vX” Break it open! Red or White? -Love their chard!",,2015-08-06 19:57:43 -0700,629486548531048448,Los Angeles , -10292,Donald Trump,0.6532,yes,1.0,Neutral,1.0,None of the above,1.0,,Cruzin_to_16,,2,,,"RT @illinimarine7: Cruz: hardball ? -Trump: smear ? -Rubio: hardball ? -Bush: what is your favorite color? -#GOPDebates",,2015-08-06 19:57:42 -0700,629486546651971585,MS,Central Time (US & Canada) -10293,No candidate mentioned,1.0,yes,1.0,Neutral,0.6548,None of the above,1.0,,MavSlade,,0,,,"Instead of being an adult and watching the #GOPDebates, I watched #TheDescendants to feel connected to my youthful following. 👸🏻👑",,2015-08-06 19:57:40 -0700,629486536439037953,The Internet,Eastern Time (US & Canada) -10294,Scott Walker,1.0,yes,1.0,Positive,0.6628,Foreign Policy,0.6744,,hoya1982,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:57:40 -0700,629486535839215620,home,Eastern Time (US & Canada) -10295,No candidate mentioned,0.6542,yes,1.0,Neutral,0.6542,None of the above,1.0,,3gingersart,,2,,,"RT @illinimarine7: Cruz: hardball ? -Trump: smear ? -Rubio: hardball ? -Bush: what is your favorite color? -#GOPDebates",,2015-08-06 19:57:40 -0700,629486535608418304,Heart of Dixie,Central Time (US & Canada) -10296,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dudeinchicago,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:57:36 -0700,629486522194984960,, -10297,No candidate mentioned,1.0,yes,1.0,Neutral,0.6437,Religion,1.0,,kristylmiles,,0,,,I bet these guys have bibles in their podiums #GOPDebate #GOPDebates,,2015-08-06 19:57:36 -0700,629486520894943232,"Louisville KY, Chicago IL",Tehran -10298,Scott Walker,1.0,yes,1.0,Neutral,0.6737,Religion,0.6632,,MrJoshuaBrown,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:57:36 -0700,629486519187718144,"Altoona, Iowa",Central Time (US & Canada) -10299,Donald Trump,0.4257,yes,0.6525,Neutral,0.3365,,0.2268,,jackmirkinson,,0,,,HOW COULD YOU NOT ASK TRUMP ABOUT GOD #GOPDebates,,2015-08-06 19:57:31 -0700,629486497905922049,New York,Eastern Time (US & Canada) -10300,No candidate mentioned,0.4491,yes,0.6701,Negative,0.6701,None of the above,0.4491,,brock_a_r,,0,,,I have a headache from the massive eye roll that I just did due to that closing question. #GOPDebates,,2015-08-06 19:57:30 -0700,629486496848965632,Indy, -10301,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6725,,jansenbwerner,,0,,,"Carson playing the Booker T. Washington card and preaching ""colorblindness""... #GOPDebates #trdebates",,2015-08-06 19:57:30 -0700,629486494458122240,"Milwaukee, WI", -10302,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ChrisleneBAM,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:57:28 -0700,629486488267431938,"Boston, MA",Eastern Time (US & Canada) -10303,Donald Trump,0.409,yes,0.6395,Neutral,0.6395,None of the above,0.409,,SaintGrimlock,,3,,,"Trump was thinking message from God, I haven't told these other guys anything....#GOPDebates",,2015-08-06 19:57:28 -0700,629486486526783488,,Eastern Time (US & Canada) -10304,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BioAnnie1,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:57:26 -0700,629486478620364800,,Hawaii -10305,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SupermanHotMale,,7,,,"Dear Fox News, here is my closing argument, None of the Gop candidates said anything to help the suffering of women or kids. #GopDebates",,2015-08-06 19:57:25 -0700,629486475911012352,"Cocoa Beach, Florida",Eastern Time (US & Canada) -10306,Ben Carson,0.4123,yes,0.6421,Negative,0.6421,Racial issues,0.4123,,PinkPimpernel,,10,,,"RT @monaeltahawy: Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebat…",,2015-08-06 19:57:24 -0700,629486472505245696,,Atlantic Time (Canada) -10307,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.7276,,KMcanlis,,0,,,#GOPDebates #Trump @megynkelly still supporting trump no matter how hard you tried to tear him down.,,2015-08-06 19:57:23 -0700,629486467958439936,, -10308,No candidate mentioned,0.6595,yes,1.0,Negative,1.0,FOX News or Moderators,0.6936,,let_me_be_clear,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:57:22 -0700,629486463860617216,,Central Time (US & Canada) -10309,Scott Walker,1.0,yes,1.0,Negative,0.7197,Religion,0.6442,,Local1Paula,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:57:22 -0700,629486461277048832,"Macomb County, MI", -10310,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6729999999999999,,MonkeyBlood,,0,,,On the low though the GOP wouldn't be a factor if they didn't pander to that religion so much #GOPdebates,,2015-08-06 19:57:21 -0700,629486459196678144,Maryland,Eastern Time (US & Canada) -10311,Ben Carson,0.4302,yes,0.6559,Positive,0.6559,Racial issues,0.4302,,fsuLeighton,,3,,,"RT @SalMasekela: Ben Carson, solidifying the black vote. #GOPDebates",,2015-08-06 19:57:20 -0700,629486453924462592,,Central Time (US & Canada) -10312,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6692,,denimh20,,0,,,Well Dr Carson...did you just dance away any race issues in this country??? #GOPDebates #FOXNEWSDEBATE #Hillary2016,,2015-08-06 19:57:19 -0700,629486450837426176,Not Quite there Yet,Eastern Time (US & Canada) -10313,Donald Trump,1.0,yes,1.0,Neutral,0.6935,Religion,1.0,,phenixpirate,,0,,,Trump did not get to answer the God ?#GOPDebates,,2015-08-06 19:57:19 -0700,629486447905644544,, -10314,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,keith_camic,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:57:18 -0700,629486445263212544,phoenix, -10315,No candidate mentioned,1.0,yes,1.0,Negative,0.7234,None of the above,1.0,,Groceryhound,,21,,,"RT @jordular: Wham, Bam, Thank You, Ann! How the participants of the #GOPDebates should be seen. #truthbomb http://t.co/sosrcPfVSJ",,2015-08-06 19:57:16 -0700,629486436954148864,,Mountain Time (US & Canada) -10316,Ben Carson,0.6786,yes,1.0,Positive,1.0,None of the above,1.0,,sunshinehappy10,,0,,,All this science talk is hot!!!! @BenCarson2016 #GOPDebates,,2015-08-06 19:57:16 -0700,629486436870307840,"Houston, TX",Central Time (US & Canada) -10317,No candidate mentioned,1.0,yes,1.0,Negative,0.6382,Racial issues,1.0,,MLLVX,,0,,,Ask EVERYONE The Questions About Race...#GOPDebates,,2015-08-06 19:57:16 -0700,629486436262129664,~All Over OK~On Tulsey Time~,Central Time (US & Canada) -10318,John Kasich,1.0,yes,1.0,Positive,0.669,None of the above,1.0,,Swoldemort,,0,,,Kasich has the least-dead eyes of the bunch. #GOPDebates,,2015-08-06 19:57:16 -0700,629486436258041857,"Tulsa, Oklahoma", -10319,No candidate mentioned,0.4208,yes,0.6487,Negative,0.3271,None of the above,0.4208,,ladywelder44,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:57:16 -0700,629486434806706177,"Louisiana, USA", -10320,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Religion,1.0,,zarafa,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:57:14 -0700,629486427156385794,new york city usa ,Quito -10321,Ben Carson,1.0,yes,1.0,Negative,0.6879,Racial issues,1.0,,MasegoMokgoko,,0,,,When Ben Carson talks about race. #GOPDebates http://t.co/noxpKanwSX,,2015-08-06 19:57:14 -0700,629486426753761281,, -10322,No candidate mentioned,0.3753,yes,0.6126,Neutral,0.3249,None of the above,0.3753,,LoveASharie,,19,,,RT @goldietaylor: Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:57:13 -0700,629486423876456448,DMV, -10323,Scott Walker,1.0,yes,1.0,Negative,0.6687,None of the above,0.6687,,BrendanKKirby,,0,,,Did you notice @ScottWalker nodding in agreement when @BenCarson talked about operating on the brain? #GOPdebates #LZDebates,,2015-08-06 19:57:13 -0700,629486423071043584,"Mobile, AL",Central Time (US & Canada) -10324,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tradethecycles,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:57:10 -0700,629486411121496065,USA,Pacific Time (US & Canada) -10325,Donald Trump,1.0,yes,1.0,Negative,0.6932,None of the above,0.6932,,Psalm11813,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:57:09 -0700,629486409473069056,, -10326,Scott Walker,1.0,yes,1.0,Negative,1.0,Religion,1.0,,DaveWilcoxUW,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:57:09 -0700,629486408244310016,"Cambridge, Wisconsin USA",Central Time (US & Canada) -10327,Ben Carson,0.7093,yes,1.0,Negative,1.0,Racial issues,1.0,,urbanxgypsy,,5,,,RT @SupermanHotMale: Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 19:57:07 -0700,629486397427163136,Cool World,Eastern Time (US & Canada) -10328,Ben Carson,0.6527,yes,1.0,Negative,0.3473,None of the above,0.6833,,poeboston,,0,,,".@BenCarson2016: ""We are the United States not the divided states."" #GOPdebates",,2015-08-06 19:57:06 -0700,629486393736171520,Boston ,Eastern Time (US & Canada) -10329,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.7034,,chellelynnadams,,0,,,If they mention #lebrojames the bottle of tequila is gone! #GOPDebates #FOXNEWSDEBATE,,2015-08-06 19:57:02 -0700,629486377730748416,"Grove City, Ohio",Atlantic Time (Canada) -10330,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lifeisgood2us,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:57:01 -0700,629486374429827072,Virginia,Eastern Time (US & Canada) -10331,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,monaeltahawy,,10,,,"Carson, Carson, Carson: dammit man! Say the words racism and white supremacy to that audience! #BlackLiveMatter #GOPDebates",,2015-08-06 19:57:01 -0700,629486373498691584,Cairo/NYC,Eastern Time (US & Canada) -10332,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,chris63414391,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:56:59 -0700,629486367186096128,, -10333,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MArvelo06,,0,,,I like Ben! #GOPDebates,,2015-08-06 19:56:59 -0700,629486366804475904,"Guaynabo, P.R.",Eastern Time (US & Canada) -10334,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BobbyNamdar,,0,,,Sad that Trump didn't get to answer that question #GOPDebates,,2015-08-06 19:56:59 -0700,629486364107636736,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10335,Donald Trump,0.6679999999999999,yes,1.0,Negative,1.0,None of the above,0.6679999999999999,,dinamic72,,5,,,RT @SupermanHotMale: Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 19:56:58 -0700,629486363327483904,Florida,Eastern Time (US & Canada) -10336,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,drew_tawes13,,0,,,Dusting off my Twitter account for this #GOPDebates,,2015-08-06 19:56:58 -0700,629486360236294144,Cape Hatteras,Eastern Time (US & Canada) -10337,No candidate mentioned,1.0,yes,1.0,Negative,0.6744,FOX News or Moderators,1.0,,ApeFroman,,0,,,MSNBC should host the #GOPDebates and Fox News should have the Dems. Then you'd get to watch Megan Kelly's brain explode on live TV.,,2015-08-06 19:56:56 -0700,629486354175426562,LA. CA. All Day.,Pacific Time (US & Canada) -10338,No candidate mentioned,1.0,yes,1.0,Neutral,0.6396,None of the above,1.0,,theflatbelly,,0,,,Closing statements should be interesting... #GOPDebates,,2015-08-06 19:56:51 -0700,629486334101450753,Parts Unknown,Mountain Time (US & Canada) -10339,Scott Walker,1.0,yes,1.0,Positive,0.6703,Racial issues,0.6813,,idacyral,,0,,,"Scott Walker is like, Carson, I elect YOU as my first black friend. #gopdebates",,2015-08-06 19:56:51 -0700,629486333354975233,CNX | BOS | ATL,Central Time (US & Canada) -10340,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PamMaylee,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:56:51 -0700,629486332054781952,,Central Time (US & Canada) -10341,,0.2361,yes,0.618,Negative,0.618,None of the above,0.3819,,Psalm11813,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:56:49 -0700,629486322646777856,, -10342,No candidate mentioned,1.0,yes,1.0,Negative,0.6777,FOX News or Moderators,1.0,,donutsalad123,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:56:48 -0700,629486320264585216,, -10343,Ted Cruz,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Dowens8490,,4,,,"RT @SupermanHotMale: Dear Ted Cruz, what do scriptures say about you lying about our very good President? That's what I thought #GopDebates",,2015-08-06 19:56:45 -0700,629486308247891969,, -10344,Ben Carson,1.0,yes,1.0,Positive,1.0,Racial issues,1.0,,therealadamdodd,,0,,,"To his credit, carson is the only one, the only one to mention anything about race relations #gopdebates",,2015-08-06 19:56:45 -0700,629486308080123904,Cleveland,Eastern Time (US & Canada) -10345,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,Racial issues,0.3529,,Sidney7725,,1,,,RT @ikariusrising: You ask the only Black Candidate the only race question? #GOPDebates,,2015-08-06 19:56:44 -0700,629486301251633153,, -10346,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6735,,msgoddessrises,,0,,,#Carson slamming #Radicals #GOPDebates,,2015-08-06 19:56:42 -0700,629486295706812416,Viva Las Vegas NV.,Pacific Time (US & Canada) -10347,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6341,,LaCosaNuestro,,0,,,"Is that a young Stanley from @theofficenbc ? - -#GOPDebates #BoomRoasted",,2015-08-06 19:56:42 -0700,629486293366505472,, -10348,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BaronColeman,,2,,,"RT @BrendanKKirby: If @JohnKasich hasn't wrapped up the mailman vote by the end of this debate, he ought to drop out. #GOPdebates #LZDebates",,2015-08-06 19:56:42 -0700,629486292590571520,Alabama,Central Time (US & Canada) -10349,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,goldietaylor,,19,,,Closing statements! #GOPDebates http://t.co/950Mi0Erjz,,2015-08-06 19:56:41 -0700,629486290334035968,Around the way... ,Quito -10350,Chris Christie,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,Psalm11813,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:56:41 -0700,629486288903651328,, -10351,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lightblue2,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:56:38 -0700,629486278917156865,NH live Free or Die , -10352,Ben Carson,1.0,yes,1.0,Positive,0.6548,None of the above,1.0,,Sidney7725,,0,,,#GOPDebates ben Carson loves to use his gifted hands to speak,,2015-08-06 19:56:36 -0700,629486270394183680,, -10353,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,None of the above,1.0,,HawaiiOlelo,,0,,,LaurieCicotello : What Roxy Girl thinks of the #GOPDebates... @ Kaua'i … http://t.co/ZSMwzTkfFv) http://t.co/GVxKgHDXOQ,,2015-08-06 19:56:36 -0700,629486270117494785,Hawaii USA, -10354,Jeb Bush,0.4171,yes,0.6458,Negative,0.6458,None of the above,0.4171,,bcarter76,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:56:35 -0700,629486265008689152,Texas,Central Time (US & Canada) -10355,Donald Trump,1.0,yes,1.0,Neutral,0.6629,Religion,1.0,,zachdcarter,,0,,,They did not ask Trump about God. #GOPDebates,,2015-08-06 19:56:35 -0700,629486264362881024,"Washington, DC",Quito -10356,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6867,,TeshawnEdmonds,,0,,,"Retweeted Sal Masekela (@SalMasekela): - -These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:56:34 -0700,629486259312984064,,Eastern Time (US & Canada) -10357,Ted Cruz,0.4302,yes,0.6559,Negative,0.3656,None of the above,0.4302,,CptHA,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:56:32 -0700,629486253864386560,Surprise! AZ,Arizona -10358,Ben Carson,0.4541,yes,0.6738,Negative,0.6738,None of the above,0.4541,,DoubleDipChip,,0,,,I think Carson said his rivals for the nomination want to divide us. #GOPDebates,,2015-08-06 19:56:32 -0700,629486250987266048,, -10359,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,limelite001,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:56:31 -0700,629486250034999296,"Melbourne, Victoria",Melbourne -10360,Ted Cruz,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,1.0,,lorizellmill,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:56:31 -0700,629486246449029121,, -10361,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,TeshawnEdmonds,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:56:30 -0700,629486245614350336,,Eastern Time (US & Canada) -10362,Ben Carson,0.4205,yes,0.6484,Neutral,0.3404,,0.228,,KenyanBornObama,,0,,,Ben Carson and he's standing out RIGHT NOW! #GOPDebates #tcot #ccot AND TRUMP OF COURSE! https://t.co/GZE8ftY1Ma,,2015-08-06 19:56:30 -0700,629486242317631488,Near DC,Eastern Time (US & Canada) -10363,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ccokermn,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:56:29 -0700,629486238072991744,"South Carolina, USA",Eastern Time (US & Canada) -10364,No candidate mentioned,1.0,yes,1.0,Neutral,0.6404,None of the above,1.0,,jessica_dayle,,1,,,"RT @doubleofive: Every time the debate bell rings, my dogs freak out. #GOPDebates",,2015-08-06 19:56:28 -0700,629486236613406720,Indiana,Eastern Time (US & Canada) -10365,Donald Trump,1.0,yes,1.0,Negative,0.6556,FOX News or Moderators,1.0,,Jesus_Lori,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:56:27 -0700,629486232817414145,,Atlantic Time (Canada) -10366,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,selma_avdicevic,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 19:56:27 -0700,629486232255467521,,Eastern Time (US & Canada) -10367,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,BobbyNamdar,,0,,,"The skin doesnt make them who they are, the hair doesnt make them who they are, but sexual orientation - totally #GOPDebates",,2015-08-06 19:56:26 -0700,629486228652621825,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10368,No candidate mentioned,0.3974,yes,0.6304,Neutral,0.6304,None of the above,0.3974,,thomassuzanne43,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:56:25 -0700,629486224005160961,"Columbus, OH", -10369,Ben Carson,1.0,yes,1.0,Negative,0.6771,Racial issues,1.0,,jsn2007,,0,,,@RealBenCarson The skin doesn't make who they are! #GOPDebates The media is dividing us!,,2015-08-06 19:56:25 -0700,629486223350988800,USA,Eastern Time (US & Canada) -10370,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.7065,,DelBauer,,0,,,"Speaking of the constitution, do you believe in the part that talks about separation of church and state? #GOPDebates",,2015-08-06 19:56:25 -0700,629486221199212544,MSP - LAS - MSP,Central Time (US & Canada) -10371,Mike Huckabee,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,RyanMcChesney1,,0,,,Oh Huckabee...what!?!?!?#GOPDebates,,2015-08-06 19:56:23 -0700,629486214467354624,Chicago , -10372,Ted Cruz,0.6667,yes,1.0,Negative,0.6444,None of the above,1.0,,VoiceOverPerson,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:56:20 -0700,629486200739467264,Georgia,Eastern Time (US & Canada) -10373,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6528,,DirkLangeveld,,0,,,God and The Veterans. It's a quirky sitcom where The Veterans are the neat ones and God is a party animal #GOPDebates,,2015-08-06 19:56:19 -0700,629486196247412736,"New London, CT",Central Time (US & Canada) -10374,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,1.0,,agimcorp,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:56:18 -0700,629486191646253056,Boston - Monterrey - San Pedro,Eastern Time (US & Canada) -10375,Ben Carson,0.3974,yes,0.6304,Positive,0.6304,Racial issues,0.3974,,SalMasekela,,3,,,"Ben Carson, solidifying the black vote. #GOPDebates",,2015-08-06 19:56:17 -0700,629486190933061632,The Universe,Pacific Time (US & Canada) -10376,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,hplem,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:56:17 -0700,629486189930639360,Bluer than blue NYS,Eastern Time (US & Canada) -10377,No candidate mentioned,1.0,yes,1.0,Neutral,0.6867,None of the above,1.0,,Cetterman,,0,,,Need more #GOPDebates simply for the joy that Twitter brings to me during them,,2015-08-06 19:56:15 -0700,629486179667197957,"City by the Bay, CA",Pacific Time (US & Canada) -10378,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,,0.23399999999999999,,WhatMeWorry44,,1,,,"RT @BlkPoliticSport: So now the Fox moderators are going to bring ""God"" into the next debate segment? Please....spare me....spare us. #GOP…",,2015-08-06 19:56:10 -0700,629486158414675968,3rd world state of Texas ,Central Time (US & Canada) -10379,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DiggsKeith,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:56:08 -0700,629486152727138304,Wilmington NC, -10380,No candidate mentioned,1.0,yes,1.0,Negative,0.6759999999999999,Racial issues,0.6759999999999999,,struble_eric,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:56:07 -0700,629486146771357697, New Jersey, -10381,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.3575,,fourty8hrs,,0,,,They talk about God today tomorrow WAR #GOPDebates,,2015-08-06 19:56:07 -0700,629486146469404673, New York,Eastern Time (US & Canada) -10382,Scott Walker,0.3839,yes,0.6196,Negative,0.6196,None of the above,0.3839,,notdramadriven,,1,,,#GOPDebates @ScottWalker #Democrats can't even find one good candidate #truthbomb,,2015-08-06 19:56:06 -0700,629486142451089408,Panhandle of Florida, -10383,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6292,,SupermanHotMale,,5,,,Dr. Carson talking about race is like trump talking about money. #Wrong #GopDebates,,2015-08-06 19:56:03 -0700,629486129172115456,"Cocoa Beach, Florida",Eastern Time (US & Canada) -10384,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,MLLVX,,0,,,Did They Really Just Ask The Black Candidate The Race Question!?!?!? Really??? #GOPDebates,,2015-08-06 19:56:02 -0700,629486126378516480,~All Over OK~On Tulsey Time~,Central Time (US & Canada) -10385,Marco Rubio,1.0,yes,1.0,Negative,0.6703,Religion,1.0,,jansenbwerner,,0,,,Rubio gets all kinds of applause for more or less being intolerant of religious plurality... #GOPDebates #trdebates,,2015-08-06 19:56:01 -0700,629486122276536321,"Milwaukee, WI", -10386,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,Religion,1.0,,Therealdealer1,,3,,,RT @DanMoore755: The republican candidates are closing with their love for God. Democrats would never do that... Just sayin. #GOP2016 #GOPD…,,2015-08-06 19:56:01 -0700,629486121320378369,, -10387,No candidate mentioned,0.3787,yes,0.6154,Negative,0.6154,Racial issues,0.3787,,ikariusrising,,1,,,You ask the only Black Candidate the only race question? #GOPDebates,,2015-08-06 19:56:01 -0700,629486121181970432,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -10388,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,andychicks,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:55:59 -0700,629486115611762690,I live behind your block, -10389,No candidate mentioned,1.0,yes,1.0,Positive,0.3462,Racial issues,0.6538,,ouleye_ndoye,,2,,,Aaand the question about the racial divide goes to ... *drum roll* ... the only black man on stage. #GOPdebates #overit,,2015-08-06 19:55:58 -0700,629486109039435781,"New York, N.Y.",Eastern Time (US & Canada) -10390,No candidate mentioned,0.5028,yes,0.7091,Neutral,0.358,None of the above,0.5028,,bethwodzinski,,3,,,"RT @landley: So @berniesanders is watching #gopdebates on television, and his staff is livetweeting what he yells at the TV: https://t.co/Y…",,2015-08-06 19:55:57 -0700,629486107067969537,Castle Valley,Pacific Time (US & Canada) -10391,Ben Carson,1.0,yes,1.0,Negative,0.6706,Racial issues,1.0,,ThyckDivva,,0,,,Carson if you don't go have a seat in the back! It's about race becuz mofos are racist!!! #GOPDebates,,2015-08-06 19:55:57 -0700,629486106220843009,Boston ,Eastern Time (US & Canada) -10392,Marco Rubio,1.0,yes,1.0,Neutral,0.6508,Religion,1.0,,Mellow1263,,0,,,So according to Rubio God Loves Republicans over Democrats... #GOPDebates,"[41.51855183, -74.07957769]",2015-08-06 19:55:56 -0700,629486101141585920,, -10393,Ben Carson,1.0,yes,1.0,Neutral,0.35,Racial issues,1.0,,WayneAPeterson,,0,,,Dr. Carson being used as the emissary of the blacks again. #GOPDebates,,2015-08-06 19:55:55 -0700,629486098276814848,"Boston, MA",Eastern Time (US & Canada) -10394,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Psalm11813,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:55:54 -0700,629486091066695680,, -10395,Marco Rubio,0.4233,yes,0.6506,Negative,0.3373,,0.2273,,steven_br,,2,,,"God blessed our country, the Republican candidates....but NOT them democrats. -Rubio #Paraphrase #GOPDebates you... http://t.co/PgijYpJZdf",,2015-08-06 19:55:53 -0700,629486087942094848,"Pre: 35.901813,-79.045477",Quito -10396,No candidate mentioned,1.0,yes,1.0,Neutral,0.3605,Religion,0.6744,,GrimLethal,,3,,,RT @DanMoore755: The republican candidates are closing with their love for God. Democrats would never do that... Just sayin. #GOP2016 #GOPD…,,2015-08-06 19:55:52 -0700,629486086541197312,We're Everywhere, -10397,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,CMarPA,,0,,,It's hard to pick one I dislike the most. #GOPdebates #clowncar Dems gonna kept the White House,,2015-08-06 19:55:45 -0700,629486056325320704,PA,Eastern Time (US & Canada) -10398,No candidate mentioned,1.0,yes,1.0,Neutral,0.6537,Foreign Policy,0.6537,,T_R_DeMuerte,,0,,,GOP foreign policy: http://t.co/FOanZk9Qmv #GOPdebates,,2015-08-06 19:55:45 -0700,629486054215540736,"ÜT: 35.100821,-106.661282",Mountain Time (US & Canada) -10399,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6486,,AnuliGrace,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 19:55:43 -0700,629486046405787648,in another dimension, -10400,No candidate mentioned,1.0,yes,1.0,Negative,0.6383,Religion,1.0,,ChurchmanDan,,3,,,RT @DanMoore755: The republican candidates are closing with their love for God. Democrats would never do that... Just sayin. #GOP2016 #GOPD…,,2015-08-06 19:55:42 -0700,629486044275187712,Atl/Gville-GA-ALLDAY, -10401,Mike Huckabee,1.0,yes,1.0,Negative,0.6782,Foreign Policy,0.3448,,candice342,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:55:41 -0700,629486036733693953,,Eastern Time (US & Canada) -10402,Ted Cruz,0.3483,yes,1.0,Negative,1.0,None of the above,0.6854,,illinimarine7,,2,,,"Cruz: hardball ? -Trump: smear ? -Rubio: hardball ? -Bush: what is your favorite color? -#GOPDebates",,2015-08-06 19:55:39 -0700,629486030580682752,Chicago ,Mountain Time (US & Canada) -10403,Marco Rubio,1.0,yes,1.0,Negative,0.7011,None of the above,1.0,,MatthewMarkCamp,,0,,,"#GOPDebates #MarcoRubio is just so ""funny"". ha ha.",,2015-08-06 19:55:38 -0700,629486025216102400,Greater Palm Springs Area,Pacific Time (US & Canada) -10404,No candidate mentioned,0.465,yes,0.6819,Negative,0.6819,Religion,0.465,,FosterNeegreen,,8,,,"RT @NerdyNegress: #GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 19:55:38 -0700,629486023924449280,, -10405,Ted Cruz,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.4444,,Psalm11813,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:55:37 -0700,629486023643271168,, -10406,John Kasich,0.6358,yes,1.0,Neutral,0.3642,None of the above,1.0,,msgoddessrises,,0,,,Win and you know it Roger!!!! #Kasich #GOPDebates https://t.co/Fr8GWJkd3P,,2015-08-06 19:55:37 -0700,629486023160954880,Viva Las Vegas NV.,Pacific Time (US & Canada) -10407,No candidate mentioned,0.3839,yes,0.6196,Negative,0.3261,,0.2357,,daibyday,,6,,,RT @AnniesListTX: 44%? It's what TX Latina women make to the white man's $. Will the #GOPdebates stand for #equalpay for equal work? https:…,,2015-08-06 19:55:37 -0700,629486020753408000,earth,Eastern Time (US & Canada) -10408,No candidate mentioned,1.0,yes,1.0,Negative,0.6713,None of the above,0.6574,,colleen40,,0,,,#GOPdebates should win the Emmy for best comedy show,,2015-08-06 19:55:37 -0700,629486020300525568,, -10409,No candidate mentioned,1.0,yes,1.0,Neutral,0.6501,None of the above,1.0,,DianeCMcDonald,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:55:35 -0700,629486014386405376,Texas ,Central Time (US & Canada) -10410,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6871,,LosAvina86,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:55:35 -0700,629486014176694272,"San Francisco, CA", -10411,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NYDeMolayMom88,,0,,,This debate just makes me want to drink more #GOPDebates,,2015-08-06 19:55:34 -0700,629486011018530817,, -10412,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,kristylmiles,,0,,,If God is LOVE...what are these men?!? #GOPDebates,,2015-08-06 19:55:34 -0700,629486007654707205,"Louisville KY, Chicago IL",Tehran -10413,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6589,,Scifusion,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:55:33 -0700,629486004928385024,DC,Quito -10414,Marco Rubio,1.0,yes,1.0,Negative,0.6743,Religion,0.6743,,tr3yh,,0,,,"Marco Rubio's ""blessed"" count: 87. #GOPDebates",,2015-08-06 19:55:33 -0700,629486004471234560,"Boston, Mass.",Central Time (US & Canada) -10415,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,beckyrey,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:55:33 -0700,629486003430952960,Chicago Il,Tehran -10416,Marco Rubio,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,LivRancourt,,0,,,"""The Democrats can't even find one."" Marco Rubio #GOPDebates #Hillary2015 #BernieRocks",,2015-08-06 19:55:30 -0700,629485992987078656,"Seattle, WA", -10417,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MarcusGur,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:55:30 -0700,629485992412471297,, -10418,John Kasich,1.0,yes,1.0,Neutral,0.3514,None of the above,1.0,,BrendanKKirby,,2,,,"If @JohnKasich hasn't wrapped up the mailman vote by the end of this debate, he ought to drop out. #GOPdebates #LZDebates",,2015-08-06 19:55:27 -0700,629485978315436032,"Mobile, AL",Central Time (US & Canada) -10419,Mike Huckabee,0.4492,yes,0.6702,Negative,0.3404,Foreign Policy,0.4492,,preeskee,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:55:26 -0700,629485975002030080,"St Petersburg, FL",Pacific Time (US & Canada) -10420,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Michele_Henson,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:55:24 -0700,629485966432940032,"Deer Valley, AZ",Pacific Time (US & Canada) -10421,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,1.0,,DoubleDipChip,,0,,,Rubio thinks the Republican Party is BFFs with God and the Democrats can just suck it as God hates them. #GOPDebates,,2015-08-06 19:55:24 -0700,629485966143717376,, -10422,No candidate mentioned,0.4058,yes,0.637,Negative,0.319,Religion,0.4058,,VicDeVille,,0,,,"#GOPDebate Final Statement: Please Pander to Religious Nutjobs and Illiterates. Go! - -##FOXNEWSDEBATE -#GOP -#GOPDebates -#RWNJ",,2015-08-06 19:55:24 -0700,629485965074112516,nyc,Eastern Time (US & Canada) -10423,No candidate mentioned,0.409,yes,0.6395,Negative,0.332,FOX News or Moderators,0.409,,L1veFree_0rD1E,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:55:23 -0700,629485963941687297,"Niagara Falls,NY",Pacific Time (US & Canada) -10424,,0.233,yes,0.6304,Neutral,0.337,Immigration,0.3974,,Groceryhound,,60,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 19:55:22 -0700,629485960032468992,,Mountain Time (US & Canada) -10425,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,DanMoore755,,3,,,The republican candidates are closing with their love for God. Democrats would never do that... Just sayin. #GOP2016 #GOPDebate #GOPDebates,,2015-08-06 19:55:20 -0700,629485950507319296,"Georgia, USA", -10426,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Judy_Taya,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:55:18 -0700,629485943179730944,TEXAS,Central Time (US & Canada) -10427,No candidate mentioned,0.4025,yes,0.6344,Negative,0.3226,None of the above,0.4025,,ThoroughbredAR,,0,,,Low key impressed I only lost 1 follower tonight #GOPDebates,,2015-08-06 19:55:18 -0700,629485942236151812,YVR/NYC,Arizona -10428,Scott Walker,0.4274,yes,0.6538,Negative,0.6538,None of the above,0.4274,,Qui_Voce,,0,,,"""I'm certainly an imperfect man."" --@ScottWalker - -Isn't that the truth! -SHUT UP & GO HOME! -#GOPDebates",,2015-08-06 19:55:18 -0700,629485942223597568,The Trenches of America,Central Time (US & Canada) -10429,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,,0.2361,,MikeJBknows,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:55:18 -0700,629485941724327936,"Las Vegas, Nevada",Pacific Time (US & Canada) -10430,Marco Rubio,1.0,yes,1.0,Negative,0.6753,None of the above,1.0,,scottaxe,,1,,,"#GOPdebates Line of the night From Rubio ""God has blessed us with many candidates...Democrats can't even find one."" Too funny",,2015-08-06 19:55:17 -0700,629485938658283520,Los Angeles , -10431,No candidate mentioned,1.0,yes,1.0,Positive,0.3404,Racial issues,0.6702,,KyleAlexLittle,,0,,,"Oh race issues, this should be good. #GOPDebates",,2015-08-06 19:55:17 -0700,629485936456433664,"Des Moines, IA",Central Time (US & Canada) -10432,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Psalm11813,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:55:17 -0700,629485935881646080,, -10433,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.2411,,ZackaryBrame,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:55:16 -0700,629485932211605504,"Earth, Milky Way Galaxy",Central Time (US & Canada) -10434,No candidate mentioned,1.0,yes,1.0,Neutral,0.6809,Religion,1.0,,Ayoloser,,4,,,RT @rebecca_f: Does God have a super PAC? #GOPDebates,,2015-08-06 19:55:16 -0700,629485931796504577,"Medina, Ohio",Atlantic Time (Canada) -10435,Marco Rubio,1.0,yes,1.0,Negative,1.0,Religion,1.0,,sindad1,,3,,,"RT @SupermanHotMale: Dear Senator Rubio, God has nothing to do with the Republican party... Get it right. #GopDebates",,2015-08-06 19:55:14 -0700,629485925551226884,Merrick.NY,Quito -10436,No candidate mentioned,0.6693,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6815,,jsn2007,,3,,,They fixed the VA yet there are no mammogram machines at our only VA hospital. #gopdebates,,2015-08-06 19:55:14 -0700,629485925266006016,USA,Eastern Time (US & Canada) -10437,Marco Rubio,1.0,yes,1.0,Negative,0.6744,Religion,0.6744,,NateMJensen,,0,,,Rubio claiming God made a mistake in making Democrats. #GOPdebates,,2015-08-06 19:55:14 -0700,629485924741697536,"Silver Spring, MD",Eastern Time (US & Canada) -10438,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Psalm11813,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:55:12 -0700,629485917380567040,, -10439,No candidate mentioned,1.0,yes,1.0,Negative,0.6687,Religion,1.0,,BonjourAnjor,,0,,,"I would just like to add that there is a SEPARATION of church and state, and it needs to stay that way. #GOPDebates",,2015-08-06 19:55:12 -0700,629485916529274881,, -10440,Scott Walker,0.4028,yes,0.6347,Neutral,0.6347,,0.2319,,alexhanna,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:55:12 -0700,629485916415864833,"Madison, WI",Central Time (US & Canada) -10441,No candidate mentioned,1.0,yes,1.0,Neutral,0.6957,Religion,0.6957,,Sundermania,,0,,,I receive the word of God everyday through the scriptures as well. #GOPDebates #20K http://t.co/D2QfaXYIma,,2015-08-06 19:55:12 -0700,629485915770122241,NYC,Eastern Time (US & Canada) -10442,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,justbeblessed_,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 19:55:12 -0700,629485914696359936,2014 Forest Hills Drive,Eastern Time (US & Canada) -10443,Jeb Bush,1.0,yes,1.0,Negative,0.6937,FOX News or Moderators,1.0,,Zone6Combat,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:55:09 -0700,629485904067833856,FEMA Region V,Central Time (US & Canada) -10444,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WidowFike,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:55:09 -0700,629485902285406208,,Central Time (US & Canada) -10445,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6512,,Babex12,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 19:55:08 -0700,629485900263768068,DM[V],Alaska -10446,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,terbear7505,,3,,,"RT @PuestoLoco: .@AnnTBush @OnlyTruthReign -Cancel primaries. Fox Party set up/anointed their man Jeb Bush -#GOPDebates #CantTrustABush http:…",,2015-08-06 19:55:08 -0700,629485898963398656,Somewhere in the desert, -10447,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,Religion,1.0,,luciabrawley,,0,,,"What is the Christian litmus test? Let's refer to the Constitution, shall we? #GOPDebates #FirstAmendment #Freedomofreligion",,2015-08-06 19:55:07 -0700,629485894970388480,"Miami, NY, LA",Tehran -10448,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,0.6512,,SamuelBarnhouse,,1,,,RT @don_scalise: #GOPDebates - i'm still staring at @megynkelly #bae,,2015-08-06 19:55:04 -0700,629485881993375745,Politica Paradiso ,Quito -10449,Ted Cruz,1.0,yes,1.0,Negative,1.0,Religion,0.6809,,itsmaurigemma,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:55:02 -0700,629485875827707904,, -10450,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SnowTipton,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:55:01 -0700,629485871184654336,Great State of TN , -10451,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6819,,DrBHotchkins,,1,,,"They were lynching Black folks in ""Jesus Name"" so what's the relevance of the God question? #GOPDebates #FoxDebate #FOXNEWSDEBATE #GOPDebate",,2015-08-06 19:55:01 -0700,629485870211444737,"Country Ghetto, USA",Mountain Time (US & Canada) -10452,No candidate mentioned,1.0,yes,1.0,Neutral,0.6547,Religion,0.6435,,KateAronoff,,0,,,God. Brains. Veterans. #GOPDebates,,2015-08-06 19:55:01 -0700,629485869783646209,Brooklyn, -10453,No candidate mentioned,1.0,yes,1.0,Negative,0.6729,Religion,0.6523,,fbellavia,,0,,,"That last question was crap. The constitution, the supreme law of the land, should guide a president not the bible #GOPDebates",,2015-08-06 19:55:01 -0700,629485869708263424,ArlingtonVA,Eastern Time (US & Canada) -10454,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7059,,gobmentcheese,,1,,,"RT @Swoldemort: Here comes Chase from Facebook, asking the important questions *hurts forearm making jerk off gesture* #GOPDebates",,2015-08-06 19:55:00 -0700,629485864834494464,The Goondocks,Atlantic Time (Canada) -10455,No candidate mentioned,0.3847,yes,0.6202,Negative,0.6202,Religion,0.3847,,notmemyego,,3,,,"RT @TheRachelFisher: You guys, separation of church and state is also in the constitution.#GOPDebates",,2015-08-06 19:54:58 -0700,629485860077985793,los angeles,Arizona -10456,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6816,,J_robinson93,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:54:58 -0700,629485857246945281,Jersey,Quito -10457,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6512,,PwayDee,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:54:53 -0700,629485837915418625,, -10458,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,libby_breen,,0,,,"@Edenza @bobcesca_go Oh God, please. I can't even form the words to say how stupid this topic is about God. She's pissed. #GOPdebates",,2015-08-06 19:54:50 -0700,629485826418683904,The desert, -10459,No candidate mentioned,1.0,yes,1.0,Neutral,0.3671,None of the above,1.0,,kristylmiles,,0,,,THESE PEOPLE NEED TO HAVE A SEAT!! #GOPDebates,,2015-08-06 19:54:50 -0700,629485825395421184,"Louisville KY, Chicago IL",Tehran -10460,Scott Walker,1.0,yes,1.0,Negative,1.0,Religion,0.6386,,dhnexon,,9,,,RT @NateMJensen: Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:54:50 -0700,629485823507963904,"Washington, DC",Eastern Time (US & Canada) -10461,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GeorgeMurrayJr1,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:54:49 -0700,629485820672544768,,Eastern Time (US & Canada) -10462,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,0,,,Is this the PTL club? Where is Tammy and her mascara? #GOPDebate #GOPDebates,,2015-08-06 19:54:48 -0700,629485815526203392,,Mid-Atlantic -10463,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,Religion,1.0,,Philip_Arena,,1,,,RT @scottyscottyw: God for prez. #gopdebates,,2015-08-06 19:54:48 -0700,629485815018692608,"Pittsburgh, PA",Quito -10464,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6471,,_faaaaded_,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 19:54:47 -0700,629485811960971264,// Georgia //,Eastern Time (US & Canada) -10465,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6882,,averykayla,,0,,,I can't tell if they are talking about God God or Ronald Reagan #GOPDebates #fb,,2015-08-06 19:54:46 -0700,629485808936992768,Boston,Eastern Time (US & Canada) -10466,Scott Walker,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,itsRodT,,3,,,"RT @jsc1835: No, Scott Walker, you didn't ""lash"" out at the protesters in Wisconsin... You just had them arrested. #GOPDebates",,2015-08-06 19:54:46 -0700,629485808131534848,outside the......,Central Time (US & Canada) -10467,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,seanspierpont,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:54:43 -0700,629485797088055296,Maryland,Eastern Time (US & Canada) -10468,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Gun Control,1.0,,hpulliambelcher,,0,,,So we are going to wrap the #GOPDebates up without talking about the environment or gun violence?,,2015-08-06 19:54:43 -0700,629485796106571776,"Washington, DC & Baltimore, MD",Eastern Time (US & Canada) -10469,No candidate mentioned,1.0,yes,1.0,Neutral,0.6961,Religion,1.0,,MacNaismith,,0,,,I'll only vote for a candidate with whom God has spoken to directly. #GOPDebates,,2015-08-06 19:54:43 -0700,629485793841676292,,Eastern Time (US & Canada) -10470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,JMD_904,,12,,,"RT @SalMasekela: These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:54:42 -0700,629485790393958400,TX PA MD FLA ,Eastern Time (US & Canada) -10471,Jeb Bush,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,RickCo01,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:54:41 -0700,629485786446991360,USA,Arizona -10472,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,adnys,,0,,,Closing round. Time for some God-blessed low blows at the Democrats. #GOPdebates,,2015-08-06 19:54:38 -0700,629485772131823616,PDX-SFO-QLA–LDN-AMS-RIO–?,Pacific Time (US & Canada) -10473,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.3297,Religion,0.3923,,KarenRegis,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:54:37 -0700,629485772014424065,Colorado,London -10474,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ejabel2,,2,,,“@RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸”ME!,,2015-08-06 19:54:35 -0700,629485762753466370,"Living in beautiful Belize, ", -10475,No candidate mentioned,1.0,yes,1.0,Negative,0.6372,None of the above,0.7021,,volodoscope,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:54:34 -0700,629485759108616192,"Washington, DC",Central Time (US & Canada) -10476,No candidate mentioned,1.0,yes,1.0,Positive,0.6784,None of the above,1.0,,beaniegurl47,,0,,,#DebateQuestionsWeWantToHear #debate #GOPDebates #veterans but we want the government to bless our veterans!,,2015-08-06 19:54:34 -0700,629485755585290240,"Atlanta, GA",Eastern Time (US & Canada) -10477,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,Religion,1.0,,housemouse_01,,0,,,"Believing in ""God"" is not a prerequisite for the Office of the Presidency. Why are we talking about it? #GOPDebates",,2015-08-06 19:54:32 -0700,629485747335114752,, -10478,Donald Trump,1.0,yes,1.0,Positive,0.6552,FOX News or Moderators,1.0,,Psalm11813,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:54:31 -0700,629485744118042624,, -10479,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6237,,kristylmiles,,0,,,"I just LOVE how SOME men feel like they can CONTINUE to dictate a woman's steps 😡😡😡 #GOPDebates I'm about to catch on fire, I'm so mad!!",,2015-08-06 19:54:30 -0700,629485741911973888,"Louisville KY, Chicago IL",Tehran -10480,No candidate mentioned,1.0,yes,1.0,Neutral,0.6591,None of the above,0.6591,,eviltomthai,,1,,,"RT @adnys: The 3 #GODdebates Fs: Family, Friends, Facebook. #gopdebates",,2015-08-06 19:54:29 -0700,629485737268805632,"San Francisco, CA", -10481,Jeb Bush,0.6809,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cheydakjo,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:54:29 -0700,629485736979382274,,Pacific Time (US & Canada) -10482,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ConservativeGM,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:54:29 -0700,629485734886440961,"Anytown, NJ",Eastern Time (US & Canada) -10483,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MichaelsMary,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:54:28 -0700,629485732919250946,New Jersey , -10484,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6522,,Sidney7725,,1,,,RT @ikariusrising: Please leave #Jesus out of the #GOPDebates,,2015-08-06 19:54:26 -0700,629485721976356864,, -10485,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,Foreign Policy,0.6859999999999999,,NoelleRI,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:54:25 -0700,629485720403640320,Rhode Island,Eastern Time (US & Canada) -10486,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.7037,,SalMasekela,,12,,,"These self righteous hypocrites, trying to out God each other. Shameless. #GOPDebates",,2015-08-06 19:54:23 -0700,629485712040001536,The Universe,Pacific Time (US & Canada) -10487,No candidate mentioned,1.0,yes,1.0,Neutral,0.6596,Religion,0.6809,,seanicely,,0,,,I pray God gives these candidates more direct and immediate responses than they are giving in this debate! #Halleloo #GOPDebates,,2015-08-06 19:54:23 -0700,629485710777667584,"East Rogers Park, Chicago",Central Time (US & Canada) -10488,No candidate mentioned,0.3878,yes,0.6227,Negative,0.3126,Religion,0.3878,,GrannyAlice2,,0,,,GOD loves me even if I don't do as he says! Oops.. He forgives me not you! #GOPDebates,,2015-08-06 19:54:22 -0700,629485708609089536,"NunYa, USA",Central Time (US & Canada) -10489,Donald Trump,1.0,yes,1.0,Negative,0.6984,None of the above,1.0,,atherican,,0,,,I DONT BELIEVE HIM AND THIS IS WHY ALL FACTS DONALD TRUMP DISS’ by A DA RICAN on #SoundCloud? #np https://t.co/KlogXi5bJS #GOPDebates,,2015-08-06 19:54:20 -0700,629485700195446784,Atlanta,Eastern Time (US & Canada) -10490,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,pilgrimsurgeon,,0,,,Many good men in 2nd GOP debates #GOPDebate #GOPDebates,,2015-08-06 19:54:19 -0700,629485694449160192,California,Pacific Time (US & Canada) -10491,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,DerrickWyrms,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:54:18 -0700,629485691521503233,The Admiral's Arms,Eastern Time (US & Canada) -10492,No candidate mentioned,1.0,yes,1.0,Negative,0.6809999999999999,Religion,0.6809999999999999,,sammiejoe,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:54:18 -0700,629485690036879360,NY/NJ/Philly/DC,Eastern Time (US & Canada) -10493,Scott Walker,0.3711,yes,0.6092,Negative,0.6092,None of the above,0.3711,,jsc1835,,3,,,"No, Scott Walker, you didn't ""lash"" out at the protesters in Wisconsin... You just had them arrested. #GOPDebates",,2015-08-06 19:54:17 -0700,629485688036028419,,Central Time (US & Canada) -10494,Ted Cruz,0.4074,yes,0.6383,Neutral,0.6383,,0.2309,,bethdelany,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:54:17 -0700,629485684449918980,Chicago | Los Angeles,Central Time (US & Canada) -10495,No candidate mentioned,1.0,yes,1.0,Negative,0.6354,Religion,1.0,,RIBriGuy,,0,,,The question about God and the Veterans. What a softball. #GOPDebates,,2015-08-06 19:54:16 -0700,629485680788381696,"Smithfield, RI",Eastern Time (US & Canada) -10496,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,ItsB2daP,,0,,,I thought #LastComicStanding airs on Wednesday nights? #GOPDebates,,2015-08-06 19:54:16 -0700,629485680242982912,"San Francisco, CA",Pacific Time (US & Canada) -10497,No candidate mentioned,1.0,yes,1.0,Negative,0.3448,None of the above,0.6552,,msgoddessrises,,0,,,Bingo! Put that in your article!!! #GOPDebates https://t.co/xaAQWaG80f,,2015-08-06 19:54:13 -0700,629485671053275142,Viva Las Vegas NV.,Pacific Time (US & Canada) -10498,Jeb Bush,1.0,yes,1.0,Negative,0.6458,FOX News or Moderators,1.0,,DuaneABentley,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:54:11 -0700,629485662052483072,Canada,Alaska -10499,Donald Trump,1.0,yes,1.0,Neutral,0.6859999999999999,Religion,1.0,,kimmilburnphoto,,0,,,Waiting on Trumps answer about God #GOPDebates #aintenoughpopcornforthis,,2015-08-06 19:54:11 -0700,629485660852760576,Houston Texas,Central Time (US & Canada) -10500,Scott Walker,0.6374,yes,1.0,Negative,1.0,Religion,0.7143,,NateMJensen,,9,,,Walker: God is cutting the UW budget. Talk to him. #GOPdebates,,2015-08-06 19:54:10 -0700,629485656285278209,"Silver Spring, MD",Eastern Time (US & Canada) -10501,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,BigBoyBaker,,0,,,Finally someone defines conservatives and progressives. Thank you Carly Fiorina. #GOPDebates,,2015-08-06 19:54:08 -0700,629485650027413504,"Indiana, U.S.A.",Eastern Time (US & Canada) -10502,No candidate mentioned,1.0,yes,1.0,Negative,0.7222,None of the above,1.0,,jsn2007,,0,,,Oh here we go. The veterans pawn. #GOPDebates,,2015-08-06 19:54:06 -0700,629485641122873345,USA,Eastern Time (US & Canada) -10503,Scott Walker,1.0,yes,1.0,Neutral,0.6854,Religion,1.0,,WalktheWeilside,,1,,,"RT @KateAronoff: Walker took on 100,000 protesters IN THE NAME OF GOD. #GOPDebates",,2015-08-06 19:54:06 -0700,629485640569090048,, -10504,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,None of the above,0.6587,,tmservo433,,0,,,This is the point where we decide to elect a prophet #GOPdebates,,2015-08-06 19:54:05 -0700,629485637817794560,, -10505,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,scottyscottyw,,0,,,Veterans for vice prez. #gopdebates,,2015-08-06 19:54:00 -0700,629485614954618880,Pittsburgh,Eastern Time (US & Canada) -10506,No candidate mentioned,1.0,yes,1.0,Negative,0.6687,Religion,1.0,,MissBColeman,,0,,,He just said that faith is second? #GOPDebates,,2015-08-06 19:54:00 -0700,629485613771698176,Philadelphia,Pacific Time (US & Canada) -10507,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6458,,BobbyNamdar,,0,,,"What a slip up, Walker - ""his faith"" not ""my faith"" #GOPDebates",,2015-08-06 19:53:59 -0700,629485609829167105,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10508,No candidate mentioned,1.0,yes,1.0,Negative,0.6576,None of the above,0.3424,,handymayhem,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:53:58 -0700,629485608390557696,(610),Atlantic Time (Canada) -10509,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,lyd312,,0,,,Is it required to mention God first in your closing? #GOPDebates #noseparationofchurchandstate,,2015-08-06 19:53:58 -0700,629485604728733700,Chicago, -10510,Ted Cruz,1.0,yes,1.0,Negative,1.0,Religion,0.6709999999999999,,TheAndreGeorge,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:53:54 -0700,629485591604895744,Way UP,Eastern Time (US & Canada) -10511,Scott Walker,1.0,yes,1.0,Negative,0.6813,Religion,1.0,,KateAronoff,,1,,,"Walker took on 100,000 protesters IN THE NAME OF GOD. #GOPDebates",,2015-08-06 19:53:54 -0700,629485591487385600,Brooklyn, -10512,No candidate mentioned,1.0,yes,1.0,Negative,0.6773,Religion,1.0,,florcie,,0,,,"Anyone who claims to be hearing from ""God""every morning should not be fit to hold office...might be better to take your meds #GOPDebates",,2015-08-06 19:53:54 -0700,629485588270444544,,Central Time (US & Canada) -10513,No candidate mentioned,1.0,yes,1.0,Neutral,0.6565,FOX News or Moderators,0.6774,,WallStPoker,,0,,,"""Which of you talk to the air and hear voices in your head?"" - translating Megyn Kelly #GOPDebates",,2015-08-06 19:53:52 -0700,629485580393553920,"Stamford, CT", -10514,No candidate mentioned,1.0,yes,1.0,Neutral,0.6932,None of the above,1.0,,yaniw727,,2,,,"RT @Just_JDreaming: Pastors, Mailmen, Plumbers and Presidents #GOPDads #GOPDebates",,2015-08-06 19:53:49 -0700,629485569790353408,,Eastern Time (US & Canada) -10515,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Psalm11813,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:53:46 -0700,629485556762677248,, -10516,No candidate mentioned,1.0,yes,1.0,Negative,0.6344,Religion,0.6882,,JFSweetness,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:53:46 -0700,629485555064176640,,Quito -10517,No candidate mentioned,0.2282,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,msgoddessrises,,0,,,Told u!!!!! #Kasich #GOPDebates https://t.co/hqdy3yF6jV,,2015-08-06 19:53:44 -0700,629485546667053056,Viva Las Vegas NV.,Pacific Time (US & Canada) -10518,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Swoldemort,,0,,,Scott Walker: I'm certainly an imperfect man *involuntarily runs fingers across his bald spot* #GOPDebates,,2015-08-06 19:53:43 -0700,629485543722721280,"Tulsa, Oklahoma", -10519,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JimmyJames38,,0,,,Kasich's dad was a mailman. #GOPDebates,,2015-08-06 19:53:38 -0700,629485524235980800,Center of the Buckeye,Eastern Time (US & Canada) -10520,Mike Huckabee,0.4259,yes,0.6526,Negative,0.3368,None of the above,0.4259,,poppahopsing,,1,,,RT @jasper_deezy: Mike Huckabee quoting Limp Bizkit lyrics for his military talking points #BreakStuff #GOPDebates,,2015-08-06 19:53:38 -0700,629485522348457984,gubbyville, -10521,John Kasich,1.0,yes,1.0,Positive,0.348,Religion,0.6948,,DoubleDipChip,,0,,,"You hear that, GOP candidates? Kasich said God wants America to succeed. Too bad some of you, at least, wanted America to fail! #GOPDebates",,2015-08-06 19:53:36 -0700,629485515386028032,, -10522,No candidate mentioned,0.5102,yes,0.7143,Negative,0.7143,None of the above,0.5102,,MonkeyBlood,,0,,,"This guy believes in miracles, get this cat up outta her #gopdebates http://t.co/9txkSzJOS2",,2015-08-06 19:53:36 -0700,629485513016274944,Maryland,Eastern Time (US & Canada) -10523,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MullenPmullen,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:53:34 -0700,629485507815190528,, -10524,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6842,,rebeccarauber,,4,,,RT @rebecca_f: Does God have a super PAC? #GOPDebates,,2015-08-06 19:53:34 -0700,629485507232174080,"San Diego, CA", -10525,No candidate mentioned,0.4373,yes,0.6613,Negative,0.6613,Religion,0.4373,,MasegoMokgoko,,0,,,"I just want to hear the conversation between God and these Republicans, where they explain why they don't want to help the poor. #GOPDebates",,2015-08-06 19:53:32 -0700,629485497912532993,, -10526,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ikariusrising,,1,,,Please leave #Jesus out of the #GOPDebates,,2015-08-06 19:53:30 -0700,629485490396352513,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -10527,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,b_deusen,,0,,,Is this a primary debate or a Pawnee town meeting? #GOPDebates @parksandrecnbc,,2015-08-06 19:53:28 -0700,629485478840963072,, -10528,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,n8mdp,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:27 -0700,629485477352108032,"Cleveland, Oh", -10529,No candidate mentioned,1.0,yes,1.0,Neutral,0.6558,Religion,1.0,,scottyscottyw,,1,,,God for prez. #gopdebates,,2015-08-06 19:53:27 -0700,629485476643250176,Pittsburgh,Eastern Time (US & Canada) -10530,Ted Cruz,0.6667,yes,1.0,Positive,0.6667,None of the above,0.6429,,Psalm11813,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:27 -0700,629485476307533824,, -10531,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,Religion,0.6628,,laurajhawk,,0,,,"So, in conclusion, how fucked-up were your parents and how Christian are you as a result? #GOPDebates #theyallhaveananswer",,2015-08-06 19:53:26 -0700,629485473627385857,,Mountain Time (US & Canada) -10532,No candidate mentioned,1.0,yes,1.0,Neutral,0.6733,None of the above,0.6733,,ChrisYoungGOP,,3,,,RT @MelissaFwu: Our watch party minutes before the #GOPDebates begin! #LeadRight2016 http://t.co/roeUk2NuEU,,2015-08-06 19:53:26 -0700,629485471626825728,"Washington, DC ",Central Time (US & Canada) -10533,John Kasich,1.0,yes,1.0,Positive,0.6882,None of the above,1.0,,NathanHam87,,2,,,"RT @SalMasekela: Kasich, it may be the booze talking....but I think I like you man. #GOPDebates",,2015-08-06 19:53:23 -0700,629485459312394241,"West Jefferson, NC", -10534,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AndrewsHarley,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:53:22 -0700,629485454799339520,, -10535,Donald Trump,1.0,yes,1.0,Positive,0.7056,None of the above,1.0,,markforeman81,,0,,,@megynkelly @FrankLuntz @realDonaldTrump @RealBenCarson stood out @jamiaw #GOPDebates,,2015-08-06 19:53:21 -0700,629485451490029568,, -10536,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KMcanlis,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:21 -0700,629485449308848130,, -10537,No candidate mentioned,1.0,yes,1.0,Positive,0.3579,None of the above,1.0,,Morrkate,,5,,,RT @NickSylian: From today to the time the next president has one year in office #22aDay will empty that arena. #GOPDebates #IAVA,,2015-08-06 19:53:20 -0700,629485448642056192,"Princeton, NJ",Mountain Time (US & Canada) -10538,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SCarverOrne,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:19 -0700,629485444401659904,"Pittsfield, Mass.",Eastern Time (US & Canada) -10539,No candidate mentioned,1.0,yes,1.0,Neutral,0.6241,Religion,0.7186,,eastbaycitizen,,4,,,RT @rebecca_f: Does God have a super PAC? #GOPDebates,,2015-08-06 19:53:17 -0700,629485435526381568,"East Bay, CA",Pacific Time (US & Canada) -10540,No candidate mentioned,0.4495,yes,0.6705,Negative,0.3409,None of the above,0.4495,,gijoey342,,5,,,RT @NickSylian: From today to the time the next president has one year in office #22aDay will empty that arena. #GOPDebates #IAVA,,2015-08-06 19:53:17 -0700,629485434222051328,MA,Eastern Time (US & Canada) -10541,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6579,,Osomotley,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 19:53:17 -0700,629485432732979200,San Diego,Pacific Time (US & Canada) -10542,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,etoilee8,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:53:15 -0700,629485427360055296,"Reston, Va. (close to DC)",Eastern Time (US & Canada) -10543,Jeb Bush,1.0,yes,1.0,Negative,0.6591,None of the above,0.7045,,OnlyTruthReign,,3,,,"RT @PuestoLoco: .@AnnTBush @OnlyTruthReign -Cancel primaries. Fox Party set up/anointed their man Jeb Bush -#GOPDebates #CantTrustABush http:…",,2015-08-06 19:53:15 -0700,629485425384554496,Earth ,Atlantic Time (Canada) -10544,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,Daringlyy_Darkk,,2,,,"RT @Just_JDreaming: Pastors, Mailmen, Plumbers and Presidents #GOPDads #GOPDebates",,2015-08-06 19:53:15 -0700,629485425288212480,Your Wildest Dreams,Eastern Time (US & Canada) -10545,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,0ohblah,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:13 -0700,629485415909720065,,Casablanca -10546,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,Ike_Saul,,3,,,RT @mandy_velez: So trans soldiers can die for you Huckabee but you can't foot the bill to make them fulfilled as human beings? Really? #GO…,,2015-08-06 19:53:11 -0700,629485409932865536,NYC,Eastern Time (US & Canada) -10547,Jeb Bush,0.4902,yes,0.7002,Negative,0.4902,FOX News or Moderators,0.4902,,PuestoLoco,,0,,,".@CorrectRecord -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/bgzYsySfSU",,2015-08-06 19:53:11 -0700,629485409014317060,Florida Central West Coast,America/New_York -10548,John Kasich,1.0,yes,1.0,Positive,0.6743,None of the above,0.6743,,jordiemojordie,,0,,,I believe this is the first mention of human rights all night. Thx Kasich. #GOPDebates,,2015-08-06 19:53:10 -0700,629485406271057921,Chicago | Eastman,Quito -10549,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Religion,0.6786,,Maribo17,,1,,,RT @tmservo433: I know God. He's a friend of mine. Im glad to count him as a backer #GOPdebates,,2015-08-06 19:53:10 -0700,629485405151236096,"Lawrence, KS and San Diego CA", -10550,No candidate mentioned,1.0,yes,1.0,Neutral,0.6783,None of the above,0.6783,,adall,,0,,,"""A house divided against itself would be better than this."" - Lego Abraham Lincoln #GOPdebates",,2015-08-06 19:53:09 -0700,629485401615532033,,Eastern Time (US & Canada) -10551,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,Religion,0.6966,,beaniegurl47,,0,,,#GOPDebates #DebateQuestionsWeWantToHear #debate God is in the business of those that seek him first and his righteousness! Simple 🎤,,2015-08-06 19:53:08 -0700,629485397802815488,"Atlanta, GA",Eastern Time (US & Canada) -10552,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,SalMasekela,,2,,,"Kasich, it may be the booze talking....but I think I like you man. #GOPDebates",,2015-08-06 19:53:08 -0700,629485395151970308,The Universe,Pacific Time (US & Canada) -10553,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Racial issues,0.3438,,taraplayfair,,0,,,Well God got more time than black lives .... This is definitely Fox and Definitely Republican #GOPDebates,,2015-08-06 19:53:07 -0700,629485391150759938,Jamaica,Central Time (US & Canada) -10554,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,FOX News or Moderators,1.0,,mergerspro,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:07 -0700,629485390408347648,Raleigh,Central Time (US & Canada) -10555,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,FOX News or Moderators,1.0,,col22apparel,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:53:05 -0700,629485385798692864,"California, USA",Arizona -10556,No candidate mentioned,0.7052,yes,1.0,Negative,0.7052,None of the above,0.401,,sacfreeman,,0,,,"@sportspickle when I saw this, all I thought of was you 😻 #elite #flacco #thoseguysontheleft #GOPDebates http://t.co/JFrU1lNffB",,2015-08-06 19:53:04 -0700,629485381927354369,, -10557,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,testandverify,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:53:03 -0700,629485376193884160,UNKNOWN LOCATION,Central Time (US & Canada) -10558,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,feminista54,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:53:03 -0700,629485374881071105,Hudson Valley, -10559,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ripnros,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:53:02 -0700,629485371651411969,, -10560,No candidate mentioned,1.0,yes,1.0,Negative,0.6535,FOX News or Moderators,1.0,,shamrocklaw454,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:53:00 -0700,629485364177076225,"Texas, USA", -10561,No candidate mentioned,1.0,yes,1.0,Negative,0.6809999999999999,None of the above,0.6537,,DumbGayBatman,,0,,,@DumbGayBatman: All of the #GOPDebates candidates are hoping they're God's main girl. Spoiler alert they're all side hoes.,,2015-08-06 19:53:00 -0700,629485362021310464,, -10562,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6606,,GogoAleee,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:53:00 -0700,629485361471688704,IG: unapologeticAle, -10563,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,frespirit01,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:58 -0700,629485355264118785,midwest,Central Time (US & Canada) -10564,Donald Trump,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,WayneAPeterson,,0,,,"I hope trump says, ""I don't talk to myself"" #GOPDebates",,2015-08-06 19:52:57 -0700,629485350663139329,"Boston, MA",Eastern Time (US & Canada) -10565,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,,0.2298,,gazawy__mido91,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:52:56 -0700,629485348146556928,, -10566,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6771,,oblock300pooh,,2,,,"RT @PuestoLoco: .@cenkuygur - Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http:…",,2015-08-06 19:52:56 -0700,629485346946981888,milwaukee, -10567,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bobreeves1944,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:56 -0700,629485346623983616,, -10568,Ted Cruz,0.6517,yes,1.0,Positive,1.0,None of the above,1.0,,Maxinerunner,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:56 -0700,629485344413609985,,Atlantic Time (Canada) -10569,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,Raised_in_ATL,,3,,,RT @jordiemojordie: YALL BETTER NOT LIE ABOUT GOD. S/he didn't talk to all of yall. #GOPDebates,,2015-08-06 19:52:56 -0700,629485344371699712,Wherever my heart takes me,Central Time (US & Canada) -10570,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dskahoopay,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:55 -0700,629485343880777728,the depths of wisdom and mirth,Atlantic Time (Canada) -10571,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,offcehobo,,0,,,"""My father was a scarecrow and my mother raised 50 children of which only 25 were her own"" #gopcandidates #gopdebates",,2015-08-06 19:52:52 -0700,629485330790379520,,Pacific Time (US & Canada) -10572,Jeb Bush,1.0,yes,1.0,Negative,0.6789,None of the above,1.0,,Mullarx,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:51 -0700,629485326902407168,illinois, -10573,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,FOX News or Moderators,0.6949,,Psalm11813,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:52:51 -0700,629485324419248128,, -10574,No candidate mentioned,1.0,yes,1.0,Neutral,0.67,Religion,1.0,,rebecca_f,,4,,,Does God have a super PAC? #GOPDebates,,2015-08-06 19:52:49 -0700,629485317645426689,Oakland,Pacific Time (US & Canada) -10575,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6667,,MultiRamblings,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:52:48 -0700,629485314277445632,Earth,Central Time (US & Canada) -10576,John Kasich,1.0,yes,1.0,Positive,0.6836,Religion,0.6836,,msgoddessrises,,0,,,"#Kasich ""I do believe in miracles"" ""restore common sense"" bam for the win!!! #GOPDebates that's a CHRISTIAN!",,2015-08-06 19:52:48 -0700,629485314046689280,Viva Las Vegas NV.,Pacific Time (US & Canada) -10577,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3421,,xoalexisv,,6,,,RT @Lattisaw: No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues…,,2015-08-06 19:52:48 -0700,629485311945535488,NYC,Quito -10578,No candidate mentioned,1.0,yes,1.0,Positive,0.6747,Religion,1.0,,tmservo433,,1,,,I know God. He's a friend of mine. Im glad to count him as a backer #GOPdebates,,2015-08-06 19:52:46 -0700,629485305687617536,, -10579,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,FOX News or Moderators,1.0,,sharonDay5,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:46 -0700,629485304496308224,,Arizona -10580,No candidate mentioned,1.0,yes,1.0,Neutral,0.6453,Gun Control,0.3547,,bobpayneNOLA,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:52:45 -0700,629485301925289984,New Orleans,Central Time (US & Canada) -10581,Mike Huckabee,1.0,yes,1.0,Negative,0.6804,Foreign Policy,1.0,,AmberJPhillips,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:52:45 -0700,629485300079849472,Ohioan in Washington D.C. ,Eastern Time (US & Canada) -10582,Ted Cruz,0.4396,yes,0.6629999999999999,Positive,0.337,FOX News or Moderators,0.4396,,TxSeadog,,1,,,RT @USVeteran2: @FoxNews shutting @SenTedCruz out of debate. Has not spoken In 30 minutes. Has to beg them for a chance to say anything ! …,,2015-08-06 19:52:45 -0700,629485299400249348, Beach South of St. Somewhere!,Eastern Time (US & Canada) -10583,Donald Trump,1.0,yes,1.0,Positive,0.6751,FOX News or Moderators,0.6992,,Psalm11813,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:44 -0700,629485296220942336,, -10584,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.3523,,Hymamoore,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:52:44 -0700,629485295977652225,New Orleans,Central Time (US & Canada) -10585,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,tehpierce,,0,,,can’t we just build a moat instead? #gopdebates,,2015-08-06 19:52:43 -0700,629485292488142848,,Atlantic Time (Canada) -10586,Donald Trump,1.0,yes,1.0,Negative,0.6264,FOX News or Moderators,1.0,,dudeinchicago,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:52:41 -0700,629485284283953152,, -10587,,0.228,yes,0.3516,Negative,0.3516,,0.228,,Tummygirl,,0,,,Are going to go through every candidate's relatives' resumes??? #GOPDebates #fb,,2015-08-06 19:52:39 -0700,629485275333402624,Be Kind,Eastern Time (US & Canada) -10588,Donald Trump,1.0,yes,1.0,Negative,0.6819,FOX News or Moderators,1.0,,pinkbeachlady,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:52:36 -0700,629485263450800128,Florida, -10589,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.2282,,Lattisaw,,6,,,No minority in their right mind should be voting for anyone of these #GOP candidates! They don't have a clue about our issues. #GOPdebates,,2015-08-06 19:52:36 -0700,629485261185945602,305/202/212 MIA*DC*NYC ,Eastern Time (US & Canada) -10590,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ZenaSzanto,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:35 -0700,629485259566911488,, -10591,Donald Trump,1.0,yes,1.0,Negative,0.6765,FOX News or Moderators,0.6765,,mormontim,,0,,,#GOPDebates @megynkelly became the Republican version of @CandyCrowley tonight @TomiLahren @slone @CWforA @realDonaldTrump,,2015-08-06 19:52:35 -0700,629485258514268160,"McMinnville, TN",Central Time (US & Canada) -10592,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BrookeTuck_97,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:35 -0700,629485257746739201,, -10593,No candidate mentioned,0.4133,yes,0.6429,Neutral,0.6429,,0.2296,,kristiculbreth1,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:52:35 -0700,629485257155342336,"Baltimore, MD",Atlantic Time (Canada) -10594,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6905,,Psalm11813,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:52:34 -0700,629485254076600320,, -10595,Mike Huckabee,0.4736,yes,0.6882,Neutral,0.6882,Foreign Policy,0.4736,,curlylocs1,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:52:33 -0700,629485251010523136,, -10596,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.2246,,BennyandMaia,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:52:33 -0700,629485249253257217,PA,Eastern Time (US & Canada) -10597,Ted Cruz,0.4286,yes,0.6546,Neutral,0.6546,None of the above,0.4286,,MNVoters,,1,,,#Cruz says we will know the candidates by their fruits. #Trump are you listening? #GOPDebates,,2015-08-06 19:52:31 -0700,629485240231178240,Minnesota, -10598,Mike Huckabee,0.4376,yes,0.6615,Positive,0.3488,None of the above,0.4376,,mdZvqPln,,0,,,"""The purpose of the military is to kill people and break things"" @GovMikeHuckabee #GOPDebates might be the quote of the night",,2015-08-06 19:52:31 -0700,629485239748927489,"Pittsburgh, Pennsylvania, USA",Eastern Time (US & Canada) -10599,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DorzabY,,0,,,sad to say that SNL hasnt written a comedy sketch as good as these #GOPDebates since the Housewives of Disney,,2015-08-06 19:52:31 -0700,629485239576858624,wrong levvvveeeeerrrrr,Atlantic Time (Canada) -10600,No candidate mentioned,1.0,yes,1.0,Neutral,0.653,None of the above,1.0,,KyleAlexLittle,,1,,,"""A movement back to the 1800's"" #GOPDebates",,2015-08-06 19:52:29 -0700,629485231402315776,"Des Moines, IA",Central Time (US & Canada) -10601,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hyeyoothere,,1,,,We have yet to talk about climate change. Oh yeah because republicans don't believe in that #GOPDebates,,2015-08-06 19:52:28 -0700,629485230026551296,,Eastern Time (US & Canada) -10602,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6452,,Psalm11813,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:28 -0700,629485229162389504,, -10603,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,downbyseashore,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:52:26 -0700,629485220136247296,Texas, -10604,No candidate mentioned,0.4011,yes,0.6333,Neutral,0.3222,FOX News or Moderators,0.4011,,DonnyLateNight,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:25 -0700,629485217644965892,,Eastern Time (US & Canada) -10605,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tripower07,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:25 -0700,629485214998265856,Tennessee, -10606,No candidate mentioned,0.4302,yes,0.6559,Negative,0.6559,Religion,0.4302,,cbellistweet,,2,,,RT @halhefner: The creepy blond commentator just promised us that #god is coming to the #GOPdebates after the break. http://t.co/E6T5ZG8xwp,,2015-08-06 19:52:25 -0700,629485214306332673,"Philadelphia, PA 19130",Eastern Time (US & Canada) -10607,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6429,,DrBHotchkins,,0,,,Who won? #GOPDebates #FoxDebate #StraightOuttaCompton,,2015-08-06 19:52:24 -0700,629485211986739200,"Country Ghetto, USA",Mountain Time (US & Canada) -10608,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,T4SA16,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:52:22 -0700,629485201819860992,"Harlem, NY",Eastern Time (US & Canada) -10609,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.3636,,MissMahlia,,0,,,Oh y'all spoke to God now? Cuz I heard she was busy making sure women could still get healthcare. #GOPDebates,,2015-08-06 19:52:21 -0700,629485200607567872,Sin City,Pacific Time (US & Canada) -10610,No candidate mentioned,0.4002,yes,0.6326,Positive,0.6326,None of the above,0.4002,,jilllaurennn,,28,,,RT @Wilberforce91: One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & …,,2015-08-06 19:52:21 -0700,629485200154730499,757 - 434,Eastern Time (US & Canada) -10611,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,vreelin,,0,,,Pretty much didn't learn anything about anyone #GOPDebates,,2015-08-06 19:52:20 -0700,629485194467131392,, -10612,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,Just_JDreaming,,2,,,"Pastors, Mailmen, Plumbers and Presidents #GOPDads #GOPDebates",,2015-08-06 19:52:19 -0700,629485190142930944,DMV,Quito -10613,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Psalm11813,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:19 -0700,629485189853413378,, -10614,Ted Cruz,0.6382,yes,1.0,Negative,1.0,Abortion,1.0,,idacyral,,0,,,"""I stand against women, I stand for LIFE."" - Ted ""Pregnant Pause"" Cruz #gopdebates",,2015-08-06 19:52:17 -0700,629485181133582337,CNX | BOS | ATL,Central Time (US & Canada) -10615,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FreeOnTheRight,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:15 -0700,629485176133955584,, -10616,No candidate mentioned,1.0,yes,1.0,Negative,0.6497,None of the above,0.6847,,EdmonArmstrong,,0,,,We have a new army slogan. Kill people and break things. Hell yeah America #gopdebates #kill… https://t.co/Eulc7pBUPr,,2015-08-06 19:52:14 -0700,629485168798076928,"Eastpointe, MI",Atlantic Time (Canada) -10617,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,sassylassee,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:52:14 -0700,629485168605138945,Out there~,Quito -10618,Ted Cruz,1.0,yes,1.0,Negative,1.0,Religion,0.6517,,norahgrady,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:52:08 -0700,629485143137366016,"ÜT: 40.70562,-74.012009",Eastern Time (US & Canada) -10619,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,mariocobos2001,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:52:06 -0700,629485137500225536,,Central America -10620,Mike Huckabee,1.0,yes,1.0,Neutral,0.6617,Foreign Policy,1.0,,megliz369,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:52:06 -0700,629485135445028864,"Chesapeake Shores, Maryland",Pacific Time (US & Canada) -10621,Ted Cruz,0.4218,yes,0.6495,Positive,0.3299,,0.2277,,Dr_DrewZC,,2,,,RT @Sweetpea593: #GOPDebates they won't let #TedCruz speak!,,2015-08-06 19:52:05 -0700,629485134430011392,,Eastern Time (US & Canada) -10622,Ted Cruz,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,0.6897,,phenryburgesses,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:52:05 -0700,629485131670028288,, -10623,Donald Trump,1.0,yes,1.0,Neutral,0.6429,None of the above,1.0,,TitoGervacio,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:52:04 -0700,629485127769260032,USA,Pacific Time (US & Canada) -10624,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mickieanderson4,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:52:03 -0700,629485124330110976,, -10625,No candidate mentioned,0.4133,yes,0.6429,Neutral,0.3265,,0.2296,,acutalproof,,0,,,"In his hermetically sealed bedchamber, Pat Robertson has just tuned into the #GOPDebates, popcorn in hand. ""I was told there'd be miracles.""",,2015-08-06 19:52:03 -0700,629485123495415808,Boston,Atlantic Time (Canada) -10626,Ted Cruz,0.4052,yes,0.6366,Negative,0.6366,FOX News or Moderators,0.4052,,gardnerdar001,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:52:03 -0700,629485123440766976,, -10627,No candidate mentioned,1.0,yes,1.0,Neutral,0.6977,None of the above,0.6395,,littlebuffalo87,,0,,,"Amen, lets elect our next President on their fruits. #GOPDebates",,2015-08-06 19:52:02 -0700,629485118785126400,Heartland of America,Central Time (US & Canada) -10628,Ted Cruz,1.0,yes,1.0,Negative,0.677,FOX News or Moderators,1.0,,Dr_DrewZC,,0,,,@AnnStokes55 @FoxNews @cruzcrew He's too Conservative. They can't let him talk. Stupid #GOPdebates,,2015-08-06 19:52:00 -0700,629485111726239744,,Eastern Time (US & Canada) -10629,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6545,,PanteraSarah,,15,,,"RT @SalMasekela: Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:51:59 -0700,629485108890746880,Los Angeles,Pacific Time (US & Canada) -10630,No candidate mentioned,0.4584,yes,0.6771,Negative,0.6771,FOX News or Moderators,0.4584,,MichaelCalvert9,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:58 -0700,629485102779596800,IN, -10631,No candidate mentioned,1.0,yes,1.0,Negative,0.6736,Religion,1.0,,prof_jwroberts,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:51:58 -0700,629485102330978304,"Roger Williams University, RI",Eastern Time (US & Canada) -10632,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.684,,maryleong,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:51:57 -0700,629485098593710080,"London, UK",Pacific Time (US & Canada) -10633,No candidate mentioned,1.0,yes,1.0,Negative,0.6847,FOX News or Moderators,1.0,,DoreneDay2,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:56 -0700,629485095636848640,, -10634,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,queerScribe,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:51:56 -0700,629485093900267521,not where i want to be , -10635,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,arnoldse38,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:51:56 -0700,629485093178986496,"Leesburg, GA", -10636,Mike Huckabee,1.0,yes,1.0,Neutral,0.6489,None of the above,1.0,,ARTPOPmonsterr,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:55 -0700,629485090112937984,New York,Quito -10637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,haperson,,0,,,Hearing the candidates talk about God is actually terrifying. #GOPDebates,,2015-08-06 19:51:55 -0700,629485089789837312,,Quito -10638,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,Jacque_s_,,0,,,Best quotes of tonight? Still think there's fire left in these whimps? #GOPDebates,,2015-08-06 19:51:54 -0700,629485087726432258, ,Pacific Time (US & Canada) -10639,No candidate mentioned,1.0,yes,1.0,Negative,0.6764,None of the above,0.6764,,niladri_kgp,,7,,,"RT @SupermanHotMale: Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't affor…",,2015-08-06 19:51:54 -0700,629485086161829888,Kharagpur ♡ পশ্চিমবঙ্গ ♡ IND,New Delhi -10640,No candidate mentioned,1.0,yes,1.0,Positive,0.6697,FOX News or Moderators,1.0,,don_scalise,,1,,,#GOPDebates - i'm still staring at @megynkelly #bae,,2015-08-06 19:51:50 -0700,629485067748950016,West Virginia,Eastern Time (US & Canada) -10641,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,NerdyNegress,,8,,,"#GOPdebates -This is No damn Christian revival. Cut it out.",,2015-08-06 19:51:49 -0700,629485065014255616,,Quito -10642,No candidate mentioned,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.2396,,MendyKiser,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:48 -0700,629485062564749312,"SC Lowcountry, The Beach!",Eastern Time (US & Canada) -10643,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MikeRonnebeck,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:48 -0700,629485061260251136,Sacramento , -10644,No candidate mentioned,1.0,yes,1.0,Positive,0.359,None of the above,1.0,,Swoldemort,,1,,,"Here comes Chase from Facebook, asking the important questions *hurts forearm making jerk off gesture* #GOPDebates",,2015-08-06 19:51:47 -0700,629485056831193092,"Tulsa, Oklahoma", -10645,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,mackaysuzie,,29,,,RT @monaeltahawy: Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #…,,2015-08-06 19:51:47 -0700,629485056323534848,, -10646,No candidate mentioned,0.4492,yes,0.6702,Negative,0.3404,None of the above,0.4492,,LilyRo,,3,,,RT @GallagherPreach: It is just me or can anyone else not wait for SNL this weekend for the debate coverage? #GOPdebates #GOPdebate,,2015-08-06 19:51:47 -0700,629485055555952640,"ÜT: 34.195039,-118.50539",Alaska -10647,Ted Cruz,0.4133,yes,0.6429,Negative,0.6429,FOX News or Moderators,0.4133,,SituationNAFU,,0,,,@Foxnews - Why has Cruz been disrespected? Why has Trump been disrespected. Seems Fox likes Rhinos these days! #GOPDebates,,2015-08-06 19:51:46 -0700,629485053639135232,, -10648,Mike Huckabee,1.0,yes,1.0,Neutral,0.6629999999999999,Foreign Policy,0.6624,,TommyMatt2,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:46 -0700,629485050908684289,, -10649,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Religion,0.6703,,Gota_de_L1uvia,,3,,,RT @jordiemojordie: YALL BETTER NOT LIE ABOUT GOD. S/he didn't talk to all of yall. #GOPDebates,,2015-08-06 19:51:43 -0700,629485040963981312,,Eastern Time (US & Canada) -10650,Ted Cruz,1.0,yes,1.0,Negative,0.6923,Abortion,1.0,,DoubleDipChip,,0,,,"If you want to defend life, Cruz, make sure nobody dies during your administration if you're President! #GOPDebates",,2015-08-06 19:51:43 -0700,629485038380412928,, -10651,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mllnola,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:42 -0700,629485037470248960,NOLA,America/Chicago -10652,Ted Cruz,0.449,yes,0.6701,Negative,0.6701,Religion,0.2349,,SupermanHotMale,,4,,,"Dear Ted Cruz, what do scriptures say about you lying about our very good President? That's what I thought #GopDebates",,2015-08-06 19:51:42 -0700,629485034458624000,"Cocoa Beach, Florida",Eastern Time (US & Canada) -10653,John Kasich,1.0,yes,1.0,Neutral,0.6591,None of the above,0.6477,,scottaxe,,1,,,RT @AndrewThrasher: Kasich had a strong start to the debate but lack of questions led him to fade into the background. #GOPDebates,,2015-08-06 19:51:42 -0700,629485034068578304,Los Angeles , -10654,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6548,,chicozen76,,10,,,RT @BettyFckinWhite: We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:51:41 -0700,629485031023620096,NYC,Eastern Time (US & Canada) -10655,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EmileeMcmaster,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:39 -0700,629485022009913344,"Orlando , FL", -10656,No candidate mentioned,0.4133,yes,0.6429,Negative,0.6429,None of the above,0.4133,,averykayla,,0,,,That dude pics was totally taken off of his tinder profile #GOPDebates,,2015-08-06 19:51:39 -0700,629485021590626308,Boston,Eastern Time (US & Canada) -10657,Ted Cruz,1.0,yes,1.0,Negative,0.6791,FOX News or Moderators,0.6772,,SalMasekela,,15,,,"Senator Cruz, any word from God? Just spit out my tequila. Damn you Megyn Kelly, it was the expensive kind. #GOPDebates",,2015-08-06 19:51:37 -0700,629485016943214593,The Universe,Pacific Time (US & Canada) -10658,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3505,FOX News or Moderators,0.4218,,ErnestoB27,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:37 -0700,629485016532172800,"Phoenix, AZ", -10659,No candidate mentioned,0.4106,yes,0.6408,Neutral,0.3233,,0.2302,,eiwcakeff,,0,,,Now we are down to the real nitty-gritty how is GOD helping you candidates oh please tell us #GOPDebates,,2015-08-06 19:51:37 -0700,629485015408230400,,Eastern Time (US & Canada) -10660,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JimmyJames38,,0,,,This is dumb. #GOPDebates,,2015-08-06 19:51:37 -0700,629485013537566720,Center of the Buckeye,Eastern Time (US & Canada) -10661,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6562,,WayneAPeterson,,0,,,"Fox News: God hasn't been in touch lately and we are really getting worried, he doesn't get along with people. #GOPDebates",,2015-08-06 19:51:36 -0700,629485012207968256,"Boston, MA",Eastern Time (US & Canada) -10662,Ted Cruz,0.6705,yes,1.0,Positive,0.6705,None of the above,0.6591,,JoannaWoman991,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:51:35 -0700,629485006960734208,TEXAS CONSERVATIVE , -10663,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Egon084,,5,,,RT @NickSylian: From today to the time the next president has one year in office #22aDay will empty that arena. #GOPDebates #IAVA,,2015-08-06 19:51:34 -0700,629485002959548416,"Kings Mountain, NC",Central Time (US & Canada) -10664,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,Religion,0.6744,,BobGolen,,1,,,RT @RobsRamblins: Voices in my head question. #WordFromGodQuestion #GOPDebates,,2015-08-06 19:51:33 -0700,629484999155318788,"Fairborn, Ohio",Eastern Time (US & Canada) -10665,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AccelAuto,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:33 -0700,629484998815580160,"Cincinnati, Ohio",Eastern Time (US & Canada) -10666,Mike Huckabee,1.0,yes,1.0,Negative,0.6703,None of the above,0.6813,,maritzaincali,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:33 -0700,629484997905289216,"Oakland, CA",Pacific Time (US & Canada) -10667,No candidate mentioned,1.0,yes,1.0,Neutral,0.6351,Religion,1.0,,monaeltahawy,,29,,,Has any candidate received a word from God?! Presidential hopefuls?! This is America?! Christian Brotherhood of America #GOPDebates,,2015-08-06 19:51:32 -0700,629484993484599297,Cairo/NYC,Eastern Time (US & Canada) -10668,No candidate mentioned,0.4495,yes,0.6705,Negative,0.6705,FOX News or Moderators,0.4495,,nvtruthteller,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:32 -0700,629484992033218562,, -10669,Donald Trump,0.4214,yes,0.6492,Negative,0.6492,None of the above,0.4214,,misodiva,,0,,,"Final question for #DonaldTrump your sons killed big game, Please comment on #CecilTheLion. #GOPDebates",,2015-08-06 19:51:30 -0700,629484985314058241,USA,Eastern Time (US & Canada) -10670,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6672,,veteransliaison,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:29 -0700,629484982130466816,"New York, NY",Eastern Time (US & Canada) -10671,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kerryanntweet,,0,,,Can someone please send me a highlight of the #GOPDebates tomorrow? It's my old lady bed time. #kthanksbye,,2015-08-06 19:51:28 -0700,629484976707366912,Wherever you are...O_o,Eastern Time (US & Canada) -10672,Donald Trump,0.6842,yes,1.0,Positive,0.3474,FOX News or Moderators,1.0,,sassylassee,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 19:51:28 -0700,629484976183115776,Out there~,Quito -10673,Ted Cruz,1.0,yes,1.0,Neutral,0.6455,None of the above,0.6798,,LivRancourt,,0,,,YOU SHALL KNOW THEM BY THEIR FRUITS. Ted Cruz #GOPDebates #YouCrazy,,2015-08-06 19:51:27 -0700,629484974945624065,"Seattle, WA", -10674,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6469,,kimmilburnphoto,,0,,,"Seriously, that's the last question!!???? #GOPDebates #myeyesjustrolledouttamyhead",,2015-08-06 19:51:27 -0700,629484971091099648,Houston Texas,Central Time (US & Canada) -10675,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6478,,OtakuAnthony_AH,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:51:26 -0700,629484970780790784,Mechanicsburg PA,Eastern Time (US & Canada) -10676,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3448,FOX News or Moderators,0.4444,,Guilliamerex,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:51:26 -0700,629484969413341184,Liberty's Last Stand in CA,Alaska -10677,No candidate mentioned,1.0,yes,1.0,Neutral,0.6535,Foreign Policy,0.6966,,BettyFckinWhite,,10,,,We must repeal and replace Benghazi. #GOPDebates,,2015-08-06 19:51:26 -0700,629484969191051265,I'm on the twitter.,Pacific Time (US & Canada) -10678,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MendyKiser,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:51:25 -0700,629484966645207040,"SC Lowcountry, The Beach!",Eastern Time (US & Canada) -10679,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,0.3478,,GoldenDiva1,,0,,,Could you see some of these candidates working with the J2? Like. Nawl. #gopdebates,,2015-08-06 19:51:25 -0700,629484963663073282,DC,Central Time (US & Canada) -10680,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,carinahaley,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:51:25 -0700,629484963566522368,"Los Angeles, California", -10681,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,Religion,0.4347,,judith3192,,0,,,"Church and state made up, yall. They are closer than ever #GOPdebates",,2015-08-06 19:51:24 -0700,629484961091964930,,Quito -10682,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kphbritt,,0,,,"I have to take a shower after this. I am covered in ""pandering"" #GOPDebates",,2015-08-06 19:51:24 -0700,629484960882163712,Illinois, -10683,No candidate mentioned,1.0,yes,1.0,Negative,0.6753,Religion,0.6753,,knockturnalpro,,0,,,Have you received a word from God? Oh Lawd...Here we go...and Yall know I love the Lawd but this is a mess #GOPDebate #GOPdebates #KKKorGOP,,2015-08-06 19:51:24 -0700,629484960504680448,"Bay Area, Ca",Pacific Time (US & Canada) -10684,Ted Cruz,0.6562,yes,1.0,Negative,1.0,Religion,1.0,,msgoddessrises,,1,,,Anyone who uses God's name for hate is a wolf in sheep's clothing. Matthew 23:1-15 #Cruz and #Huckabee are not men of God! #GOPDebates,,2015-08-06 19:51:23 -0700,629484955815407616,Viva Las Vegas NV.,Pacific Time (US & Canada) -10685,Mike Huckabee,1.0,yes,1.0,Negative,0.7174,Foreign Policy,0.7174,,G2EVera,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:23 -0700,629484954683056129,"Miami, FL",Eastern Time (US & Canada) -10686,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,risetoflyy,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:22 -0700,629484952007000064,queens,Eastern Time (US & Canada) -10687,Donald Trump,0.4025,yes,0.6344,Negative,0.3441,,0.2319,,NateMJensen,,0,,,Trump is going to claim God gave him a campaign contribution. #GOPDebates,,2015-08-06 19:51:19 -0700,629484940929970176,"Silver Spring, MD",Eastern Time (US & Canada) -10688,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6413,,mchamric,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:51:18 -0700,629484933480747009,, -10689,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KarenJone84,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:15 -0700,629484924064546816,,Atlantic Time (Canada) -10690,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,StephenWidener,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:12 -0700,629484910252830720,The Blue Ridge Mtns. NC,Eastern Time (US & Canada) -10691,John Kasich,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,dumb_gweilo,,0,,,I watched John Kasich eat a pre-debate steak! #meat #GOPDebates #GOPTeens,,2015-08-06 19:51:12 -0700,629484909464195072,,Eastern Time (US & Canada) -10692,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6970000000000001,,AnyhooT2,,0,,,Wait! Wuuuuuuuut? This was actually a question? I can't 🙈 #GOPDebates,,2015-08-06 19:51:12 -0700,629484908981977088,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -10693,Mike Huckabee,1.0,yes,1.0,Negative,0.6703,None of the above,0.6703,,GetEQUAL,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:51:09 -0700,629484896961056769,,Pacific Time (US & Canada) -10694,Chris Christie,1.0,yes,1.0,Neutral,1.0,Immigration,0.6854,,ClarenceBlowout,,60,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 19:51:08 -0700,629484893895041024,your moms house,Eastern Time (US & Canada) -10695,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,ProfKFH,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:51:08 -0700,629484893492408321,NYC,Atlantic Time (Canada) -10696,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CathyCulp,,0,,,Would love to have seen it! Seemed better than all these guys! #GOPdebates https://t.co/aawvUQqQRB,,2015-08-06 19:51:08 -0700,629484891726426112,"Brentwood, TN",Central Time (US & Canada) -10697,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Texgalleslie,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:51:07 -0700,629484890900180992,Texas ,Mountain Time (US & Canada) -10698,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Wanderer19,,11,,,"RT @MzDivah67: From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more impo…",,2015-08-06 19:51:06 -0700,629484883539181568,"San Francisco, CA, USA",Pacific Time (US & Canada) -10699,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,PaulRieckhoff,,5,,,RT @NickSylian: From today to the time the next president has one year in office #22aDay will empty that arena. #GOPDebates #IAVA,,2015-08-06 19:51:06 -0700,629484883228893184,NYC,Eastern Time (US & Canada) -10700,Ted Cruz,1.0,yes,1.0,Negative,0.6667,None of the above,0.6452,,Wookieelib,,0,,,"Oh, Ted Cruz is still talking. I think I needed more ice cream #GOPdebates",,2015-08-06 19:51:05 -0700,629484881408491520,"Austin, TX",Central Time (US & Canada) -10701,No candidate mentioned,0.4548,yes,0.6744,Neutral,0.3374,None of the above,0.4548,,RobsRamblins,,1,,,Voices in my head question. #WordFromGodQuestion #GOPDebates,,2015-08-06 19:51:03 -0700,629484873472868352,,Arizona -10702,No candidate mentioned,0.4545,yes,0.6742,Negative,0.6742,FOX News or Moderators,0.4545,,annvconlon,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:03 -0700,629484872227266560,"Charleston, SC", -10703,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,Racial issues,0.2267,,jerri_wolf,,3,,,"RT @Pudingtane: #gopdebates questions r worded like personal attacks, including half truths. They stated cops were targeting blacks. That's…",,2015-08-06 19:51:02 -0700,629484867735171072,"va beach, va",Atlantic Time (Canada) -10704,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jazzie2324,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:02 -0700,629484867408035840,,Quito -10705,No candidate mentioned,1.0,yes,1.0,Positive,0.6325,None of the above,0.6603,,scottaxe,,3,,,RT @GallagherPreach: It is just me or can anyone else not wait for SNL this weekend for the debate coverage? #GOPdebates #GOPdebate,,2015-08-06 19:51:01 -0700,629484862928367616,Los Angeles , -10706,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,devnullius,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:01 -0700,629484862697795584,Altcoinworld,Greenland -10707,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,vic_wms,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:51:00 -0700,629484859891806209,Yorktown Va,Atlantic Time (Canada) -10708,No candidate mentioned,0.4274,yes,0.6538,Negative,0.6538,,0.2264,,JWS615,,0,,,"Really, that's the closing question? WHY?!?! #GOPDebates",,2015-08-06 19:51:00 -0700,629484858893430784,"Apple Valley, CA",Pacific Time (US & Canada) -10709,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BobbyNamdar,,0,,,"No one cares about your daddy issues, Cruz #GOPDebates",,2015-08-06 19:50:59 -0700,629484855940771840,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10710,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,CharmaineTT,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:50:58 -0700,629484851717013504,, -10711,No candidate mentioned,1.0,yes,1.0,Neutral,0.6624,None of the above,1.0,,DannySparrow11,,0,,,"How many of these guys now wish they would have been in the 5 o'clock debate, instead of this one? #AllButOne #GOPdebates",,2015-08-06 19:50:57 -0700,629484849259220993,"Stanley, NC",Atlantic Time (Canada) -10712,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BradMcKee10,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:57 -0700,629484847090806784,,Central Time (US & Canada) -10713,No candidate mentioned,0.4782,yes,0.6915,Negative,0.3617,Religion,0.2501,,Perry_T,,0,,,#GOPDebates and there goes the 1st amendment.,,2015-08-06 19:50:57 -0700,629484845870284800,,Mid-Atlantic -10714,No candidate mentioned,1.0,yes,1.0,Neutral,0.6821,None of the above,1.0,,DanShenise,,0,,,"So when my imaginary friend in the sky rang me up yesterday... -#GOPDebates #Derpbate #FoxNews #FoxDebate",,2015-08-06 19:50:56 -0700,629484843307413504,"Santa Monica, 4th & Montana",Pacific Time (US & Canada) -10715,No candidate mentioned,1.0,yes,1.0,Negative,0.6539,Religion,0.7087,,_shananan,,3,,,"RT @TheRachelFisher: You guys, separation of church and state is also in the constitution.#GOPDebates",,2015-08-06 19:50:55 -0700,629484840639930368,"bed, probably",Eastern Time (US & Canada) -10716,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,abbygail_normal,,0,,,"Why the fluff is this a legitimate question? Like, First Amendment or separation of church & state? #GOPDebates",,2015-08-06 19:50:55 -0700,629484838265851904,,Indiana (East) -10717,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.6277,,0.2337,,jordiemojordie,,3,,,YALL BETTER NOT LIE ABOUT GOD. S/he didn't talk to all of yall. #GOPDebates,,2015-08-06 19:50:53 -0700,629484831668219904,Chicago | Eastman,Quito -10718,No candidate mentioned,0.4741,yes,0.6885,Negative,0.6885,FOX News or Moderators,0.4741,,JaniceMontalto,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:50:53 -0700,629484830770786304,St Pete Florida,Eastern Time (US & Canada) -10719,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PrimaryMcCain,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:52 -0700,629484827104923648,,Pacific Time (US & Canada) -10720,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,edmott59,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:52 -0700,629484827104837632,"Cut Off, La", -10721,Ted Cruz,1.0,yes,1.0,Negative,0.6159,FOX News or Moderators,1.0,,tshyde,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:50:51 -0700,629484823560634369,"Seattle, WA",Pacific Time (US & Canada) -10722,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nrbeck13,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:50:50 -0700,629484817479020545,,Eastern Time (US & Canada) -10723,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,0.6304,,OrisaNla64,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:50:48 -0700,629484808519946240,"Washington, DC, USA",Eastern Time (US & Canada) -10724,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BobbyNamdar,,0,,,THIS FUCKING QUESTION. THEYRE ASKING THIS TO POTENTIAL PRESIDENTIAL NOMINEES. HOLY SHIT #GOPDebates,,2015-08-06 19:50:47 -0700,629484807282630656,"Long Island, NY • Boston, MA",Eastern Time (US & Canada) -10725,No candidate mentioned,1.0,yes,1.0,Negative,0.6696,Religion,0.6814,,SabrinaSee,,2,,,RT @halhefner: The creepy blond commentator just promised us that #god is coming to the #GOPdebates after the break. http://t.co/E6T5ZG8xwp,,2015-08-06 19:50:47 -0700,629484804870832128,"Los Angeles, California",Pacific Time (US & Canada) -10726,No candidate mentioned,1.0,yes,1.0,Neutral,0.6497,Religion,1.0,,MasegoMokgoko,,0,,,Now we're asking them if they talk to God? #GOPDebates,,2015-08-06 19:50:45 -0700,629484797790973952,, -10727,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,1.0,,TrumpIssues,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:45 -0700,629484797425913856,United States Of America,Pacific Time (US & Canada) -10728,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,Jobs and Economy,0.3548,,jaymac_93,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:50:44 -0700,629484791210115072,Washington DC / Edinburgh UK,Edinburgh -10729,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GoodTxGrl,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:42 -0700,629484785161912320,"Arlington, VA",Eastern Time (US & Canada) -10730,Donald Trump,1.0,yes,1.0,Positive,0.6707,None of the above,1.0,,isnkr,,5,,,"RT @steakNstiffarms: I'm imagining Trump giving a State of the Union, and yeah ok maybe I'd vote for him #GOPDebates",,2015-08-06 19:50:42 -0700,629484783127658496,Scottsdale AZ,Eastern Time (US & Canada) -10731,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gopgadfly,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:41 -0700,629484780074078208,United States,Central Time (US & Canada) -10732,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,FOX News or Moderators,0.6905,,tmservo433,,0,,,Is Megan Kelly asking a troll question? #GOPdebates,,2015-08-06 19:50:40 -0700,629484776945270785,, -10733,Scott Walker,1.0,yes,1.0,Negative,0.6977,Foreign Policy,0.6395,,TacticalAlpha,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:50:40 -0700,629484776894898176,United States of America, -10734,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,Boogieknight,,0,,,A trailer about that terrible movie No Escape airing during these #GOPDebates feels very apt.,,2015-08-06 19:50:39 -0700,629484773119897600,"Seattle, Wa",Pacific Time (US & Canada) -10735,No candidate mentioned,1.0,yes,1.0,Negative,0.6392,Religion,0.6816,,CarFan_5801,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:50:38 -0700,629484766568386560,Orion spiral arm- Sol 3 ,Pacific Time (US & Canada) -10736,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ChillyTubz,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:36 -0700,629484759387885568,United States,EDT -10737,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Morganjean96,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 19:50:36 -0700,629484759224156160,,Arizona -10738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bigsexy_tote,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:36 -0700,629484757416562688,"East side of Vineland, NJ", -10739,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BeachInSC,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:34 -0700,629484752429547520,"Myrtle Beach, SC",Eastern Time (US & Canada) -10740,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6559,,SupermanHotMale,,7,,,"Dear friends, it may seem like this is fun to me but I'm really mad about how Republicans treat people who can't afford to live. #GopDebates",,2015-08-06 19:50:34 -0700,629484748688109568,"Cocoa Beach, Florida",Eastern Time (US & Canada) -10741,John Kasich,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,AndrewThrasher,,1,,,Kasich had a strong start to the debate but lack of questions led him to fade into the background. #GOPDebates,,2015-08-06 19:50:32 -0700,629484740366635008,Indianapolis,Eastern Time (US & Canada) -10742,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,newgypsydreams,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:31 -0700,629484739968110592,Oregon,Pacific Time (US & Canada) -10743,No candidate mentioned,0.4362,yes,0.6604,Neutral,0.3358,None of the above,0.4362,,mcmicha7,,1,,,U.S. military spending vs other nations via @washingtonpost http://t.co/vBPXF8hqRF #GOPDebates http://t.co/StS4TNx3Kw,,2015-08-06 19:50:26 -0700,629484715578265600,"Detroit, Michigan",Eastern Time (US & Canada) -10744,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,Racial issues,0.6742,,SalimPickens,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:50:24 -0700,629484710314414080,Australia,Sydney -10745,No candidate mentioned,1.0,yes,1.0,Neutral,0.6459,Jobs and Economy,0.6665,,Omar_Cruz,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:50:23 -0700,629484703326715904,Made in Brooklyn,Eastern Time (US & Canada) -10746,No candidate mentioned,0.4025,yes,0.6344,Neutral,0.6344,None of the above,0.4025,,DoubleDipChip,,0,,,They've all seen the burning bush? #GOPDebates,,2015-08-06 19:50:21 -0700,629484696766910465,, -10747,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,csmelnix,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:20 -0700,629484693428178948,"Missouri, USA",Quito -10748,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,0.6629,,nrbeck13,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:50:18 -0700,629484683601047552,,Eastern Time (US & Canada) -10749,No candidate mentioned,0.4681,yes,0.6842,Negative,0.6842,FOX News or Moderators,0.2377,,dotcomm212,,5,,,"RT @RedStateDems: I can barely stay awake watching this thing, but I don't want to miss the Rose Ceremony. #GOPdebates http://t.co/XHsJ9d4Q…",,2015-08-06 19:50:18 -0700,629484683588452352,New York,Eastern Time (US & Canada) -10750,Donald Trump,0.6897,yes,1.0,Negative,1.0,None of the above,0.6437,,markforeman81,,0,,,@jamiaw @realDonaldTrump #GOPDebates see previous tweet,,2015-08-06 19:50:17 -0700,629484680987942912,, -10751,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jordan___evans,,157,,,"RT @RWSurferGirl: It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:17 -0700,629484678018433024,instagram: @jordan___evans,Central Time (US & Canada) -10752,No candidate mentioned,1.0,yes,1.0,Neutral,0.3512,None of the above,1.0,,FeliciaMDavis,,0,,,One word for #GOPDebates #bingo!,,2015-08-06 19:50:15 -0700,629484671756189696,, -10753,No candidate mentioned,1.0,yes,1.0,Neutral,0.6421,Racial issues,1.0,,darnellwilburn,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:50:10 -0700,629484651439128576,Atlanta by way of the Ohio,Pacific Time (US & Canada) -10754,Chris Christie,1.0,yes,1.0,Neutral,0.6824,None of the above,0.6471,,allimaj,,0,,,#Lottabody and end wraps. #ChrisChristie #GOPDebates,,2015-08-06 19:50:09 -0700,629484645994749953,Pittsburgh ,Atlantic Time (Canada) -10755,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,FOX News or Moderators,1.0,,AuditoryEzio,,0,,,GOD and dinosaurs. #GOPDebates #foxnewsdebate,,2015-08-06 19:50:09 -0700,629484645634150400,Genosha,Eastern Time (US & Canada) -10756,No candidate mentioned,1.0,yes,1.0,Negative,0.6875,Religion,1.0,,jenn_ruth,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:50:09 -0700,629484644900208640,"Washington, D.C.",Eastern Time (US & Canada) -10757,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,VonBodungen,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:50:08 -0700,629484642949857280,Twilight Zone, -10758,Chris Christie,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6705,,TiredMemeCat,,1,,,RT @tmservo433: Chris Christie: I want an unbelievably sized military. To intimidate people. Not at all because I haven't seen my penis in …,,2015-08-06 19:50:07 -0700,629484638725996545,, -10759,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RWSurferGirl,,157,,,"It is very disappointing that Fox News is not conducting a ""Fair & Balanced"" Debate. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:50:06 -0700,629484634946940928,"Newport Beach, California",Pacific Time (US & Canada) -10760,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,,0.2298,,HockeyGoalieEh,,0,,,This might be the biggest problem with our budget maybe kind of (does not include VA benefits) #GOPDebates http://t.co/PiJKAW96i1,,2015-08-06 19:50:06 -0700,629484632862388224,"Upper Black Eddy, Pennsylvania",Atlantic Time (Canada) -10761,Ted Cruz,0.6679,yes,1.0,Neutral,1.0,None of the above,0.7044,,SRTCBoobs,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:50:04 -0700,629484624083841025,The SRTC wants me in jail!,Atlantic Time (Canada) -10762,Ted Cruz,1.0,yes,1.0,Positive,0.3438,FOX News or Moderators,1.0,,mabvet,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:50:00 -0700,629484607679909888,,Eastern Time (US & Canada) -10763,Jeb Bush,0.7028,yes,1.0,Negative,0.7028,FOX News or Moderators,0.7028,,Accolaidia,,0,,,Fox loves Bush! Ugh! Give me Cruz!! #GOPDebates #GOPDebate #TedCruz,,2015-08-06 19:49:59 -0700,629484605477773312,, -10764,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LaurieCicotello,,0,,,What Roxy Girl thinks of the #GOPDebates... @ Kaua'i https://t.co/tLCi4GEZOF,"[21.97850292, -159.34894421]",2015-08-06 19:49:59 -0700,629484604907474944,Hawai'i,Hawaii -10765,Scott Walker,1.0,yes,1.0,Neutral,0.6429,Foreign Policy,0.6667,,LFS7,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:49:58 -0700,629484598834036736,Conservatarian ,Jerusalem -10766,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Odalys811,,0,,,@ChrisChristie You are making me even more proud of New Jersey!#GOPDEBATES,,2015-08-06 19:49:55 -0700,629484587031379968,, -10767,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.3333,,0.2257,,GoldenDiva1,,0,,,Where are the alumni from top foreign affairs programs and military schools? We need you. Help us! Please. #GOPdebates,,2015-08-06 19:49:53 -0700,629484580056207360,DC,Central Time (US & Canada) -10768,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,Coach_Holloway,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:49:53 -0700,629484578466500608,"Statesboro, GA",Eastern Time (US & Canada) -10769,No candidate mentioned,0.3997,yes,0.6322,Negative,0.3218,None of the above,0.3997,,GallagherPreach,,3,,,It is just me or can anyone else not wait for SNL this weekend for the debate coverage? #GOPdebates #GOPdebate,,2015-08-06 19:49:51 -0700,629484570786832384,"Gadsden, Alabama",Eastern Time (US & Canada) -10770,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Dosta1,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:49:51 -0700,629484570212216832,Southern States of America ,Atlantic Time (Canada) -10771,Scott Walker,1.0,yes,1.0,Neutral,0.6493,None of the above,0.6791,,trzrpug,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:49:50 -0700,629484565753507840,, -10772,No candidate mentioned,0.5028,yes,0.7091,Negative,0.358,Religion,0.2539,,youngheather,,6,,,"RT @laurenreeves: ""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:49:48 -0700,629484559638212609,"iPhone: 30.189400,-97.814209",Central Time (US & Canada) -10773,Donald Trump,1.0,yes,1.0,Negative,0.691,FOX News or Moderators,1.0,,AndrewsHarley,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:49:48 -0700,629484559374094336,, -10774,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,2AFight,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:49:48 -0700,629484559034286085,"Seattle, WA",Pacific Time (US & Canada) -10775,Donald Trump,0.6897,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,Parkcityhot,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:49:47 -0700,629484552918937600,, -10776,No candidate mentioned,0.4025,yes,0.6344,Negative,0.3441,,0.2319,,kkowalewsky,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:49:46 -0700,629484551358808064,,Atlantic Time (Canada) -10777,No candidate mentioned,0.4838,yes,0.6955,Negative,0.3491,Racial issues,0.2428,,truemira,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:49:46 -0700,629484550339563520,trappin out the Bando,Eastern Time (US & Canada) -10778,Scott Walker,1.0,yes,1.0,Negative,0.6667,Foreign Policy,1.0,,dmb1031,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:49:46 -0700,629484549974675456,USA,Eastern Time (US & Canada) -10779,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BoyVirginiaMade,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:49:44 -0700,629484541988720640,"#VA, #NY, #London ",Eastern Time (US & Canada) -10780,No candidate mentioned,0.435,yes,0.6596,Neutral,0.3404,None of the above,0.435,,debraraes,,0,,,#FACT: Obama caused that drought not the GOP @BHowl_ http://t.co/OkpZQkQhKJ #GOPDebates #pjnet,,2015-08-06 19:49:42 -0700,629484530869493764,New Mexico,Central Time (US & Canada) -10781,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JDjwhite54,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:49:39 -0700,629484521063346176,"Toledo, Oh.", -10782,Ted Cruz,0.6667,yes,1.0,Positive,0.3333,None of the above,0.6667,,stompcure,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:49:38 -0700,629484517246418945,Georgia,Eastern Time (US & Canada) -10783,No candidate mentioned,0.3997,yes,0.6322,Negative,0.3218,None of the above,0.3997,,turnermelodie12,,5,,,"RT @RedStateDems: I can barely stay awake watching this thing, but I don't want to miss the Rose Ceremony. #GOPdebates http://t.co/XHsJ9d4Q…",,2015-08-06 19:49:38 -0700,629484513869991936,columbus ohio, -10784,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.7037,,renedugar,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:49:37 -0700,629484513286950913,IG: renedugar,Central Time (US & Canada) -10785,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,Religion,0.4259,,MeanProgress,,2,,,"#GOPDebates - -OH God ... How shall we Fucker Up the Bible tonight? - -http://t.co/UzpmKFOSyQ - -.@rudepundit .@JohnFugelsang #UniteBIue #p2 #TCOT",,2015-08-06 19:49:37 -0700,629484510057357312,Mean Progressive page Facebook, -10786,Chris Christie,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,tmservo433,,1,,,Chris Christie: I want an unbelievably sized military. To intimidate people. Not at all because I haven't seen my penis in years #GOPdebates,,2015-08-06 19:49:35 -0700,629484503833145344,, -10787,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,Religion,1.0,,PlannerColton,,0,,,#gopdebates must be one of the last political forums in developed nations where #god is invoked so frequently. #backasswards,,2015-08-06 19:49:34 -0700,629484499869417472,"Okotoks, Alberta, Canada ", -10788,No candidate mentioned,1.0,yes,1.0,Negative,0.6452,Religion,0.6452,,smashalee87,,6,,,"RT @laurenreeves: ""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:49:33 -0700,629484496883052544,nei, -10789,Ben Carson,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,0.6859999999999999,,grahameke,,1,,,RT @tonibirdsong: Oh @RealBenCarson you are brilliant & I love you but please drink a few Red Bulls before the next debate. #GOPdebates 🇺🇸,,2015-08-06 19:49:30 -0700,629484481460613121,, -10790,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,melgeffert,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:49:26 -0700,629484466038181888,Kansas City, -10791,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,she_fights,,0,,,Ok now #foxnews not allowing @tedcruz to rebut!! So not happy right now #GOPDebates,,2015-08-06 19:49:26 -0700,629484463534284800,Alabama,Eastern Time (US & Canada) -10792,Chris Christie,0.6625,yes,1.0,Negative,0.6539,Immigration,1.0,,Micheleybean,,60,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 19:49:25 -0700,629484462741528576,NYC,Quito -10793,No candidate mentioned,0.3923,yes,0.6264,Neutral,0.3297,Gun Control,0.3923,,918Lee,,0,,,#GOPDebate #GOPDebates No talk about the govt control via gun control?,,2015-08-06 19:49:21 -0700,629484444345307136, NY State, -10794,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Freedom4Dummies,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:49:16 -0700,629484425462607872,, -10795,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6947,,DoubleDipChip,,0,,,"I guess they'll say the winner is Trump, because you know Trump is like the card games where something trumps another. #GOPDebates",,2015-08-06 19:49:15 -0700,629484418537779200,, -10796,Donald Trump,0.4756,yes,0.6897,Neutral,0.3448,None of the above,0.2378,,doubleofive,,0,,,".@skynews keeps calling Trump ""Billionaire Reality TV Star"", and it's incredible. #GOPDebates",,2015-08-06 19:49:10 -0700,629484398824583168,'merica,Eastern Time (US & Canada) -10797,Chris Christie,0.6395,yes,1.0,Negative,0.3605,None of the above,1.0,,tonibirdsong,,0,,,"""We've been lied to, we need a strong leader who will tell the truth."" -@ChrisChristie #GOPdebates 🇺🇸",,2015-08-06 19:49:10 -0700,629484398556147712,"Franklin, Tennessee",Central Time (US & Canada) -10798,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6957,,JimboZ76,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:49:08 -0700,629484390393974788,"Boston, MA", -10799,No candidate mentioned,1.0,yes,1.0,Negative,0.7,Racial issues,1.0,,MzDivah67,,11,,,"From watching the #GOPDebates it seems to me like #BlackLivesDontMatter Bashing PBO over his ""failed policies"" is more important to them",,2015-08-06 19:49:08 -0700,629484388863057920,KissMyBlackAsskistan,Eastern Time (US & Canada) -10800,No candidate mentioned,1.0,yes,1.0,Neutral,0.7033,None of the above,1.0,,DrRicoShort,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:49:04 -0700,629484373805539331,Atlanta,Eastern Time (US & Canada) -10801,No candidate mentioned,0.6932,yes,1.0,Neutral,1.0,None of the above,0.6932,,Brick_04,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:49:02 -0700,629484364833751040,Hanger 1,Central Time (US & Canada) -10802,No candidate mentioned,1.0,yes,1.0,Neutral,0.6154,Religion,0.6703,,Marionmarooned,,0,,,"And eleven years later, Reagan rose from the dead at the #GOPDebates. #StaytunedforGod",,2015-08-06 19:49:02 -0700,629484363441393664,"Harrison, NY",Central Time (US & Canada) -10803,No candidate mentioned,0.3989,yes,0.6316,Neutral,0.6316,None of the above,0.3989,,mclouis1908,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:49:00 -0700,629484356688449536,"New Orleans, LA",Central Time (US & Canada) -10804,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,milen575,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:48:58 -0700,629484349784653824,Las Cruces,Mountain Time (US & Canada) -10805,Ted Cruz,1.0,yes,1.0,Negative,0.6747,FOX News or Moderators,1.0,,USVeteran2,,1,,,@FoxNews shutting @SenTedCruz out of debate. Has not spoken In 30 minutes. Has to beg them for a chance to say anything ! #GOPDebates,,2015-08-06 19:48:58 -0700,629484346915753984,, -10806,Ben Carson,0.4215,yes,0.6493,Negative,0.6493,None of the above,0.4215,,DrakeHovis,,0,,,"""Remember, whatever you do, don't say that you agree with Dr. Carson....Ah Fuck!!!""-Christie's debate coach. #GOPDebates",,2015-08-06 19:48:56 -0700,629484340355952640,New York,Eastern Time (US & Canada) -10807,No candidate mentioned,1.0,yes,1.0,Negative,0.6589,None of the above,1.0,,missclamscasino,,1,,,RT @JaxGotJokes: Phew. Looks like no democrats are gonna vote republican #GOPdebates,,2015-08-06 19:48:56 -0700,629484339697467392,"New York, NY",Eastern Time (US & Canada) -10808,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,eloHtibbaR,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:48:56 -0700,629484339231879168,,Atlantic Time (Canada) -10809,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pricklypear12,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:48:55 -0700,629484337235296260,West Texas, -10810,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,Mike_OnTheMic,,0,,,"Why put commercials in the #GOPDebates? Don't they have little time already to NOT answer questions directly? - -#BNRDebates",,2015-08-06 19:48:55 -0700,629484336681762816,IG: Mike_OnTheMic ,Quito -10811,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Religion,1.0,,DadandBuried,,6,,,"RT @laurenreeves: ""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:48:55 -0700,629484336342024192,Brooklyn WHAT!,Eastern Time (US & Canada) -10812,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6559,,sthrngrl926,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:48:55 -0700,629484336077783040,"Mississippi, USA", -10813,No candidate mentioned,1.0,yes,1.0,Neutral,0.6309,None of the above,0.6309,,bobmarshall,,0,,,"*""Jesus Walks"" starts playing* - -""Buh gawd!!! That's God's entry music!!!"" #GOPDebates",,2015-08-06 19:48:55 -0700,629484333741572096,New York,Eastern Time (US & Canada) -10814,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fmc211,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:48:51 -0700,629484319992492032,, -10815,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6622,,halhefner,,2,,,The creepy blond commentator just promised us that #god is coming to the #GOPdebates after the break. http://t.co/E6T5ZG8xwp,,2015-08-06 19:48:50 -0700,629484313227079680,"Los Angeles, CA",Pacific Time (US & Canada) -10816,Mike Huckabee,0.4707,yes,0.6859999999999999,Positive,0.3488,None of the above,0.4707,,nkcoghlan,,0,,,Huckabee plays bass right? He must play a Steinberger. I just know it. #gopdebates,,2015-08-06 19:48:49 -0700,629484311696310272,"Indiana, USA", -10817,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GringoBrulee,,0,,,When you don't wanna be in politics but you wanna see the shit show that predicates an election you watch #GOPDebates.,,2015-08-06 19:48:48 -0700,629484306201645060,, -10818,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jsn2007,,0,,,@GovMikeHuckabee You have no clue as to the kind of hard work & commitment EVERY member of the military makes. @DeptofDefense #gopdebates,,2015-08-06 19:48:47 -0700,629484303680978944,USA,Eastern Time (US & Canada) -10819,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,None of the above,1.0,,emberlivi,,0,,,So…what are the foreign news services going to use for their segments tonight/tomorrow? #GOPDebates #Embarrassing,,2015-08-06 19:48:47 -0700,629484303580311552,,Eastern Time (US & Canada) -10820,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fisherynation,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:48:46 -0700,629484296856829952,, -10821,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jesseintl,,0,,,@keithalink Isn't it fun?! I'm wondering who's going to be kicked off the island? These guys are hilarious! #GOPDebates #StuporBowl,,2015-08-06 19:48:44 -0700,629484290506489856,"Los Angeles, CA",Pacific Time (US & Canada) -10822,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6636,,RadioFreeTom,,7,,,RT @Gauchat: Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:48:44 -0700,629484288405315584,"Newport, RI",Eastern Time (US & Canada) -10823,Donald Trump,0.4348,yes,0.6594,Negative,0.3406,Religion,0.4348,,markforeman81,,0,,,@jamiaw @realDonaldTrump #GOPDebates what's so funny about God and why the patronizing tone? Is it because media wants to demonize GOD?,,2015-08-06 19:48:44 -0700,629484288237547520,, -10824,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,Racial issues,0.6842,,Zevstar,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:39 -0700,629484268176166912,Manahatta,Quito -10825,No candidate mentioned,0.4827,yes,0.6947,Negative,0.6947,Racial issues,0.4827,,CaitlynSchira,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:38 -0700,629484266255159296,, -10826,No candidate mentioned,1.0,yes,1.0,Negative,0.6633,Religion,0.6633,,Gauchat,,7,,,Hopefully we'll find out where God stands on the taxing-pimps issue. #GOPDebates,,2015-08-06 19:48:38 -0700,629484263889485824,Austin,Central Time (US & Canada) -10827,No candidate mentioned,1.0,yes,1.0,Neutral,0.6337,FOX News or Moderators,0.6998,,tatemitchell220,,0,,,"According to @megynkelly, the Good Lord himself will be making an appearance after the break. #primetime #GOPDebates",,2015-08-06 19:48:37 -0700,629484260022325248,1 Peter 1:3-9, -10828,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,Mr_Auker,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:48:32 -0700,629484239516475392,"Columbus, OH.",Quito -10829,No candidate mentioned,1.0,yes,1.0,Negative,0.7108,None of the above,0.6336,,thunder_maker,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:32 -0700,629484239092891648,,Eastern Time (US & Canada) -10830,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,Racial issues,0.6742,,Bo1911,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:30 -0700,629484230880333824,"Phoenix, AZ",Central Time (US & Canada) -10831,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WoodenThreat,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:48:29 -0700,629484227277426688,1 crazy red dot in blue state , -10832,Donald Trump,1.0,yes,1.0,Negative,0.6673,FOX News or Moderators,1.0,,truthbetold1967,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:48:27 -0700,629484218268004352,, -10833,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,riebop,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:48:27 -0700,629484216556765184,Southern California,Pacific Time (US & Canada) -10834,No candidate mentioned,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,Micah_McDonough,,0,,,The run around is this debate is astonishing. #GOPDebates why is @FoxNews doing this?,,2015-08-06 19:48:24 -0700,629484206322753536,Rome of the West,Mountain Time (US & Canada) -10835,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,FOX News or Moderators,0.4396,,baumsche,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:48:23 -0700,629484202443075584,,Central Time (US & Canada) -10836,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,None of the above,1.0,,tracefiore,,0,,,Had enough...going to bed #GOPDebates http://t.co/7DO3VJ9XcI,,2015-08-06 19:48:22 -0700,629484198173278208,,Central Time (US & Canada) -10837,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,Racial issues,0.6807,,WestleyBayas,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:22 -0700,629484196277268480,"New Orleans, LA",Central Time (US & Canada) -10838,Mike Huckabee,0.3974,yes,0.6304,Neutral,0.337,,0.233,,enjoyyourrabbit,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:48:20 -0700,629484187716730880,"Utah, USA",Central Time (US & Canada) -10839,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_Strumpet_,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 19:48:19 -0700,629484182780162048,PolyAmory Utopia ,Central Time (US & Canada) -10840,Rand Paul,0.6966,yes,1.0,Positive,0.6966,Foreign Policy,0.6629,,MrsW0nderful,,0,,,That makes sense Ron Paul. #GOPDebates #GOPDebate stop giving money to enemies.,,2015-08-06 19:48:18 -0700,629484179995017216,Texas cuz it rhymes with Lexus,Central Time (US & Canada) -10841,Mike Huckabee,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,0.6522,,emmmmmax,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:48:17 -0700,629484177960767488,california,Alaska -10842,Donald Trump,1.0,yes,1.0,Positive,0.3333,None of the above,1.0,,0ohblah,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:48:15 -0700,629484169039581184,,Casablanca -10843,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,BlkPoliticSport,,1,,,"So now the Fox moderators are going to bring ""God"" into the next debate segment? Please....spare me....spare us. #GOPDebates",,2015-08-06 19:48:15 -0700,629484168251088896,shaolin- 36 chambers ,Eastern Time (US & Canada) -10844,Mike Huckabee,1.0,yes,1.0,Negative,0.6742,Foreign Policy,0.6629,,GhettoSymposium,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:48:14 -0700,629484165604446208,A Leak ,Atlantic Time (Canada) -10845,No candidate mentioned,0.4146,yes,0.6439,Neutral,0.3247,None of the above,0.4146,,DorothyMB,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:48:14 -0700,629484163368747011,"Southfield, Michigan",Eastern Time (US & Canada) -10846,No candidate mentioned,0.434,yes,0.6588,Neutral,0.6588,None of the above,0.2248,,VeeWade,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:48:12 -0700,629484154137235456,"Miami, FL", -10847,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,1.0,,CSimon7777777,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:48:11 -0700,629484150664376321,,Central Time (US & Canada) -10848,Jeb Bush,0.3981,yes,0.631,Negative,0.631,,0.2329,,PuestoLoco,,3,,,".@AnnTBush @OnlyTruthReign -Cancel primaries. Fox Party set up/anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/bgzYsySfSU",,2015-08-06 19:48:10 -0700,629484146608488448,Florida Central West Coast,America/New_York -10849,No candidate mentioned,0.485,yes,0.6965,Neutral,0.3495,None of the above,0.485,,yotrip729,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:48:09 -0700,629484143760441344,Florida,Quito -10850,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lovejewleo,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:48:08 -0700,629484137624289280,Miami , -10851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,indyhawkins,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:48:07 -0700,629484132314185728,"Indianapolis, IN", -10852,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6702,,ChrisJadatz,,0,,,"Next time we get Werner Herzog to host the GOP Debates. You know, so its less awkward. #GOPDebates",,2015-08-06 19:48:06 -0700,629484128929509376,Brooklyn/NYC, -10853,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.23399999999999999,,hc11bmd,,6,,,"RT @laurenreeves: ""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:48:04 -0700,629484121761316864,Between here and there, -10854,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7079,,westcoast_repub,,2,,,RT @Sweetpea593: #GOPDebates they won't let #TedCruz speak!,,2015-08-06 19:48:02 -0700,629484114756763648,United States,Pacific Time (US & Canada) -10855,No candidate mentioned,0.2321,yes,0.6813,Negative,0.6813,None of the above,0.2321,,TheBeatlesRule4,,0,,,This guy... #GoAway #GOPDebates https://t.co/Ifrw11Tfwo,,2015-08-06 19:48:01 -0700,629484110700920833,, -10856,Ted Cruz,0.6818,yes,1.0,Negative,0.3523,Foreign Policy,0.6705,,redonblueisland,,1,,,RT @libertywwnf: Finally a question for Cruz. Iranian deal terrible Russia cyber attack. Reagan made Iran release prisoners #GOPDebates,,2015-08-06 19:48:01 -0700,629484109237211136,,Eastern Time (US & Canada) -10857,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,UsesBadWords,,1,,,I honestly miss Mitt Romney now. All these buffoons are out of their minds. #GOPDebates,,2015-08-06 19:48:00 -0700,629484105600778240,Indiana,Central Time (US & Canada) -10858,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,Racial issues,0.4,,DeniseM_NOLA,,21,,,RT @monaeltahawy: Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:48:00 -0700,629484105529466880,New Orleans,Central Time (US & Canada) -10859,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6559,,amycrywolf,,6,,,"RT @laurenreeves: ""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:48:00 -0700,629484104229105664,, -10860,Mike Huckabee,1.0,yes,1.0,Negative,0.6783,Foreign Policy,1.0,,iamchampa,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:47:58 -0700,629484098428387328,phoenix,Arizona -10861,Rand Paul,1.0,yes,1.0,Neutral,1.0,Foreign Policy,0.6593,,xobeckywilliams,,15,,,"RT @Popehat: #GOPDebates Paul: ""I want to collect more records from terrorists and fewer from Americans.""",,2015-08-06 19:47:57 -0700,629484094313902081,Excelsior!,Eastern Time (US & Canada) -10862,No candidate mentioned,1.0,yes,1.0,Negative,0.3647,None of the above,1.0,,RealAndyMarsh,,0,,,These #GOPDebates are a joke and the whole world is laughing at them rn,,2015-08-06 19:47:57 -0700,629484091826696193,North Branch,Atlantic Time (Canada) -10863,Donald Trump,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,1.0,,Brialalexi,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:47:53 -0700,629484076106252288,"San Diego, CA", -10864,Rand Paul,1.0,yes,1.0,Positive,0.35700000000000004,None of the above,1.0,,mitchbytes,,0,,,I want what Rand Paul is having #GOPDebates,,2015-08-06 19:47:52 -0700,629484072247504896,Philly,Quito -10865,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.7027,,ChrisleneBAM,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:47:52 -0700,629484072079880192,"Boston, MA",Eastern Time (US & Canada) -10866,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LariMarat,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:47:51 -0700,629484068929843200,United States, -10867,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sugaree71,,0,,,Just began recording final #DailyShow on another TV. A retrospective was already in progress! Darn you #GopDebates #GOPDebacle #minnows,,2015-08-06 19:47:49 -0700,629484059786219520,Chicago!!!,Central Time (US & Canada) -10868,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,shells2014,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:47:47 -0700,629484050063994880,"Atlanta, GA", -10869,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,CollinsJourney,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:47:47 -0700,629484048591769600,, -10870,Scott Walker,0.6413,yes,1.0,Negative,0.6848,None of the above,0.6413,,timbotim62,,8,,,"RT @PBoylen: @ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:47:46 -0700,629484048105230336,,Quito -10871,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,msgoddessrises,,0,,,Are they going to let Chris Wallace Speak or let the sychophant continue to look at herself in the camera before asking a q? #GOPDebates,,2015-08-06 19:47:46 -0700,629484047564079104,Viva Las Vegas NV.,Pacific Time (US & Canada) -10872,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6602,,TH3R34LTRUTH,,1,,,RT @UnitedCitizen01: #FOXNEWS #GOPDebates @BenCarson OWNS this Debate when it comes to SMART,,2015-08-06 19:47:45 -0700,629484041687797760,Texas, -10873,No candidate mentioned,0.7079,yes,1.0,Negative,0.7079,None of the above,1.0,,girlzinger,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:47:45 -0700,629484040035282944,, -10874,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lynn_mistie,,0,,,"Perfect,sweet to the point no time hogging. Go Rand! #GOPdebates",,2015-08-06 19:47:39 -0700,629484016735924225,Klamath Falls Oregon, -10875,Chris Christie,1.0,yes,1.0,Negative,0.6639,Foreign Policy,0.6868,,jsc1835,,7,,,Chris Christie - You want to increase our military troops? While the GOP in Congress vote AGAINST veterans... #GOPDebates,,2015-08-06 19:47:37 -0700,629484009660092417,,Central Time (US & Canada) -10876,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,DoubleDipChip,,0,,,"So, was Huckabee trying to say the military decreased, because troops didn't want to serve alongside gay people? #GOPDebates",,2015-08-06 19:47:35 -0700,629483999493234688,, -10877,No candidate mentioned,0.4398,yes,0.6632,Negative,0.6632,Racial issues,0.4398,,HalimaHatimy,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:47:35 -0700,629483999212249088,"Hamilton, Ontario", -10878,No candidate mentioned,1.0,yes,1.0,Negative,0.7033,Racial issues,0.6374,,monaeltahawy,,21,,,Can someone send this to #GOPDebates #BlackLivesMatter http://t.co/Jc9jhrrCPw,,2015-08-06 19:47:34 -0700,629483995101794304,Cairo/NYC,Eastern Time (US & Canada) -10879,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,scottaxe,,1,,,"RT @Erika_Harvey_: ""Way to not answer the question"" - --my dad at the TV all night #GOPdebates",,2015-08-06 19:47:34 -0700,629483994371899393,Los Angeles , -10880,No candidate mentioned,0.4218,yes,0.6495,Negative,0.3299,None of the above,0.4218,,RobsRamblins,,0,,,Hurry #GOPDebates! Watching #BigBrother in 13 minutes!,,2015-08-06 19:47:32 -0700,629483986524352512,,Arizona -10881,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6809,,Gingerika224,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:47:32 -0700,629483985786134530,Non-Dualism, -10882,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,BigBoyBaker,,0,,,Pataki is Pro-Choice and for me he is disqualified as a GOP candidate. #GOPDebates,,2015-08-06 19:47:31 -0700,629483982867038208,"Indiana, U.S.A.",Eastern Time (US & Canada) -10883,Mike Huckabee,0.4553,yes,0.6748,Negative,0.6748,None of the above,0.2336,,rkalamin,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:47:31 -0700,629483982585868288,United States, -10884,No candidate mentioned,1.0,yes,1.0,Negative,0.6708,None of the above,0.6935,,Crutnacker,,0,,,I can't handle 15 more of these #GOPDebates.,,2015-08-06 19:47:29 -0700,629483975296200704,Inside your phone,Central Time (US & Canada) -10885,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,lenorehayes,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:47:28 -0700,629483968673374208,"Belmont Shore, CA",Pacific Time (US & Canada) -10886,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,Religion,1.0,,hpulliambelcher,,0,,,"Wait, is God coming to the #GOPDebates ?",,2015-08-06 19:47:27 -0700,629483966517641220,"Washington, DC & Baltimore, MD",Eastern Time (US & Canada) -10887,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,NancyVLewis,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:47:27 -0700,629483965762674688,New York ,Eastern Time (US & Canada) -10888,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BobMangoldAZ,,0,,,#GOPDebates Megyn Kelly and Chris Wallace SUCK!,,2015-08-06 19:47:26 -0700,629483960691634176,"Scottsdale, AZ",Pacific Time (US & Canada) -10889,Ted Cruz,1.0,yes,1.0,Negative,0.6776,FOX News or Moderators,1.0,,Tia4America,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:47:25 -0700,629483959148089344,,Eastern Time (US & Canada) -10890,Jeb Bush,0.3819,yes,0.618,Negative,0.618,FOX News or Moderators,0.3819,,markokie,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:47:24 -0700,629483955775930368,NW Oklahoma,Central Time (US & Canada) -10891,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6656,,laurenreeves,,6,,,"""Stay tuned for closing statements, final thoughts, and God."" And then I turned off the TV, I'm good. #GOPDebates",,2015-08-06 19:47:24 -0700,629483955754958848,LA-NYC,Eastern Time (US & Canada) -10892,No candidate mentioned,0.6495,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KastonHall,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:47:24 -0700,629483952382701568,"Macon,Georgia",Eastern Time (US & Canada) -10893,,0.228,yes,0.6484,Negative,0.3297,Foreign Policy,0.4204,,PBoylen,,8,,,"@ScottWalker Russia & China know more about Hillary Clinton's emails than our own Congress! Boom! -#RedNationRaising #GOPDebates",,2015-08-06 19:47:23 -0700,629483951669833728,"Grand Rapids, Michigan", -10894,No candidate mentioned,1.0,yes,1.0,Neutral,0.6759,None of the above,1.0,,TheGrottoTweets,,33,,,RT @goldietaylor: Commercial break! #GOPDebates http://t.co/NdE2oeJLmH,,2015-08-06 19:47:23 -0700,629483950239547392,"New York, USA",Eastern Time (US & Canada) -10895,No candidate mentioned,0.3819,yes,0.618,Negative,0.618,FOX News or Moderators,0.3819,,donttreadonme53,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:47:23 -0700,629483948511334401,AZ USA,Pacific Time (US & Canada) -10896,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,Religion,1.0,,RichLucido,,0,,,"Shhhh, God is about to talk #GOPDebates",,2015-08-06 19:47:22 -0700,629483947534069761,Fresno/Clovis California,Arizona -10897,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,LGBT issues,0.6667,,RaeMacRaeRae,,0,,,Let #Trans people fight in the military they've been fighting for recognition&equal rights for decades! They'll be great at it. #GOPDebates,,2015-08-06 19:47:22 -0700,629483944128462850,"Brooklyn, NY",Central Time (US & Canada) -10898,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,0.6552,,CathiStephens,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:47:21 -0700,629483940378644480,, -10899,No candidate mentioned,1.0,yes,1.0,Negative,0.6695,None of the above,1.0,,wittwitbarista,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 19:47:20 -0700,629483935890706432,"Seattle,WA",Pacific Time (US & Canada) -10900,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,shamrocklaw454,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:47:18 -0700,629483926763909120,"Texas, USA", -10901,Mike Huckabee,0.6564,yes,1.0,Negative,0.6662,None of the above,0.3436,,katya_kratzke,,0,,,"""The military is not a social experiment. The military is designed to kill people and break things."" Lol. #GOPDEBATES #huckabee",,2015-08-06 19:47:14 -0700,629483910804672513,, -10902,Ben Carson,1.0,yes,1.0,Positive,0.6437,None of the above,1.0,,theChandraMoore,,0,,,Ben Carson's got the best hair on that whole stage #GOPDebates,,2015-08-06 19:47:11 -0700,629483900281057281,Los Angeles,Pacific Time (US & Canada) -10903,Ted Cruz,1.0,yes,1.0,Neutral,0.3651,FOX News or Moderators,0.6939,,Sweetpea593,,2,,,#GOPDebates they won't let #TedCruz speak!,,2015-08-06 19:47:11 -0700,629483898456645633,, -10904,No candidate mentioned,0.4179,yes,0.6465,Negative,0.6465,FOX News or Moderators,0.4179,,ubeaccountable2,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:47:11 -0700,629483897634492416,Heart of America,Central America -10905,Mike Huckabee,0.4329,yes,0.6579,Neutral,0.3354,LGBT issues,0.4329,,karisaucedo,,1,,,RT @CollegeDemsTX: BREAKING: Mike Huckabee NOT for transgender rights #BigSuprise #GOPDebates,,2015-08-06 19:47:09 -0700,629483891498156033,• Austin & San Marvelous TX•,Central Time (US & Canada) -10906,No candidate mentioned,1.0,yes,1.0,Neutral,0.3436,FOX News or Moderators,0.6564,,WayneAPeterson,,0,,,God is going to be in Fox News for his first appearance......ever. #GOPDebates,,2015-08-06 19:47:06 -0700,629483876738535424,"Boston, MA",Eastern Time (US & Canada) -10907,No candidate mentioned,1.0,yes,1.0,Neutral,0.6632,Religion,0.6947,,jonagee,,0,,,"Wait, #God is making an appearance at the #GOPDebates?",,2015-08-06 19:47:05 -0700,629483875434008576,"Portland, OR",Alaska -10908,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rpoole1954,,5,,,"RT @SupermanHotMale: Dear Donald Trump, sniff a couple times, your head is in your ass #GopDebates",,2015-08-06 19:47:05 -0700,629483874452516864,, -10909,No candidate mentioned,0.4371,yes,0.6611,Negative,0.3389,FOX News or Moderators,0.4371,,newheart200,,2,,,RT @jennrios1191: @BretBaier is by far the best moderator tonight. Hands down. #GOPDebate @FoxNews #GOPDebates Nice job Bret!,,2015-08-06 19:47:05 -0700,629483873701863425,East Coast Mid Atlantic region,Eastern Time (US & Canada) -10910,Donald Trump,1.0,yes,1.0,Positive,0.6778,FOX News or Moderators,1.0,,ott_deb,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:47:04 -0700,629483869784395776,NY/TN, -10911,No candidate mentioned,0.4636,yes,0.6809,Negative,0.3458,None of the above,0.4636,,ekremserda,,1,,,"RT @Karatloz: you're playing as Yoshi but you're made out of yarn, the whole world is made out of yarn #GOPDebates",,2015-08-06 19:47:04 -0700,629483869335646208,,Central Time (US & Canada) -10912,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FeetzK,,3,,,RT @_RyanTurek: #GOPDebates brought to you by… STRAIGHT OUTTA COMPTON.,,2015-08-06 19:47:03 -0700,629483864738562048,Hollywood, -10913,Donald Trump,1.0,yes,1.0,Positive,0.6628,None of the above,1.0,,KittyBhagat,,1,,,RT @msgoddessrises: 😂😂😂😂 Drink!!! #Trump #GOPDebates https://t.co/Az9GUGMCGU,,2015-08-06 19:47:03 -0700,629483864302301184,"Texas, USA. Liberal. rare bird", -10914,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6515,,Fried_Kimchi,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:47:02 -0700,629483859634163713,FOOD MMA POLITICS SCIENCE,Eastern Time (US & Canada) -10915,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,JimmyJames38,,0,,,THIS ISNT A DEBATE!!!! This is a Q and A #GOPDebates,,2015-08-06 19:47:01 -0700,629483857163743232,Center of the Buckeye,Eastern Time (US & Canada) -10916,Ted Cruz,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6632,,DoubleDipChip,,0,,,LOL Cruz wasn't allowed to jump in on that comment Christie made. #GOPDebates,,2015-08-06 19:47:00 -0700,629483854320017409,, -10917,Donald Trump,1.0,yes,1.0,Neutral,0.6768,Foreign Policy,0.3428,,NateMJensen,,0,,,Can we declare bankruptcy to China? #Trump #GOPdebates,,2015-08-06 19:47:00 -0700,629483851644039168,"Silver Spring, MD",Eastern Time (US & Canada) -10918,No candidate mentioned,1.0,yes,1.0,Negative,0.7,Racial issues,1.0,,chenoite,,1,,,RT @JuliaRheaTimme: WHOEVER IS THE MOST RACIST AND MISOGYNISTIC FOR TWO HOURS WINS! #GOPDebates,,2015-08-06 19:46:59 -0700,629483846900187137,Pacific NW,Pacific Time (US & Canada) -10919,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,wellkneadedough,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:46:58 -0700,629483844094308353,,Quito -10920,No candidate mentioned,0.4255,yes,0.6523,Negative,0.6523,Foreign Policy,0.2268,,My_k_luh_97,,0,,,"""The purpose of the military is to kill people and break things.."" My soul is aching... My God! #GOPDebates",,2015-08-06 19:46:57 -0700,629483839232933888,"Pflugerville, Tx",Central Time (US & Canada) -10921,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DunstanMJ,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:46:55 -0700,629483834275438592,,Eastern Time (US & Canada) -10922,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,Religion,1.0,,Swoldemort,,0,,,Did they... did they just say God would be there after the break? #GOPDebates,,2015-08-06 19:46:55 -0700,629483834120269824,"Tulsa, Oklahoma", -10923,No candidate mentioned,0.4324,yes,0.6575,Negative,0.6575,FOX News or Moderators,0.4324,,averykayla,,0,,,Could you make God anymore awkward @megynkelly ?!? #GOPDebates,,2015-08-06 19:46:52 -0700,629483818135736320,Boston,Eastern Time (US & Canada) -10924,No candidate mentioned,1.0,yes,1.0,Negative,0.7048,None of the above,1.0,,notbrendon,,0,,,"I would expect this farce from the BOTTOM-tier, butttttttttttt.......... #GOPDebates",,2015-08-06 19:46:50 -0700,629483811202424832,, -10925,No candidate mentioned,0.4237,yes,0.6509,Negative,0.6509,None of the above,0.2317,,ElyssaJechow,,0,,,We looooooove violence and the military and intimidating people #GOPDebates,,2015-08-06 19:46:47 -0700,629483797575241728,"New York, NY",Central Time (US & Canada) -10926,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6786,,SarahLanderrs,,1,,,RT @Tim_Landers78: Do we really need to make the largest military power in the world bigger? #GOPDebates #warmongers,,2015-08-06 19:46:46 -0700,629483795423465472,, -10927,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,keriannlee,,0,,,"These people specialize in superlatives and hyperbole. Makes for good TV, but bad politics. #GOPDebates",,2015-08-06 19:46:43 -0700,629483783113318400,Exiled,Quito -10928,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jacobysuh,,0,,,"Man, these guys really LOVE vomiting out numbers. #GOPDebates",,2015-08-06 19:46:43 -0700,629483782848974848,,Pacific Time (US & Canada) -10929,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6852,,alizalcohen,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:46:38 -0700,629483761399398400,, -10930,Ted Cruz,0.4123,yes,0.6421,Neutral,0.3263,None of the above,0.4123,,supermishelle,,0,,,I forgot Ted Cruz was there #GOPDebates,,2015-08-06 19:46:34 -0700,629483743846096896,"San Diego, CA",Pacific Time (US & Canada) -10931,Donald Trump,1.0,yes,1.0,Negative,0.6374,FOX News or Moderators,0.6374,,dudeinchicago,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:46:34 -0700,629483743795912704,, -10932,Chris Christie,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,fourty8hrs,,0,,,What kinda dream land is Chris Christine in #GOPDebates,,2015-08-06 19:46:34 -0700,629483742701191169, New York,Eastern Time (US & Canada) -10933,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6562,,SweetTayPie0104,,0,,,"We already have the two largest armies in the world, Chris. That's not how this works #GOPDebates",,2015-08-06 19:46:32 -0700,629483734841040902,,Atlantic Time (Canada) -10934,No candidate mentioned,0.6593,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TheLivingEnd,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:46:29 -0700,629483722157391872,"Littleton, CO USA",Mountain Time (US & Canada) -10935,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,JuliaRheaTimme,,1,,,WHOEVER IS THE MOST RACIST AND MISOGYNISTIC FOR TWO HOURS WINS! #GOPDebates,,2015-08-06 19:46:28 -0700,629483719548497920,,Central Time (US & Canada) -10936,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,Foreign Policy,0.4444,,wannascribble,,0,,,"Zero veterans among these ""how fast can I go to war"" candidates. Easy putting other people's kids in harm's way #gopdebates",,2015-08-06 19:46:28 -0700,629483719384956928,"Bellevue, WA",Pacific Time (US & Canada) -10937,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,0.6859999999999999,,tonibirdsong,,1,,,Oh @RealBenCarson you are brilliant & I love you but please drink a few Red Bulls before the next debate. #GOPdebates 🇺🇸,,2015-08-06 19:46:28 -0700,629483717531201537,"Franklin, Tennessee",Central Time (US & Canada) -10938,Donald Trump,1.0,yes,1.0,Negative,0.6867,FOX News or Moderators,1.0,,_Mereee_,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:46:27 -0700,629483716193218564,"Raleigh, NC",Eastern Time (US & Canada) -10939,No candidate mentioned,0.4028,yes,0.6347,Neutral,0.6347,None of the above,0.4028,,JohnnyVBoykins,,0,,,The Military industrial complex is alive and well. #GOPDebates,,2015-08-06 19:46:25 -0700,629483707322208256,"Tampa Bay, Florida",Eastern Time (US & Canada) -10940,Ben Carson,0.4707,yes,0.6859999999999999,Negative,0.6859999999999999,None of the above,0.4707,,DriveHustle,,0,,,@AminESPN Ben Carson is proof that even if you're a neurosurgeon who looks like Marvin Gaye..you get 0 face time in the #GOPDebates,,2015-08-06 19:46:24 -0700,629483703912255488,,Eastern Time (US & Canada) -10941,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,0.3556,,captainanglin,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:46:24 -0700,629483702788030465,"Bunker, USA",Eastern Time (US & Canada) -10942,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PeggyPatriot,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:46:21 -0700,629483689592754180,OH-IO,America/New_York -10943,Mike Huckabee,1.0,yes,1.0,Negative,0.6374,None of the above,0.3626,,ikariusrising,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:46:21 -0700,629483688489840640,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -10944,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,,0.233,,Tim_Landers78,,1,,,Do we really need to make the largest military power in the world bigger? #GOPDebates #warmongers,,2015-08-06 19:46:19 -0700,629483681900421120,"Mesa,AZ",Pacific Time (US & Canada) -10945,Donald Trump,0.6667,yes,1.0,Negative,1.0,None of the above,1.0,,debraraes,,0,,,Yes he did @BernardGoldberg #GOPDebates. Not even a nice try lib!,,2015-08-06 19:46:15 -0700,629483666087940097,New Mexico,Central Time (US & Canada) -10946,No candidate mentioned,0.4123,yes,0.6421,Negative,0.3263,Foreign Policy,0.4123,,ElyssaJechow,,0,,,We looooooove Israel so much. #hypocrite #GOPDebates,,2015-08-06 19:46:15 -0700,629483665974788097,"New York, NY",Central Time (US & Canada) -10947,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,trevinotakes10,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:46:15 -0700,629483663940558848,,America/Chicago -10948,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6629,,Kinspears,,1,,,Asking about abortion - where are the women? Asking about the military - where are the veterans? #GOPDebates,,2015-08-06 19:46:15 -0700,629483662480949248,Washington D.C. ,Eastern Time (US & Canada) -10949,Donald Trump,1.0,yes,1.0,Negative,0.6444,FOX News or Moderators,1.0,,tonyzump,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:46:09 -0700,629483639038976000,upstate ny, -10950,Donald Trump,1.0,yes,1.0,Neutral,0.3441,FOX News or Moderators,1.0,,HonestyHo,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:46:08 -0700,629483634907586560,USA,Eastern Time (US & Canada) -10951,Mike Huckabee,1.0,yes,1.0,Negative,0.6495,None of the above,1.0,,skitzMcgurk,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:46:03 -0700,629483612237230081,Los Angeles,Pacific Time (US & Canada) -10952,Marco Rubio,1.0,yes,1.0,Positive,1.0,Abortion,0.7045,,YoungPros4Rubio,,1,,,RT @fan48: @YoungPros4Rubio @RickCanton RUBIO awesome response on pro life #GOPDebates #Rubio2016,,2015-08-06 19:46:02 -0700,629483610727424000,US of A, -10953,Mike Huckabee,1.0,yes,1.0,Negative,0.3454,None of the above,1.0,,bjonesdesigner,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:46:00 -0700,629483599469809668,"Knoxville, TN",Eastern Time (US & Canada) -10954,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lenlucas46,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:45:59 -0700,629483596827488256,, -10955,Mike Huckabee,1.0,yes,1.0,Negative,0.6705,Foreign Policy,0.3409,,queerquxxn,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:55 -0700,629483579572006912,vanessa is my sunshine,Eastern Time (US & Canada) -10956,Ben Carson,1.0,yes,1.0,Negative,0.6587,None of the above,1.0,,msgoddessrises,,0,,,Yeah they are ignoring him. #Carson #GOPDebates https://t.co/DSU6T7E1wN,,2015-08-06 19:45:54 -0700,629483577034457089,Viva Las Vegas NV.,Pacific Time (US & Canada) -10957,Mike Huckabee,1.0,yes,1.0,Negative,0.6596,Healthcare (including Medicare),0.6596,,RememberZion,,0,,,#Huckabee attacks #trans #medical care at #GOPDebates.,,2015-08-06 19:45:53 -0700,629483573792280576,"Carson City, Nevada", -10958,Mike Huckabee,1.0,yes,1.0,Neutral,0.6703,Foreign Policy,0.6484,,Janiebt,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:51 -0700,629483564271312896,Nola,Central Time (US & Canada) -10959,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cablenewsguy,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:45:47 -0700,629483547770941440,"Falconer, NY", -10960,No candidate mentioned,1.0,yes,1.0,Negative,0.6395,None of the above,1.0,,EnzoWestie,,0,,,Anyone think we'll get questions on #climatechange? #gopdebates,,2015-08-06 19:45:45 -0700,629483538199375873,"Austin, Texas",Central Time (US & Canada) -10961,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,annalouiesuss,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:44 -0700,629483532503662592,, -10962,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,TattercoatLewis,,3,,,RT @_RyanTurek: #GOPDebates brought to you by… STRAIGHT OUTTA COMPTON.,,2015-08-06 19:45:41 -0700,629483523024519168,"Macomb, Monmouth and The Quads",Central Time (US & Canada) -10963,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6596,,willywaxman,,0,,,Don't tell Mile Huckabee about military integration or Ted Cruz about Iran Contra or any of these guys about history in general #GOPDebates,,2015-08-06 19:45:40 -0700,629483515688562688,, -10964,No candidate mentioned,1.0,yes,1.0,Neutral,0.6643,None of the above,1.0,,BWiz55,,1,,,"RT @aharperrose: Shout out out to @BretBaier's tanning salon, the real winner of this debate. #GOPDebates",,2015-08-06 19:45:38 -0700,629483510986854400,,Central Time (US & Canada) -10965,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,onesedonia,,0,,,"@onesedonia: Huckabee wtf... -#GOPDebates -Lol -Thanks @BeesKnees_pdx",,2015-08-06 19:45:35 -0700,629483495388098561,Pacific Northwest,Pacific Time (US & Canada) -10966,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6848,,qnoftherealm,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:31 -0700,629483480087314433,Missouri,Central Time (US & Canada) -10967,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kalie_jay,,0,,,Where did Rand Paul even come from? What a yahoo. #GOPDebates,,2015-08-06 19:45:30 -0700,629483476677300224,"Land of 10,000 Lakes",Central Time (US & Canada) -10968,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2222,,charlesawest,,0,,,"Republican talking points: Iran, Immigration, military. Hate and War. Same old shit. #GOPDebates #RepublicanDebate",,2015-08-06 19:45:29 -0700,629483472504102912,"Hartford, CT",Eastern Time (US & Canada) -10969,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,CathyCulp,,0,,,@loudobbsnews #dobbs #GOPdebates I LIKE @GovMikeHuckabee,,2015-08-06 19:45:27 -0700,629483463775641604,"Brentwood, TN",Central Time (US & Canada) -10970,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CritchlowPaul,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:45:27 -0700,629483462093877248,Pennsylvania , -10971,Donald Trump,1.0,yes,1.0,Negative,0.6634,FOX News or Moderators,1.0,,tribaldawg,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:45:25 -0700,629483453919174656,,Central Time (US & Canada) -10972,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CMarPA,,0,,,This group #gopdebates are idiots. Don't think Dems have to worry about losing the White House.,,2015-08-06 19:45:22 -0700,629483444028833792,PA,Eastern Time (US & Canada) -10973,Mike Huckabee,0.6667,yes,1.0,Negative,1.0,None of the above,0.6667,,jsn2007,,0,,,@EODChick @GovMikeHuckabee I thought I had seen it all. #GOPDebates,,2015-08-06 19:45:22 -0700,629483442003136512,USA,Eastern Time (US & Canada) -10974,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Preparedforsurv,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:22 -0700,629483441470480384,, -10975,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,lamblock,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:22 -0700,629483441231298560,TrollsAreBeatenIntoSubmission,Eastern Time (US & Canada) -10976,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,None of the above,1.0,,UsesBadWords,,0,,,Truly the greatest show on earth. #GOPClownCar #GOPDebates,,2015-08-06 19:45:21 -0700,629483436428914688,Indiana,Central Time (US & Canada) -10977,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MasegoMokgoko,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:20 -0700,629483432247205888,, -10978,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,akandez,,3,,,RT @mandy_velez: So trans soldiers can die for you Huckabee but you can't foot the bill to make them fulfilled as human beings? Really? #GO…,,2015-08-06 19:45:19 -0700,629483428585455616,"New York, N.Y.",Eastern Time (US & Canada) -10979,No candidate mentioned,0.4493,yes,0.6703,Neutral,0.6703,None of the above,0.4493,,FCDrunk,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:45:18 -0700,629483423678070784,"NY 2 TX 2 VA 2 TX - Plano, TX",Central Time (US & Canada) -10980,No candidate mentioned,0.4373,yes,0.6613,Neutral,0.3387,None of the above,0.4373,,TheBeatlesRule4,,0,,,"Mush? Bayonets? What is this, Walker? A Revolutionary War site or #GOPDebates",,2015-08-06 19:45:15 -0700,629483410960953349,, -10981,Mike Huckabee,1.0,yes,1.0,Negative,0.6541,None of the above,1.0,,mmgallo1,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:14 -0700,629483410113761280,Miami , -10982,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MarketerMitch,,0,,,"In 15 mins, we'll go from 8 blowhards who talked a lot, but didn't say much, to 1 guy whose work spoke volumes. @TheDailyShow #GOPDebates",,2015-08-06 19:45:13 -0700,629483406473084929,"East Village, NYC",Eastern Time (US & Canada) -10983,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,judymorris3,,0,,,"CDM @RWSurferGirl 9m9 minutes ago -Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates",,2015-08-06 19:45:12 -0700,629483400265658368,Texas,Central Time (US & Canada) -10984,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,American__Betty,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:10 -0700,629483393143689216,Sanity & Common Sense,Eastern Time (US & Canada) -10985,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rustianna10,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:07 -0700,629483378484449280,Happy near Portland Oregon, -10986,Ben Carson,0.6428,yes,1.0,Positive,1.0,None of the above,0.6428,,HelicaLG,,1,,,RT @BrentsChirps: Ben Carson doesn't talk trash. Mature speaker of truth. Maturity and strength on display at #GOPDebates #FOXNEWSDEBATE #W…,,2015-08-06 19:45:06 -0700,629483376177729537,"Saginaw, Michigan",Eastern Time (US & Canada) -10987,Donald Trump,1.0,yes,1.0,Positive,0.6778,FOX News or Moderators,0.6778,,BduayneAllen,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:45:05 -0700,629483370775449600,, -10988,Mike Huckabee,1.0,yes,1.0,Negative,0.6809,None of the above,0.6489,,jrpatino12,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:02 -0700,629483358372769792,HOME,Arizona -10989,Mike Huckabee,1.0,yes,1.0,Negative,0.6559,None of the above,1.0,,pcosdeaf,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:45:01 -0700,629483352047816704,,Pacific Time (US & Canada) -10990,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobynSChilson,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:45:00 -0700,629483348126248960,Pennsylvania,Atlantic Time (Canada) -10991,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,viadear,,0,,,"Say, ""Bibi."" C'mon. You know you want to. #GOPDebates",,2015-08-06 19:44:58 -0700,629483343470534656,,Atlantic Time (Canada) -10992,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,ChailleMcCann,,0,,,I can't wait to not remember all these bros names. #GOP #GOPDebate #GOP2016 #ClownCar #GOPDebates,,2015-08-06 19:44:58 -0700,629483341637623808,"Austin, TX",Central Time (US & Canada) -10993,Mike Huckabee,0.4085,yes,0.6392,Negative,0.6392,None of the above,0.4085,,mc4llister,,0,,,Absurd statement by Huckabee #GOPDebates https://t.co/H41d93xlgN,,2015-08-06 19:44:57 -0700,629483338114428932,"Washington, DC",Mountain Time (US & Canada) -10994,Jeb Bush,1.0,yes,1.0,Negative,0.7054,None of the above,1.0,,suziique03,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:44:55 -0700,629483328710791168,"Key West,Fl / Beaufort Sc",Eastern Time (US & Canada) -10995,Donald Trump,1.0,yes,1.0,Negative,0.6239,FOX News or Moderators,0.6239,,jayleespring,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:44:54 -0700,629483322616320000,Arizona, -10996,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,averykayla,,0,,,"No @RandPaul everyone has said they are ""the only one on this stage"" literally everyone has said that already #GOPDebates",,2015-08-06 19:44:53 -0700,629483321479831552,Boston,Eastern Time (US & Canada) -10997,Chris Christie,0.68,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,meathouse60005,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:44:53 -0700,629483320976515072,USA-world's greatest country,Central Time (US & Canada) -10998,Donald Trump,1.0,yes,1.0,Negative,0.3571,None of the above,1.0,,Akheperure,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:44:53 -0700,629483318929559552,"Golden, CO",Mountain Time (US & Canada) -10999,Ben Carson,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,JulsHaze,,1,,,"RT @ccabrera83: Ben Carson is saying military didnt hv capability to strike Assad. Goodbye, dude. Youre nuts. #gopdebates #FoxDebate",,2015-08-06 19:44:52 -0700,629483316169809920,"Cordova, TN",Central Time (US & Canada) -11000,Jeb Bush,1.0,yes,1.0,Neutral,0.6875,FOX News or Moderators,0.6875,,hobbsislander,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:44:52 -0700,629483316140482561,Cul de Sac off Copperhead Rd, -11001,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tlgiddy,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:44:51 -0700,629483312516444160,, -11002,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6593,,trerho3,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:48 -0700,629483299434442752,Splackavellie, -11003,Mike Huckabee,1.0,yes,1.0,Negative,0.6917,Foreign Policy,0.35700000000000004,,NickiGrimaj,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:47 -0700,629483296355971072,☆ ゜・。。・゜★ ゜・。。・゜☆,Eastern Time (US & Canada) -11004,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,festivas,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:44:47 -0700,629483295911342080,Uncharted Territory,Quito -11005,Donald Trump,1.0,yes,1.0,Negative,0.3645,None of the above,1.0,,Cock_Diesel12,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:44:46 -0700,629483291683463169,"Henderson, LA", -11006,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6563,,_lailaabbas,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:45 -0700,629483285102653440, فلسطين ,EST -11007,No candidate mentioned,1.0,yes,1.0,Neutral,0.6585,None of the above,1.0,,MacyOos,,3,,,RT @SupermanHotMale: I'm popeye the sailor man... #GopDebates http://t.co/4jO4UQng89,,2015-08-06 19:44:44 -0700,629483283475263488,Southern Florida,Atlantic Time (Canada) -11008,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6703,,ZenaSzanto,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:44:44 -0700,629483280824336384,, -11009,Mike Huckabee,0.4233,yes,0.6506,Negative,0.6506,Foreign Policy,0.2273,,elleryprescott,,0,,,"""The purpose of the military is to kill people and break things."" - #MikeHuckabee #GOPdebates",,2015-08-06 19:44:43 -0700,629483280023339008,"Taipei, Taiwan",Central Time (US & Canada) -11010,No candidate mentioned,1.0,yes,1.0,Negative,0.6781,None of the above,0.674,,scribofelidae,,3,,,"RT @landley: So @berniesanders is watching #gopdebates on television, and his staff is livetweeting what he yells at the TV: https://t.co/Y…",,2015-08-06 19:44:43 -0700,629483278370652161,"Vancouver, Canada",Pacific Time (US & Canada) -11011,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kearneydan4422,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:44:42 -0700,629483274440679424,, -11012,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,RobsRamblins,,0,,,"Like that crazy inter-racial thing? #Huckabee on military-""not a social experiment."" #GOPDebates",,2015-08-06 19:44:41 -0700,629483268493066242,,Arizona -11013,No candidate mentioned,1.0,yes,1.0,Negative,0.6659999999999999,None of the above,1.0,,ComicStevieMack,,0,,,There are a lot of #orange people on the #GOPdebates HA!,,2015-08-06 19:44:38 -0700,629483256749031424,"Hollywood, CA",Pacific Time (US & Canada) -11014,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bdahl502,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:44:37 -0700,629483253322285056,, -11015,No candidate mentioned,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.2266,,Chatney_Grimm,,0,,,"""To kill people and break things."" #GOPDebates",,2015-08-06 19:44:36 -0700,629483248121417728,, -11016,Mike Huckabee,1.0,yes,1.0,Negative,0.6596,None of the above,0.3511,,M_I_C__,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:36 -0700,629483247286812672,,Eastern Time (US & Canada) -11017,Donald Trump,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,Q_Element,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:44:35 -0700,629483245017563136,Atlanta,Eastern Time (US & Canada) -11018,Jeb Bush,1.0,yes,1.0,Negative,0.6548,None of the above,1.0,,prepperknowhow,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:44:32 -0700,629483234028421120,"Arlington, VA", -11019,Mike Huckabee,1.0,yes,1.0,Negative,0.6829,Foreign Policy,0.6951,,hoodrichglossy,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:32 -0700,629483232581537793,Miami ☀,Quito -11020,Mike Huckabee,1.0,yes,1.0,Negative,0.6421,Gun Control,0.6421,,arniqua,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:30 -0700,629483223836422144,earth or something,Eastern Time (US & Canada) -11021,Ted Cruz,0.4553,yes,0.6748,Negative,0.6748,None of the above,0.2336,,daxdesai,,0,,,I can't believe Ted Cruz just referenced Reagan and the hostage release. Most people don't know about weapons for hostages.#GOPDebates,,2015-08-06 19:44:30 -0700,629483223412707328,"Houston, TX",Central Time (US & Canada) -11022,No candidate mentioned,0.4398,yes,0.6632,Negative,0.6632,Women's Issues (not abortion though),0.2373,,Twitlertwit,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:44:30 -0700,629483222527684608,Cali,Pacific Time (US & Canada) -11023,Mike Huckabee,1.0,yes,1.0,Negative,0.6629,Foreign Policy,0.6742,,kgthekidddd,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:28 -0700,629483216865333248,houstalantavegas ,Pacific Time (US & Canada) -11024,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,SalMasekela,,0,,,Mike Huckabee thinks transgender people can't kill people or break things? He'd better ask somebody. #GOPDebates,,2015-08-06 19:44:27 -0700,629483211979010049,The Universe,Pacific Time (US & Canada) -11025,Ben Carson,0.435,yes,0.6596,Negative,0.6596,None of the above,0.435,,Wielsucker,,0,,,"I have a friend that looks and talks just like Ben Carson, it's ruining the debate for me. #GOPDebates",,2015-08-06 19:44:27 -0700,629483210641121280,In...cognito (KLZU) ,Eastern Time (US & Canada) -11026,No candidate mentioned,1.0,yes,1.0,Negative,0.6744,Foreign Policy,0.6744,,KateAronoff,,2,,,FYI US defense spending compared to other countries #GOPDebates http://t.co/0l8Ct4fgCO,,2015-08-06 19:44:27 -0700,629483210573877248,Brooklyn, -11027,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,wlfpack81,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:26 -0700,629483207394742273,DC/DMV via the 757...,Eastern Time (US & Canada) -11028,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6629,,geminiaunatural,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:26 -0700,629483207264604160,N 28°36' 0'' / W 81°12' 0'',Central Time (US & Canada) -11029,Ben Carson,0.4782,yes,0.6915,Negative,0.6915,None of the above,0.4782,,LogicthePoet,,0,,,"If i was playing a drinking game, where i took a shot every time they remembered Ben Carson was there, I'D BE SOBER. - -#Token, #GOPDebates",,2015-08-06 19:44:24 -0700,629483200453210112,Winterfell,Eastern Time (US & Canada) -11030,Mike Huckabee,1.0,yes,1.0,Negative,0.6403,None of the above,1.0,,texas_dreamer,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:23 -0700,629483196015472641,, -11031,Mike Huckabee,1.0,yes,1.0,Negative,0.6629,Foreign Policy,0.6854,,WalktheWeilside,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:22 -0700,629483189824663552,, -11032,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LadyTasanna,,3,,,RT @SupermanHotMale: These fox news debates are no more than comedy at the laugh store... it's all for fun. #GopDebates,,2015-08-06 19:44:21 -0700,629483184682586112,St.Kitts /Caribbean , -11033,Donald Trump,1.0,yes,1.0,Positive,0.6517,FOX News or Moderators,1.0,,Speshlk0510,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:44:16 -0700,629483166420500480,My own private Idaho,Pacific Time (US & Canada) -11034,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,mandy_velez,,3,,,So trans soldiers can die for you Huckabee but you can't foot the bill to make them fulfilled as human beings? Really? #GOPDebates,,2015-08-06 19:44:16 -0700,629483164432498688,"Philly-bred, NYC now",Central Time (US & Canada) -11035,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ninamills,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:44:12 -0700,629483150515683328,,Alaska -11036,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6848,,therealjvincent,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:12 -0700,629483148917628928,East Coast,Eastern Time (US & Canada) -11037,Mike Huckabee,1.0,yes,1.0,Positive,0.6493,None of the above,1.0,,averykayla,,0,,,Whoah! @MikeHuckabeeGOP is a B-52s fan??? Dammit I might like him now #GOPDebates,,2015-08-06 19:44:11 -0700,629483146103418881,Boston,Eastern Time (US & Canada) -11038,Mike Huckabee,1.0,yes,1.0,Positive,0.6822,Foreign Policy,0.3591,,jasper_deezy,,1,,,Mike Huckabee quoting Limp Bizkit lyrics for his military talking points #BreakStuff #GOPDebates,,2015-08-06 19:44:11 -0700,629483145436336128,, -11039,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,toilettweetage,,4,,,"RT @SupermanHotMale: Dear Jeb Bush, Your Record, Sir is clear, you are a fucking ememy of the voting public... PERIOD. #GopDebates",,2015-08-06 19:44:11 -0700,629483143045738496,New York,Central Time (US & Canada) -11040,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6854,,OrginalSangster,,0,,,Wasted opportunity to ask a doctor what science is #DebateWithBernie #GOPDebacle #GOPDebates,,2015-08-06 19:44:11 -0700,629483142785671168,Chicago IL,Alaska -11041,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,0.6667,,daryljwalters,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:09 -0700,629483137307795457,Louisiana Made Princeton Paid,Central Time (US & Canada) -11042,Donald Trump,1.0,yes,1.0,Negative,0.6785,FOX News or Moderators,0.6859,,SirYussly,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:44:08 -0700,629483133012873220,#Uranus,Hawaii -11043,Mike Huckabee,1.0,yes,1.0,Negative,0.6842,Women's Issues (not abortion though),0.6842,,safu_z,,1,,,"RT @jsn2007: ""The military is not a social experiment."" @GovMikeHuckabee Does that include women too? You have no idea. #gopdebates",,2015-08-06 19:44:07 -0700,629483126809600000,"Columbus, OH",Eastern Time (US & Canada) -11044,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,talk2zoe,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:44:07 -0700,629483125513523200,Changes with the moment.,Central Time (US & Canada) -11045,No candidate mentioned,0.4373,yes,0.6613,Positive,0.6613,LGBT issues,0.22399999999999998,,adall,,0,,,I do have to admit that I am pleasantly surprised at the questions from the moderators. Transgender issues? Unexpected. #GOPdebates,,2015-08-06 19:44:05 -0700,629483120362962944,,Eastern Time (US & Canada) -11046,Mike Huckabee,1.0,yes,1.0,Negative,0.6733,None of the above,0.6733,,melaninprince,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:05 -0700,629483119079460865,la dolce vita,Eastern Time (US & Canada) -11047,No candidate mentioned,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,landley,,3,,,"So @berniesanders is watching #gopdebates on television, and his staff is livetweeting what he yells at the TV: https://t.co/YwVEnORhgf",,2015-08-06 19:44:03 -0700,629483112825655296,"Austin, TX",Central Time (US & Canada) -11048,Mike Huckabee,0.3889,yes,0.6237,Neutral,0.3333,Foreign Policy,0.3889,,Dreamdefenders,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:03 -0700,629483108849463297,Florida,Eastern Time (US & Canada) -11049,No candidate mentioned,1.0,yes,1.0,Negative,0.6679999999999999,None of the above,0.6314,,KatelynFrontino,,0,,,"""The disaster is that we forgot that we have a military"" yes, just yes #GOPDebates",,2015-08-06 19:44:02 -0700,629483108539109376,,Eastern Time (US & Canada) -11050,Mike Huckabee,1.0,yes,1.0,Negative,0.6404,None of the above,1.0,,suzwoehrle,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:44:01 -0700,629483104432844800,"Minneapolis, MN",Central Time (US & Canada) -11051,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,juliemains,,0,,,"If my IQ were 80 or less, I think these assholes would seem really coherent. - -#GOPDebates",,2015-08-06 19:44:01 -0700,629483104055365632,In the present moment. ,Pacific Time (US & Canada) -11052,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,Cody_Daugherty2,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 19:44:01 -0700,629483101941534720,"Ashland, Kentucky", -11053,No candidate mentioned,1.0,yes,1.0,Negative,0.6725,FOX News or Moderators,0.6273,,niladri_kgp,,3,,,RT @SupermanHotMale: These fox news debates are no more than comedy at the laugh store... it's all for fun. #GopDebates,,2015-08-06 19:44:00 -0700,629483099638796288,Kharagpur ♡ পশ্চিমবঙ্গ ♡ IND,New Delhi -11054,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cIosetintrovert,,0,,,"""Define 'shore up,' you ignorant motherfucking jackass."" -#GOPDebates #GOPDbate #BenCarson",,2015-08-06 19:44:00 -0700,629483097541578752,"Muffinville, USA",Pacific Time (US & Canada) -11055,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,Foreign Policy,0.6629999999999999,,PatatREMAX,,1,,,"RT @elleryprescott: Why don't they all just chant ""war"" together? - -#GOPdebates #republicandebates #debate #GOP #debatewithbernie",,2015-08-06 19:43:59 -0700,629483095989878785,Ventnor NJ,Eastern Time (US & Canada) -11056,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.3624,,tamara_angelaDC,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:43:58 -0700,629483091346763777,,Atlantic Time (Canada) -11057,Donald Trump,1.0,yes,1.0,Negative,0.7128,FOX News or Moderators,1.0,,R_del_Mar,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:56 -0700,629483083121606656,USA,Central Time (US & Canada) -11058,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,michsm30,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:55 -0700,629483078310756352,Montana, -11059,Mike Huckabee,1.0,yes,1.0,Negative,0.6458,None of the above,1.0,,zxnaida,,0,,,I feel like Mike Huckabee would smell like Fancy Feast cat food and Bengay #GOPDebates,,2015-08-06 19:43:53 -0700,629483069997625344,la serna hs senior ,Arizona -11060,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,debbierose4444,,2,,,RT @jennrios1191: @BretBaier is by far the best moderator tonight. Hands down. #GOPDebate @FoxNews #GOPDebates Nice job Bret!,,2015-08-06 19:43:53 -0700,629483067284045826,, -11061,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bugsboom,,0,,,#GOPDebate @ScottWalker looks gormless. I don't know but he reminds me of the kind of guys I avoid trying to hit on me in bars! #GOPDebates,,2015-08-06 19:43:52 -0700,629483063366549504,"Richmond area, VA",Eastern Time (US & Canada) -11062,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,FOX News or Moderators,1.0,,TerrenTooDope,,3,,,RT @SupermanHotMale: These fox news debates are no more than comedy at the laugh store... it's all for fun. #GopDebates,,2015-08-06 19:43:52 -0700,629483063089696768,In The Stars✨, -11063,Donald Trump,1.0,yes,1.0,Positive,0.6965,FOX News or Moderators,1.0,,angelavansoest,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:43:51 -0700,629483060719951873,NEW YORK!!, -11064,Mike Huckabee,0.4542,yes,0.6739,Negative,0.6739,Women's Issues (not abortion though),0.4542,,jsn2007,,1,,,"""The military is not a social experiment."" @GovMikeHuckabee Does that include women too? You have no idea. #gopdebates",,2015-08-06 19:43:50 -0700,629483055938412544,USA,Eastern Time (US & Canada) -11065,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6652,,SandraLongoria,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:49 -0700,629483053568561152,Texas, -11066,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,adamvancott,,0,,,"""Kill people, and break things"" that quote is terrifying. #GOPDebates",,2015-08-06 19:43:48 -0700,629483048782983168,,Pacific Time (US & Canada) -11067,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,carinahaley,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:43:47 -0700,629483044454313984,"Los Angeles, California", -11068,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mike_gtrsing,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:43:46 -0700,629483039790338048,, -11069,Scott Walker,1.0,yes,1.0,Negative,0.6848,None of the above,0.6413,,TheCKIrwin,,0,,,"""Russia knows more about Hillary's emails than we do!"" Zinger point for @ScottWalker #GOPDebates #",,2015-08-06 19:43:45 -0700,629483035029712896,"Los Angeles, CA",Pacific Time (US & Canada) -11070,Ted Cruz,1.0,yes,1.0,Negative,0.6949,Foreign Policy,1.0,,Kim_Rehberg,,0,,,"Cruz refers to terrible ""Obama-Clinton foreign policy"" of the past 6 years. Kerry has been SOS since 2/13. #GOPDebates #ClownCar #clueless",,2015-08-06 19:43:45 -0700,629483034920755200,, -11071,No candidate mentioned,0.6506,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RRJG1,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:44 -0700,629483032861241348,OC Southern California SD,Pacific Time (US & Canada) -11072,Scott Walker,1.0,yes,1.0,Negative,0.6591,Foreign Policy,0.6591,,BrendanKKirby,,0,,,"On Russia, @ScottWalker endorses sending arms to Ukraine. #LZDebates #GOPdebates",,2015-08-06 19:43:44 -0700,629483030478848001,"Mobile, AL",Central Time (US & Canada) -11073,Ted Cruz,1.0,yes,1.0,Negative,0.6896,FOX News or Moderators,1.0,,peakwriter,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:43:43 -0700,629483028494970880,United States of America,Mountain Time (US & Canada) -11074,Chris Christie,0.6774,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Roxinmyhead,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:43 -0700,629483028146978817,Philly ,Eastern Time (US & Canada) -11075,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,W0W_WE,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:43:43 -0700,629483027131965440,SE,Eastern Time (US & Canada) -11076,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,just_ish,,2,,,"RT @jordiemojordie: Mike Huckabee: ""The military is not a social experiment."" -...and being transgendered is? -#GOPDebates",,2015-08-06 19:43:41 -0700,629483017837281280,TX,Eastern Time (US & Canada) -11077,Scott Walker,1.0,yes,1.0,Positive,1.0,Foreign Policy,1.0,,votebjpak,,0,,,Gov @ScottWalker gave a succinct and excellent answer to respond to putin. #GOPDebates,,2015-08-06 19:43:41 -0700,629483017816403969,Lilburn,Atlantic Time (Canada) -11078,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,0.6778,,bboneusa,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:43:39 -0700,629483010346258432,,Eastern Time (US & Canada) -11079,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DrakeHovis,,0,,,I bet Scott Walker has a well-worn pair of Crocs. #GOPDebates,,2015-08-06 19:43:38 -0700,629483006621810693,New York,Eastern Time (US & Canada) -11080,Ted Cruz,1.0,yes,1.0,Positive,0.6923,None of the above,1.0,,MichaelMajor12,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:43:38 -0700,629483004805578753,, -11081,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,saysthumbs,,66,,,"RT @jamiaw: ""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:43:37 -0700,629483000342949889,"Washington, DC",Eastern Time (US & Canada) -11082,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,birdlady1949,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:43:36 -0700,629482998749114368,Maryland, -11083,Donald Trump,1.0,yes,1.0,Negative,0.6701,FOX News or Moderators,1.0,,HomerWhite,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:36 -0700,629482997985714176,,Tehran -11084,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.625,,Coozie_esq,,1,,,#GOPDebates interesting,,2015-08-06 19:43:35 -0700,629482993300561920,Globetrotting, -11085,No candidate mentioned,1.0,yes,1.0,Negative,0.3494,FOX News or Moderators,0.6747,,SupermanHotMale,,3,,,These fox news debates are no more than comedy at the laugh store... it's all for fun. #GopDebates,,2015-08-06 19:43:33 -0700,629482986292019200,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11086,No candidate mentioned,1.0,yes,1.0,Negative,0.6374,Racial issues,1.0,,PinkPimpernel,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:43:33 -0700,629482983704166400,,Atlantic Time (Canada) -11087,Mike Huckabee,0.4512,yes,0.6717,Negative,0.3434,LGBT issues,0.4512,,KyleAlexLittle,,0,,,I wonder what kind of progressive views Mike Huckabee has on transgendered people. #GOPDebates,,2015-08-06 19:43:33 -0700,629482983586680832,"Des Moines, IA",Central Time (US & Canada) -11088,Donald Trump,1.0,yes,1.0,Neutral,0.6773,None of the above,1.0,,kjsc2,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:43:32 -0700,629482979459383296,, -11089,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,HannahClare,,0,,,#GOPDebates #GOPDebateCLE Ronald Reagan http://t.co/iA3UeG9x5q,,2015-08-06 19:43:30 -0700,629482971234369536,Cleveland,Eastern Time (US & Canada) -11090,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6596,,JohnnieOil,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:29 -0700,629482969934139392,"Vancouver Island, BC, Canada ",Mountain Time (US & Canada) -11091,Mike Huckabee,1.0,yes,1.0,Neutral,0.6778,None of the above,0.6667,,jamiaw,,66,,,"""The purpose of the military is to kill people and break things""-Mike Huckabee #GOPDebates #KKKorGOP",,2015-08-06 19:43:28 -0700,629482965584728064,Borderless,Eastern Time (US & Canada) -11092,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,patrickjyoung,,0,,,"Mike Huckabee on trans people ""Kill people and break things"" #GOPdebates",,2015-08-06 19:43:28 -0700,629482963823144961,"Pittsburgh, PA",Eastern Time (US & Canada) -11093,No candidate mentioned,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,scottaxe,,0,,,“@msgoddessrises: Damn I'm out of Peach vodka! #GOPDebates” too bad move to vino!,,2015-08-06 19:43:25 -0700,629482953072996352,Los Angeles , -11094,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6596,,DoubleDipChip,,0,,,The purpose of the military is to kill and break things? This is news to me. #GOPDebates,,2015-08-06 19:43:25 -0700,629482952355876864,, -11095,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,residentfFL,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:25 -0700,629482951051325440,, -11096,No candidate mentioned,1.0,yes,1.0,Negative,0.6846,FOX News or Moderators,1.0,,Mina001,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:43:24 -0700,629482947964309504,USA,Central Time (US & Canada) -11097,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,jordiemojordie,,2,,,"Mike Huckabee: ""The military is not a social experiment."" -...and being transgendered is? -#GOPDebates",,2015-08-06 19:43:23 -0700,629482942776016896,Chicago | Eastman,Quito -11098,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6703,,dudeinchicago,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:43:23 -0700,629482942742536196,, -11099,Ben Carson,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,TheBeatlesRule4,,0,,,Wait- Ben Carson is actually in these debates? What does he do in his downtime? I hope he brought a book. #GOPDebates,,2015-08-06 19:43:19 -0700,629482926820818944,, -11100,Scott Walker,1.0,yes,1.0,Neutral,0.6674,None of the above,1.0,,DirkLangeveld,,0,,,"""More mushin' for the pushin'"" --Scott Walker #GOPDebates",,2015-08-06 19:43:19 -0700,629482926724526081,"New London, CT",Central Time (US & Canada) -11101,Scott Walker,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sassypants977,,0,,,China & Russia's servers know more about Hilary Clinton's emails than we do. 👏🏻👏🏻👏🏻 @ScottWalker #GOPDebates,,2015-08-06 19:43:18 -0700,629482920986542080,, -11102,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SMolloyDVM,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:43:17 -0700,629482919606628352, Landof10kLibs✟Matt24✟Jn14:6✟, -11103,Donald Trump,1.0,yes,1.0,Positive,0.3671,None of the above,1.0,,_Blairrrr_,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:43:16 -0700,629482915408121856,,Central Time (US & Canada) -11104,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Mormfilmjunkie,,4,,,RT @Lukewearechange: where is this evidence that these hacks talk about when it comes to Syria #GOPDebates,,2015-08-06 19:43:15 -0700,629482909519511553,m.e.k, -11105,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6371,,mark85nh,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:43:12 -0700,629482897221791744,New Hampshire,Eastern Time (US & Canada) -11106,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,comicpauline,,0,,,"So FoxNews just shut down the debate stream on SKY. -Just a little controlling are we? - -#GOPDebates",,2015-08-06 19:43:12 -0700,629482895539699712,"Van Nuys, CA",Pacific Time (US & Canada) -11107,Scott Walker,1.0,yes,1.0,Positive,0.6546,None of the above,1.0,,MHVadney,,0,,,"I don't care about the Clinton email issue, but Walker's zinger was pretty good. #GOPDebates",,2015-08-06 19:43:11 -0700,629482893367222272,,Atlantic Time (Canada) -11108,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6739,,Dmitri_Gusev,,3,,,"RT @PuestoLoco: .@dccc @PPFA -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/b…",,2015-08-06 19:43:08 -0700,629482881002393600,"Greenwood, IN",Atlantic Time (Canada) -11109,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WillametteM,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:43:08 -0700,629482879202885632,Beautiful State of Oregon, -11110,No candidate mentioned,1.0,yes,1.0,Neutral,0.6526,Racial issues,0.6632,,rrkennison,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:43:07 -0700,629482875541397505,New York,Eastern Time (US & Canada) -11111,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Hobbie_VK,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:43:06 -0700,629482872320212992,"Michigan, USA",Eastern Time (US & Canada) -11112,No candidate mentioned,0.4853,yes,0.6966,Negative,0.6966,None of the above,0.4853,,16campaignbites,,0,,,"Because he wore his klansman cap last night and it messed up his part -#GOPDebates #Democrats https://t.co/YcMDUP7Ikm",,2015-08-06 19:43:06 -0700,629482870940110848,"Indianapolis, IN",Pacific Time (US & Canada) -11113,Ben Carson,1.0,yes,1.0,Neutral,0.6417,None of the above,1.0,,ikariusrising,,2,,,RT @Sidney7725: #GOPDebates Ben Carson take my advice and try to be the surgeon general,,2015-08-06 19:43:06 -0700,629482870310989825,"Brooklyn (Kings County), NY",Eastern Time (US & Canada) -11114,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,jennrios1191,,2,,,@BretBaier is by far the best moderator tonight. Hands down. #GOPDebate @FoxNews #GOPDebates Nice job Bret!,,2015-08-06 19:43:05 -0700,629482866888589312,, -11115,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,LeahR77,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:43:04 -0700,629482864388784128, AZ,Eastern Time (US & Canada) -11116,Ben Carson,0.6739,yes,1.0,Positive,1.0,None of the above,1.0,,tonibirdsong,,0,,,"""The Progressive movement is causing our problems and @HillaryClinton is the epitome of that."" - @RealBenCarson #GOPdebates 🇺🇸 < agree",,2015-08-06 19:43:02 -0700,629482856029507584,"Franklin, Tennessee",Central Time (US & Canada) -11117,Ben Carson,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6383,,ccabrera83,,1,,,"Ben Carson is saying military didnt hv capability to strike Assad. Goodbye, dude. Youre nuts. #gopdebates #FoxDebate",,2015-08-06 19:43:02 -0700,629482854850822144,San Antonio,Mountain Time (US & Canada) -11118,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Fitzzer777,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:43:01 -0700,629482850165768193,WA,Pacific Time (US & Canada) -11119,No candidate mentioned,0.237,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,ReddTrain,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:43:01 -0700,629482849591123968,"Dallas, TX", -11120,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SteveSzydlik,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:43:00 -0700,629482845090611200,,Central Time (US & Canada) -11121,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,forgedbytrials,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:42:59 -0700,629482842343391232,TX,Central Time (US & Canada) -11122,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jsc1835,,0,,,"Scott Walker, what about YOUR email controversy? #GOPDebates",,2015-08-06 19:42:57 -0700,629482833212391425,,Central Time (US & Canada) -11123,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LIpatriot1,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:56 -0700,629482830913908736,,Quito -11124,Ben Carson,0.4253,yes,0.6522,Neutral,0.3261,Foreign Policy,0.4253,,USCitizen95,,0,,,"Carson: We convinced #Ukraine to give up their nukes, and now Washington won't even give them weapons to defend themselves with. #GOPDebates",,2015-08-06 19:42:56 -0700,629482828028354560,United States,Atlantic Time (Canada) -11125,Ted Cruz,0.6988,yes,1.0,Negative,0.6988,FOX News or Moderators,0.6988,,bboneusa,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:42:53 -0700,629482816439320577,,Eastern Time (US & Canada) -11126,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,None of the above,1.0,,JimmyJames38,,0,,,"When you find moosh, you push... I've been saying that for years #GOPDebates",,2015-08-06 19:42:52 -0700,629482812220022784,Center of the Buckeye,Eastern Time (US & Canada) -11127,No candidate mentioned,1.0,yes,1.0,Neutral,0.6493,None of the above,1.0,,AnyhooT2,,0,,,I NEED ONE TO TALK ABOUT #GOPDebates @ComedyCentral @TheDailyShow https://t.co/e3hJMpoezK,,2015-08-06 19:42:51 -0700,629482809657311232,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -11128,Ted Cruz,0.4385,yes,0.6622,Neutral,0.3596,None of the above,0.4385,,wondayatatime69,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:42:50 -0700,629482805542678528,God's Country , -11129,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,OrginalSangster,,0,,,Scott Walker 2016 'Mush and Steel' #DebateWithBernie #GOPDebates #GOPDebacle,,2015-08-06 19:42:50 -0700,629482804615712768,Chicago IL,Alaska -11130,No candidate mentioned,0.4273,yes,0.6537,Negative,0.6537,None of the above,0.4273,,debraraes,,0,,,"Nope @HillaryClinton I feel like "" #Hilliary2016forPrison "" #GOPDebates #NoMoreLibsOrRinos #ccot #MakeDCListen #pjnet",,2015-08-06 19:42:49 -0700,629482799234351104,New Mexico,Central Time (US & Canada) -11131,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BrentsChirps,,1,,,Ben Carson doesn't talk trash. Mature speaker of truth. Maturity and strength on display at #GOPDebates #FOXNEWSDEBATE #WinBenWin,,2015-08-06 19:42:48 -0700,629482796155695104,the south USA,Eastern Time (US & Canada) -11132,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SabrinaSee,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:42:46 -0700,629482787771322368,"Los Angeles, California",Pacific Time (US & Canada) -11133,Ben Carson,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.7039,,beaniegurl47,,0,,,I love to hear #BenCarson #GOPDebates #DebateQuestionsWeWantToHear he makes perfect sense #Israel awesome,,2015-08-06 19:42:45 -0700,629482785363746817,"Atlanta, GA",Eastern Time (US & Canada) -11134,Scott Walker,1.0,yes,1.0,Negative,0.6915,Foreign Policy,0.3723,,ryanstruyk,,0,,,"Wow, Walker says that Russia/China probably know more about HRC's emails than Congress does. #GOPdebates",,2015-08-06 19:42:44 -0700,629482778481065985,"Washington, DC",Eastern Time (US & Canada) -11135,Ted Cruz,0.4782,yes,0.6915,Neutral,0.3617,FOX News or Moderators,0.4782,,BarbraLWP,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:42:43 -0700,629482776312553472,Virginia,Eastern Time (US & Canada) -11136,No candidate mentioned,1.0,yes,1.0,Positive,0.6735,Foreign Policy,0.6531,,PhilDeCarolis,,4,,,RT @Lukewearechange: where is this evidence that these hacks talk about when it comes to Syria #GOPDebates,,2015-08-06 19:42:42 -0700,629482769391882241,Southern California,Pacific Time (US & Canada) -11137,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,0.6667,,EvanJKessler,,0,,,"Scott Walker: ""We should build walls around other countries."" #GOPDebates",,2015-08-06 19:42:40 -0700,629482763884695552,"Los Angeles, CA",Eastern Time (US & Canada) -11138,Donald Trump,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,Rockprincess818,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:42:40 -0700,629482763704365056,"Calabasas, CA",Pacific Time (US & Canada) -11139,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheJoker,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:42:38 -0700,629482755806474240,Los Angeles,Pacific Time (US & Canada) -11140,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,doordork1966,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:38 -0700,629482755227807744,Virginia,Eastern Time (US & Canada) -11141,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jokesquinn,,0,,,It seems the candidates used their 1st amendment right to free their speech from the context the questions provide. #GOPdebate #GOPDebates,,2015-08-06 19:42:38 -0700,629482754858684416,"38.8951° N, 77.0367° W", -11142,No candidate mentioned,0.6915,yes,1.0,Positive,1.0,Foreign Policy,1.0,,BigBoyBaker,,0,,,Carly knows the leaders and issues in the middle east. #GOPDebates,,2015-08-06 19:42:38 -0700,629482753193570304,"Indiana, U.S.A.",Eastern Time (US & Canada) -11143,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,CMaginness,,0,,,"""I have a real foreign policy question.."" ""Wait, wait, I have this great Hillary Clinton joke."" #GOPDebates",,2015-08-06 19:42:37 -0700,629482750865600512,,Central Time (US & Canada) -11144,No candidate mentioned,1.0,yes,1.0,Neutral,0.6585,None of the above,0.6813,,ThomasTRiddle,,0,,,Isn't there a joke about a Polish missile defense network? #GOPDebates,,2015-08-06 19:42:36 -0700,629482745907933184,,Eastern Time (US & Canada) -11145,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Foreign Policy,1.0,,MissLilySummers,,0,,,Nice to see these candidates oppose Russia's aggressive actions in Europe. #GOPDebates,,2015-08-06 19:42:36 -0700,629482744393953280,"Swansea, Wales.",London -11146,Donald Trump,1.0,yes,1.0,Negative,0.6364,FOX News or Moderators,1.0,,YMcglaun,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:42:36 -0700,629482744096145408,, -11147,Rand Paul,1.0,yes,1.0,Neutral,0.6414,None of the above,1.0,,pamwishbow,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:42:34 -0700,629482738689572864,"Seattle, WA",Eastern Time (US & Canada) -11148,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sgtlloydusmc,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:32 -0700,629482729814364160,,Central America -11149,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bboneusa,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:32 -0700,629482727327166464,,Eastern Time (US & Canada) -11150,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lrmortensen,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:28 -0700,629482711950954496,, -11151,No candidate mentioned,0.6588,yes,1.0,Negative,1.0,None of the above,0.6588,,bobreeves1944,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:25 -0700,629482701540708352,, -11152,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,msgoddessrises,,0,,,Damn I'm out of Peach vodka! #GOPDebates,,2015-08-06 19:42:24 -0700,629482695362359296,Viva Las Vegas NV.,Pacific Time (US & Canada) -11153,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NateMJensen,,0,,,Zero questions on deflategate. #GOPdebates,,2015-08-06 19:42:23 -0700,629482692166447105,"Silver Spring, MD",Eastern Time (US & Canada) -11154,Ben Carson,1.0,yes,1.0,Neutral,0.6977,None of the above,1.0,,dfwrax,,2,,,RT @Sidney7725: #GOPDebates Ben Carson take my advice and try to be the surgeon general,,2015-08-06 19:42:22 -0700,629482688714379264,EVERYWHERE,Quito -11155,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,time4T,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:21 -0700,629482684914470912,"Up North, Wisconsin", -11156,Jeb Bush,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,HeatherRKoonce,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:42:21 -0700,629482682926432256,"Nashville, TN",Central Time (US & Canada) -11157,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6923,,Rockprincess818,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:42:21 -0700,629482682473254912,"Calabasas, CA",Pacific Time (US & Canada) -11158,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SteveSzydlik,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:42:20 -0700,629482678153142272,,Central Time (US & Canada) -11159,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,trump2016fan,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:19 -0700,629482676085354496,"Las Vegas, NV", -11160,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,FOX News or Moderators,0.6809,,DrottM,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:19 -0700,629482674931916800,, -11161,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wisdomforwomen,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:16 -0700,629482662105755649,,Mountain Time (US & Canada) -11162,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RightWingPrince,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:42:15 -0700,629482658842570752,"Kansas, USA", -11163,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jasper_deezy,,0,,,This Roast of Hilary Clinton needs Jeff Ross #GOPDebates,,2015-08-06 19:42:15 -0700,629482656359518208,, -11164,Ted Cruz,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6882,,nancella11,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:42:14 -0700,629482655596220416,somewhere in the west,Pacific Time (US & Canada) -11165,Ted Cruz,1.0,yes,1.0,Positive,0.6356,None of the above,1.0,,Walster4,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:42:14 -0700,629482653868249088,Brooklyn,Eastern Time (US & Canada) -11166,Jeb Bush,1.0,yes,1.0,Negative,0.6829999999999999,FOX News or Moderators,1.0,,Thanatos144,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:42:10 -0700,629482638810685440,"Stuart, Florida",Eastern Time (US & Canada) -11167,Ben Carson,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,Sidney7725,,2,,,#GOPDebates Ben Carson take my advice and try to be the surgeon general,,2015-08-06 19:42:07 -0700,629482622188531712,, -11168,Ben Carson,1.0,yes,1.0,Neutral,0.6386,None of the above,1.0,,ccs2121,,0,,,It seems like Ben Carson REALLY doesn't want to be there. #GOPdebates,,2015-08-06 19:42:06 -0700,629482621089677312,KC, -11169,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Rockprincess818,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:05 -0700,629482617000169472,"Calabasas, CA",Pacific Time (US & Canada) -11170,Chris Christie,0.6809,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DonnaL12,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:42:05 -0700,629482616920670208,none,Eastern Time (US & Canada) -11171,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2375,,alex_uriarte88,,0,,,Basically #GOPdebates http://t.co/HlhKGeybX3,,2015-08-06 19:42:05 -0700,629482615670767616,"Wash, D.C & Miami, FL",Eastern Time (US & Canada) -11172,Mike Huckabee,0.4143,yes,0.6437,Negative,0.3448,None of the above,0.4143,,scornedwoman,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:42:05 -0700,629482614198521857,N.Y.C.,Eastern Time (US & Canada) -11173,Ben Carson,0.4179,yes,0.6465,Positive,0.3333,,0.2285,,Serena_Diva,,0,,,"Ben Carson is caked up with the finest Black Radiance setting powder. -#GOPDebate #GopDebates #BNRDebate #debate",,2015-08-06 19:42:04 -0700,629482612806037504,Living in the library,Eastern Time (US & Canada) -11174,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,FOX News or Moderators,1.0,,TonyPhyrillas,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:42:04 -0700,629482611182841856,"Pottstown, Pennsylvania",Eastern Time (US & Canada) -11175,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,verbal_riot,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:42:04 -0700,629482609865682948,"West Hollywood, CA",Pacific Time (US & Canada) -11176,No candidate mentioned,0.7099,yes,1.0,Negative,0.7099,FOX News or Moderators,1.0,,chadnla,,3,,,"RT @SupermanHotMale: Dear fox news moderator, you forgot to say chinese hacking started under the Bush Admin... #GopDebates",,2015-08-06 19:42:03 -0700,629482608737431552,Los Angeles,Pacific Time (US & Canada) -11177,Ben Carson,1.0,yes,1.0,Positive,0.6413,None of the above,0.6413,,UnitedCitizen01,,1,,,#FOXNEWS #GOPDebates @BenCarson OWNS this Debate when it comes to SMART,,2015-08-06 19:42:00 -0700,629482594040557568,USA,Central Time (US & Canada) -11178,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CordonBob,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:59 -0700,629482592593649665,, -11179,Ted Cruz,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,msgoddessrises,,0,,,😂😂😂😂👍🏻 I tune that poser out! #GOPDebates #CruzhatesGayPeople https://t.co/XaWah7FbT8,,2015-08-06 19:41:58 -0700,629482587086393344,Viva Las Vegas NV.,Pacific Time (US & Canada) -11180,No candidate mentioned,1.0,yes,1.0,Negative,0.6828,FOX News or Moderators,1.0,,VeniceRiley,,0,,,Who is the fox news guy with the white lady movie star tiny nose job? #GOPDebates,,2015-08-06 19:41:58 -0700,629482586373386240,"In the LA Bubble, SoCal",Pacific Time (US & Canada) -11181,Jeb Bush,0.6634,yes,1.0,Negative,0.6607,FOX News or Moderators,1.0,,SteveSzydlik,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:41:56 -0700,629482577552764928,,Central Time (US & Canada) -11182,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jwtolman,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:41:55 -0700,629482574939754500,San Diego,Pacific Time (US & Canada) -11183,Jeb Bush,1.0,yes,1.0,Neutral,0.6495,FOX News or Moderators,1.0,,CookieRj64,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:41:54 -0700,629482570837794816,, -11184,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RickTrotter,,0,,,I'm sure Ben is not ready for any of this. #GOPDebates,,2015-08-06 19:41:54 -0700,629482567679410176,"Memphis, TN",Central Time (US & Canada) -11185,Jeb Bush,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,1.0,,JRpolitirants,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:41:52 -0700,629482562012889088,"Houston, TX", -11186,Donald Trump,1.0,yes,1.0,Negative,0.6903,None of the above,1.0,,gharo34,,0,,,"We need a ""Donald Trump Red Zone"" for these #GOPDebates...it just show us the parts where he speaks.",,2015-08-06 19:41:50 -0700,629482554584764417,"Irving, TX / Los Angeles, CA", -11187,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,VoiceOverPerson,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:41:49 -0700,629482548746416128,Georgia,Eastern Time (US & Canada) -11188,Ted Cruz,1.0,yes,1.0,Negative,0.6965,None of the above,1.0,,BigCPDX,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:41:48 -0700,629482543956385792,"Rose City, Cascadia, Earth 616",Pacific Time (US & Canada) -11189,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6322,,elleryprescott,,1,,,"Why don't they all just chant ""war"" together? - -#GOPdebates #republicandebates #debate #GOP #debatewithbernie",,2015-08-06 19:41:46 -0700,629482535790231552,"Taipei, Taiwan",Central Time (US & Canada) -11190,No candidate mentioned,1.0,yes,1.0,Neutral,0.6776,None of the above,1.0,,chellelynnadams,,0,,,I wanted to be at work early tomorrow. I blame the #GOPDebates and #patron for my tardiness tomorrow....,,2015-08-06 19:41:42 -0700,629482518132183040,"Grove City, Ohio",Atlantic Time (Canada) -11191,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nydoubleplay,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:39 -0700,629482507843579905,, -11192,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,FoundersGirl,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:38 -0700,629482501451309056, USA ,Pacific Time (US & Canada) -11193,Donald Trump,1.0,yes,1.0,Neutral,0.3494,None of the above,0.6506,,Z2CLASSY,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:38 -0700,629482501203955712,"Gilbert, SC ✈️ Tuscaloosa, AL",Atlantic Time (Canada) -11194,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,valerietica,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:41:37 -0700,629482498305585152,"Atlanta, Georgia",Eastern Time (US & Canada) -11195,Ted Cruz,1.0,yes,1.0,Negative,0.6979,FOX News or Moderators,1.0,,FoundersGirl,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:41:35 -0700,629482491661815808, USA ,Pacific Time (US & Canada) -11196,Donald Trump,1.0,yes,1.0,Neutral,0.6609999999999999,Immigration,1.0,,ccmmaacc,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:41:35 -0700,629482488293797888,Stony Plain Alberta, -11197,No candidate mentioned,0.4909,yes,0.7006,Neutral,0.3627,FOX News or Moderators,0.4909,,DustinF32458975,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:41:33 -0700,629482481960550400,, -11198,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,RobynSChilson,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:30 -0700,629482468605870081,Pennsylvania,Atlantic Time (Canada) -11199,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,garmonbozia,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:41:30 -0700,629482467800432641,"LA, CA",Pacific Time (US & Canada) -11200,No candidate mentioned,1.0,yes,1.0,Negative,0.7079,None of the above,0.7079,,OrginalSangster,,0,,,"Looks like they're skipping climate change, that's like talking about white walkers in Kings Landing #GOPDebates #DebateWithBernie",,2015-08-06 19:41:29 -0700,629482464763899904,Chicago IL,Alaska -11201,No candidate mentioned,1.0,yes,1.0,Negative,0.6867,Jobs and Economy,0.3724,,WayneSense,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:41:29 -0700,629482464482689024,People's Republic of New York,Eastern Time (US & Canada) -11202,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6667,,Ryan_Davis92,,4,,,RT @Lukewearechange: where is this evidence that these hacks talk about when it comes to Syria #GOPDebates,,2015-08-06 19:41:24 -0700,629482445281345536,, -11203,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ArrogantDemon,,0,,,"Ben, dont go with the argument Romney used and got rocked for #HorsesAndBayonettes #GOPDebates",,2015-08-06 19:41:23 -0700,629482440726323200,"LexCorp Towers, Metropolis",Eastern Time (US & Canada) -11204,Ted Cruz,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,LeslieDye4,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:41:21 -0700,629482432316575744,Ohio,Eastern Time (US & Canada) -11205,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ThorLoki8107,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:41:19 -0700,629482424615833605,, -11206,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6842,,KyleAlexLittle,,0,,,Solution to everything = war. #GOPDebates,,2015-08-06 19:41:19 -0700,629482421835165696,"Des Moines, IA",Central Time (US & Canada) -11207,No candidate mentioned,0.6506,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,txblondegrad,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:41:18 -0700,629482419788230656,"32.786456,-96.97525",Central Time (US & Canada) -11208,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,harryphood,,4,,,RT @secretcabdriver: Bernie Sanders would wipe the floor with ALL of these clowns. #FeelTheBern #DebateWithBernie #GOPDebates,,2015-08-06 19:41:18 -0700,629482418920099840,"Waitsfield, VT",Eastern Time (US & Canada) -11209,Ted Cruz,1.0,yes,1.0,Positive,0.6329,None of the above,1.0,,MingusInCincy,,0,,,I like Ted Cruz because he looks like Bill Murray. #gopdebates,,2015-08-06 19:41:18 -0700,629482417116553217,Cincinnati oh, -11210,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KLSouth,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:41:17 -0700,629482415837331457,Beirut by the Lake.,Central Time (US & Canada) -11211,No candidate mentioned,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,0.6739,,f9da4040b094448,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:41:17 -0700,629482414235090944,United States, -11212,No candidate mentioned,0.6714,yes,1.0,Neutral,1.0,None of the above,1.0,,TheManofLetters,,0,,,Now it's time to play Are You Smarter Than a Neurosurgeon? #GOPDebates,,2015-08-06 19:41:16 -0700,629482408790884352,,Arizona -11213,No candidate mentioned,1.0,yes,1.0,Neutral,0.6392,None of the above,0.6792,,Kar_lyn,,0,,,"Throughly enjoying the Facebook ""f"" logo framing the candidates quite nicely. #GOPdebates #BNRDebates http://t.co/PO9no6LZls",,2015-08-06 19:41:15 -0700,629482407654199297,"Burke, VA",Eastern Time (US & Canada) -11214,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lclemmer,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:41:15 -0700,629482406349811712,In your head.,America/New_York -11215,Ted Cruz,1.0,yes,1.0,Positive,0.3613,None of the above,0.6696,,_Edward_Blake_,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:41:15 -0700,629482404357353472,"Tempe, AZ",Pacific Time (US & Canada) -11216,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.3483,Foreign Policy,0.2348,,CMaginness,,0,,,"""We've shrunk our military."" Compared to what? The last time we declared war? #GOPDebates",,2015-08-06 19:41:13 -0700,629482397487140864,,Central Time (US & Canada) -11217,Ben Carson,1.0,yes,1.0,Neutral,0.6462,Racial issues,1.0,,AnyhooT2,,0,,,Ben Carson should've said #BlackLivesMatter at the start to his answer just now to regain his #blackcard #GOPDebates,,2015-08-06 19:41:12 -0700,629482391933952000,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -11218,No candidate mentioned,1.0,yes,1.0,Neutral,0.643,None of the above,1.0,,RyanTaylorReal,,0,,,Talking about Reagan is like saying The Godfather is your favorite film. What do YOU think? #GOPDebates,,2015-08-06 19:41:10 -0700,629482387257339905,,Eastern Time (US & Canada) -11219,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheeParlier,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:41:10 -0700,629482386569490432,,Eastern Time (US & Canada) -11220,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Hellostoopid,,0,,,#GOPDebates: proof that some people are still willing to blow a dead man.,,2015-08-06 19:41:07 -0700,629482371574800385,In my skin., -11221,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6512,,OnlyTruthReign,,8,,,"RT @AnnemarieWeers: #DonaldTrump The only difference between me & other candidates is that I’m more honest & my women are more beautiful. -…",,2015-08-06 19:41:05 -0700,629482363211231232,Earth ,Atlantic Time (Canada) -11222,No candidate mentioned,1.0,yes,1.0,Neutral,0.6919,None of the above,0.6349,,liamjlhill,,0,,,"In 1981 the hostages in Iran were released on the same day that Ronald Reagan was sworn into office. - -#GOPdebates http://t.co/luwWBtMYwB",,2015-08-06 19:41:04 -0700,629482358413070336,London,London -11223,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,seasicksiren,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:41:03 -0700,629482354533253120,,Pacific Time (US & Canada) -11224,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RealtorRunner,,0,,,Trump is doing a good job. It's amazing. We may not want to hear it. He has said it. #Trump #Trump2016 #GOPDebate #politics #GOPDebates,,2015-08-06 19:41:02 -0700,629482352792592388,"Fairfield, Ca",Pacific Time (US & Canada) -11225,No candidate mentioned,1.0,yes,1.0,Positive,0.6526,FOX News or Moderators,1.0,,eyez718,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:41:00 -0700,629482344018276352,Take a wild guess, -11226,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.6559,,BigBoyBaker,,0,,,Loved that Carly Fiorina said one of her first two phones would be to Bibi in Israel. #GOPDebates,,2015-08-06 19:40:57 -0700,629482330382536704,"Indiana, U.S.A.",Eastern Time (US & Canada) -11227,Ben Carson,1.0,yes,1.0,Negative,0.6458,None of the above,1.0,,Sidney7725,,0,,,"#GOPDebates I thought Ben Carson went home, he's been so quiet",,2015-08-06 19:40:57 -0700,629482329400999936,, -11228,No candidate mentioned,0.4196,yes,0.6477,Negative,0.6477,,0.2282,,SupermanHotMale,,2,,,"Hey #GopDebates, Ronald Reagan has no relationship to you assholes, he pardoned millions of mexican americans #BOOM",,2015-08-06 19:40:54 -0700,629482319036985344,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11229,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6484,,Wolfie_Rankin,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:40:54 -0700,629482318869041152,"Melbourne, Australia",Melbourne -11230,Donald Trump,0.442,yes,0.6649,Positive,0.6649,None of the above,0.2269,,AmericanSpringg,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:40:53 -0700,629482315698147328,Romans 8:38-39 Psalm 118,Pacific Time (US & Canada) -11231,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mynor,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:40:51 -0700,629482306206457856,"Houston, TX",Central Time (US & Canada) -11232,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HomerWhite,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:50 -0700,629482301907447808,,Tehran -11233,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,wirauba,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:50 -0700,629482301479612416,"Westshester Cty, NY, USA",Eastern Time (US & Canada) -11234,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Lukewearechange,,4,,,where is this evidence that these hacks talk about when it comes to Syria #GOPDebates,,2015-08-06 19:40:50 -0700,629482301424951296,Brooklyn NY,Eastern Time (US & Canada) -11235,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:40:47 -0700,629482288661835776,Milan-Italy,Rome -11236,No candidate mentioned,0.6593,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,idontcall911,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:40:47 -0700,629482287445487616,, -11237,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Tony205,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:47 -0700,629482286971359232,Here There Everywhere,Pacific Time (US & Canada) -11238,No candidate mentioned,1.0,yes,1.0,Negative,0.6759,FOX News or Moderators,1.0,,SharplyRight,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:40:47 -0700,629482286782808064,"Charlotte, NC.",Eastern Time (US & Canada) -11239,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KitMickey,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:46 -0700,629482286522736640,"Montreal, Quebec",Eastern Time (US & Canada) -11240,Donald Trump,0.444,yes,0.6663,Neutral,0.6663,None of the above,0.444,,pacsgirl36,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:46 -0700,629482283511189504,"New York, USA",Eastern Time (US & Canada) -11241,Donald Trump,1.0,yes,1.0,Negative,0.6207,None of the above,1.0,,TheBeatlesRule4,,0,,,"*Lady screams bloody murder* Trump- ""I agree"" BEST MOMENT OF #GOPDebates",,2015-08-06 19:40:44 -0700,629482278075273216,, -11242,Ted Cruz,0.4584,yes,0.6771,Negative,0.6771,None of the above,0.4584,,theszar13,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:44 -0700,629482274900299777,,Eastern Time (US & Canada) -11243,No candidate mentioned,1.0,yes,1.0,Negative,0.6706,Racial issues,0.6706,,rosie_izzi,,0,,,"""Consequences of Obama/Clinton admin..."" Like increased diplomacy, rational decision-making and working to eliminate xenophobia? #GOPDebates",,2015-08-06 19:40:41 -0700,629482261684088832,Columbus,Quito -11244,Ted Cruz,1.0,yes,1.0,Negative,0.3507,None of the above,1.0,,ankushnarula,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:40 -0700,629482261088468993,"Brooklyn, NY, US", -11245,Ted Cruz,0.6559,yes,1.0,Positive,1.0,None of the above,0.6882,,HomerWhite,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:40:40 -0700,629482261017198592,,Tehran -11246,Donald Trump,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,msgoddessrises,,1,,,😂😂😂😂 Drink!!! #Trump #GOPDebates https://t.co/Az9GUGMCGU,,2015-08-06 19:40:40 -0700,629482258097831936,Viva Las Vegas NV.,Pacific Time (US & Canada) -11247,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,zondonation,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:40:36 -0700,629482243761664001,from Texas to Memphis,Central Time (US & Canada) -11248,No candidate mentioned,1.0,yes,1.0,Positive,0.3385,None of the above,1.0,,TheRealGillaz,,0,,,It's way more fun being in America watching the #GOPDebates,,2015-08-06 19:40:35 -0700,629482237356978177,,Atlantic Time (Canada) -11249,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6512,,bugsboom,,0,,,"Ted, look at history: that was a deal to bolster Reagan! #GOPDebate #GOPDebates",,2015-08-06 19:40:34 -0700,629482234815336452,"Richmond area, VA",Eastern Time (US & Canada) -11250,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alejandroennyc,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:33 -0700,629482229538947072,NYC,Eastern Time (US & Canada) -11251,Ted Cruz,1.0,yes,1.0,Neutral,0.6629,Foreign Policy,1.0,,libertywwnf,,1,,,Finally a question for Cruz. Iranian deal terrible Russia cyber attack. Reagan made Iran release prisoners #GOPDebates,,2015-08-06 19:40:31 -0700,629482222706229249,"Fort Collins, CO",Mountain Time (US & Canada) -11252,Ted Cruz,1.0,yes,1.0,Positive,0.6844,None of the above,1.0,,HooverJackson,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:28 -0700,629482209901068288,Northern California,Pacific Time (US & Canada) -11253,No candidate mentioned,1.0,yes,1.0,Negative,0.6444,Women's Issues (not abortion though),1.0,,Bywatergal,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:40:28 -0700,629482208840011780,"New Orleans,Louisiana", -11254,Ted Cruz,1.0,yes,1.0,Positive,0.6484,None of the above,1.0,,maguirekevin,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:28 -0700,629482207174770688,,Eastern Time (US & Canada) -11255,Ted Cruz,0.6322,yes,1.0,Positive,0.6782,None of the above,0.6322,,scottyscottyw,,0,,,"On a serious note, if only we had T. Cruz & D. Trump during the Cold War. Would have kicked those commie asses !! #gopdebates",,2015-08-06 19:40:27 -0700,629482204662525952,Pittsburgh,Eastern Time (US & Canada) -11256,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,beyer_linda,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:27 -0700,629482202921877504,, -11257,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3693,,Kelly__Briana,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:40:26 -0700,629482200661147648,"Milwaukee, WI",Central Time (US & Canada) -11258,Ted Cruz,0.4171,yes,0.6458,Negative,0.6458,Foreign Policy,0.4171,,DoubleDipChip,,0,,,LOL Cruz is seriously going with hey Reagan came into office and Iran was scared and released the hostages?! LOL! #GOPDebates,,2015-08-06 19:40:25 -0700,629482197003669504,, -11259,No candidate mentioned,1.0,yes,1.0,Negative,0.6853,FOX News or Moderators,0.6653,,RightTheTorch,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:40:22 -0700,629482183967789058,USA,Quito -11260,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6364,,halhefner,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:19 -0700,629482171682590720,"Los Angeles, CA",Pacific Time (US & Canada) -11261,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,None of the above,1.0,,KyleAlexLittle,,0,,,How many times will Reagan be brought up?? #GOPDebates,,2015-08-06 19:40:18 -0700,629482169019277312,"Des Moines, IA",Central Time (US & Canada) -11262,Ted Cruz,1.0,yes,1.0,Negative,0.665,None of the above,1.0,,Devilvamp,,21,,,RT @ThatChrisGore: Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:18 -0700,629482168943812609,,Eastern Time (US & Canada) -11263,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Txwench,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:16 -0700,629482156960559104,, -11264,No candidate mentioned,0.4196,yes,0.6477,Neutral,0.6477,None of the above,0.4196,,ChileQueen,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:40:15 -0700,629482153122725888,Little Rock,Central Time (US & Canada) -11265,No candidate mentioned,0.4329,yes,0.6579999999999999,Positive,0.6579999999999999,None of the above,0.4329,,Wilberforce91,,28,,,One of my favorite things about the #GOPDebates is how many of these candidates I've seen in person. Thanks @LibertyU & @JerryJrFalwell!,,2015-08-06 19:40:12 -0700,629482142968451072,North Carolina,Eastern Time (US & Canada) -11266,No candidate mentioned,0.4218,yes,0.6495,Neutral,0.3299,None of the above,0.4218,,ken2ts,,0,,,I need a cigarette. #GOPDebates,,2015-08-06 19:40:10 -0700,629482134386933760,"New York, NY",Eastern Time (US & Canada) -11267,No candidate mentioned,0.4401,yes,0.6634,Negative,0.6634,FOX News or Moderators,0.4401,,scooterrat,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:09 -0700,629482130461040640,,Eastern Time (US & Canada) -11268,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.7079,,wadeenergycorp,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:09 -0700,629482127734648832,Texas,Central Time (US & Canada) -11269,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,JimmyJames38,,0,,,"Go back to the debate, this is a forum #GOPDebates",,2015-08-06 19:40:09 -0700,629482127516659712,Center of the Buckeye,Eastern Time (US & Canada) -11270,Ted Cruz,1.0,yes,1.0,Negative,0.6897,Foreign Policy,0.3793,,DCMiniMania,,3,,,"RT @letsgetfree13: Megyn Kelly: How would you defeat ISIS in 90 days? - -Ted Cruz: With my Green Lantern ring, of course. - -#GOPdebates",,2015-08-06 19:40:09 -0700,629482127474733060,DC,Eastern Time (US & Canada) -11271,Donald Trump,1.0,yes,1.0,Negative,0.6905,Foreign Policy,1.0,,tmservo433,,0,,,"Trump: I think war should happen with Iran. Cruz: We need war with Iran sure, but maybe Russia also #GOPdebates",,2015-08-06 19:40:07 -0700,629482122936500224,, -11272,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6761,,ccabrera83,,0,,,Oh shit. I forgot Ted Cruz was up there still #GOPDebates #FoxDebate,,2015-08-06 19:40:07 -0700,629482121510268928,San Antonio,Mountain Time (US & Canada) -11273,No candidate mentioned,0.4311,yes,0.6566,Negative,0.6566,FOX News or Moderators,0.4311,,GracieM69614504,,3,,,"RT @SupermanHotMale: Hey Chris Wallace, These guys have a better plan than President Obama? Make the popcorn kids, this is going to be stup…",,2015-08-06 19:40:07 -0700,629482121044869120,Virginia, -11274,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.3333,,0.2257,,AuditoryEzio,,0,,,Yeah. And Obama bagged Bin Laden. #GOPDebates #foxnewsdebates,,2015-08-06 19:40:07 -0700,629482120604438529,Genosha,Eastern Time (US & Canada) -11275,No candidate mentioned,0.4196,yes,0.6477,Negative,0.6477,Racial issues,0.4196,,SherriTerrell,,0,,,Race discussion was over quicker than that Rousey fight. GOP could care less about Black people! #RepublicanDebate #FoxNews #GOPdebates,,2015-08-06 19:40:06 -0700,629482116124839936,,Pacific Time (US & Canada) -11276,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,aeblin,,0,,,"""I WOULD PERSONALLY FIGHT OUR ENEMIES IN A CAGE MATCH"" #gopdebates",,2015-08-06 19:40:05 -0700,629482113998295040,"San Francisco, CA",Pacific Time (US & Canada) -11277,No candidate mentioned,1.0,yes,1.0,Positive,0.6372,None of the above,1.0,,DylanTheThomas,,0,,,I am filled with so much joy right now. #gopdebates,,2015-08-06 19:40:03 -0700,629482104179585025,"Chicago, IL",Central Time (US & Canada) -11278,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Letsgetkhazey19,,1,,,RT @vanesa_44: This debate is like a bunch of high school girls viciously but sweetly campaigning for Prom Queen. #GOPDebates,,2015-08-06 19:40:02 -0700,629482101935616000,, -11279,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rmmauro01,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:02 -0700,629482101532831744,,Mountain Time (US & Canada) -11280,Ted Cruz,0.4215,yes,0.6493,Negative,0.6493,None of the above,0.4215,,ThatChrisGore,,21,,,Ted Cruz's mutant superpower is fear-mongering. #TedCruz #TedCruz2016 #GOPDebate #GOPDebates,,2015-08-06 19:40:02 -0700,629482100123549696,"Los Angeles, CA",Pacific Time (US & Canada) -11281,Ted Cruz,1.0,yes,1.0,Neutral,0.6579,None of the above,0.6579,,Big_B_Hinkle,,0,,,Wish they would ask more questions of @SenTedCruz #GOPdebates,,2015-08-06 19:40:02 -0700,629482098697461761,Best State in the Union,Central Time (US & Canada) -11282,Donald Trump,1.0,yes,1.0,Positive,0.653,FOX News or Moderators,1.0,,fisherynation,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:40:00 -0700,629482093387587588,, -11283,No candidate mentioned,1.0,yes,1.0,Negative,0.6631,None of the above,1.0,,MrsW0nderful,,0,,,Why is everybody orange? #GOPDebates #GOPDebate,,2015-08-06 19:39:59 -0700,629482086080983041,Texas cuz it rhymes with Lexus,Central Time (US & Canada) -11284,No candidate mentioned,1.0,yes,1.0,Neutral,0.6627,FOX News or Moderators,0.6747,,cat_1012000,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:39:56 -0700,629482076429946880,"Midwest (NE,MO,KS)",Central Time (US & Canada) -11285,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CMaginness,,0,,,"I wonder if any of these candidates actually have an idea other than ""Obama is an idiot"" #GOPDebates",,2015-08-06 19:39:54 -0700,629482067802206208,,Central Time (US & Canada) -11286,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mrkimori,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:53 -0700,629482062873890816,Gods Country Colorado, -11287,No candidate mentioned,1.0,yes,1.0,Neutral,0.3765,LGBT issues,0.6235,,Dexterhayford,,0,,,It's profitable to enforce women's rights than gay right #GOPDebates,,2015-08-06 19:39:52 -0700,629482056628760576,Ghana ,London -11288,Scott Walker,1.0,yes,1.0,Negative,0.6602,None of the above,1.0,,RPulvermacher,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:39:52 -0700,629482056376913921,, -11289,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JadedByPolitics,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:51 -0700,629482055890509824,Northern Virginia,Central Time (US & Canada) -11290,Scott Walker,0.6848,yes,1.0,Negative,0.6848,None of the above,1.0,,RPulvermacher,,0,,,True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiunion #GOPDebates”,,2015-08-06 19:39:49 -0700,629482045190737920,, -11291,No candidate mentioned,1.0,yes,1.0,Negative,0.6371,FOX News or Moderators,1.0,,SherieMcc,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:39:47 -0700,629482035481063424,, -11292,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LEO_from_NJ,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:42 -0700,629482014777806848,Anywhere But Here,Eastern Time (US & Canada) -11293,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Letsgetkhazey19,,1,,,"RT @vanesa_44: I CANNOT TAKE DONALD TRUMP SERIOUSLY PLEASE LEAVE BYE -#GOPDebates",,2015-08-06 19:39:40 -0700,629482007605723136,, -11294,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6585,,bluestarwindow,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:38 -0700,629482000102105088,, -11295,No candidate mentioned,1.0,yes,1.0,Neutral,0.6172,FOX News or Moderators,1.0,,RETTinol,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:39:37 -0700,629481995056185348,,Eastern Time (US & Canada) -11296,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gary4205,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:36 -0700,629481989054205957,Texas,Eastern Time (US & Canada) -11297,Donald Trump,1.0,yes,1.0,Positive,0.6552,None of the above,0.3563,,yarbbla,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:33 -0700,629481980418260993,, -11298,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,FemmeClark,,0,,,I just stress ate everything in my fridge and took a shot or two of whiskey. #GOPDebates,,2015-08-06 19:39:33 -0700,629481976718733313,Colorado ,Central Time (US & Canada) -11299,No candidate mentioned,1.0,yes,1.0,Negative,0.7186,FOX News or Moderators,1.0,,sparkey909w,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:31 -0700,629481971610054657,,Pacific Time (US & Canada) -11300,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,PlacedBets,,1,,,"RT @MoustacheClubUS: c'mon, megyn, let's get to the issues: jade helm, fluoride, ""trayvon riots,"" fema camps, freemasonry, the trilateral c…",,2015-08-06 19:39:29 -0700,629481960432205824,FL,Central Time (US & Canada) -11301,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PeteBakeman,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:39:26 -0700,629481946888974336,, -11302,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Racial issues,0.6433,,Phunky_Brewster,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:39:25 -0700,629481944829534208,Florida,Quito -11303,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,Dandie00,,0,,,"""Abandoning our allies."" That's Ted Cruz hyperbole. Drink, folks. #gopdebates #fb",,2015-08-06 19:39:23 -0700,629481938198380544,"ÜT: 40.787257,-73.968484",Eastern Time (US & Canada) -11304,No candidate mentioned,1.0,yes,1.0,Neutral,0.6413,Racial issues,0.6848,,Bur_ski,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:39:23 -0700,629481935413379072,The Middle East,Quito -11305,No candidate mentioned,0.4233,yes,0.6506,Negative,0.6506,FOX News or Moderators,0.4233,,RYouaTwit,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:39:23 -0700,629481935077662720,San Diego,Pacific Time (US & Canada) -11306,No candidate mentioned,0.6566,yes,1.0,Negative,1.0,FOX News or Moderators,0.6869,,fireguy21,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:22 -0700,629481932359921664,"Haddon Heights, NJ", -11307,Donald Trump,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,KatyinIndy,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:22 -0700,629481932229869568,USA,Eastern Time (US & Canada) -11308,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6831,,DoubleDipChip,,0,,,Cruz talking about leading from behind is laughable since he wants to be behind on the 21st century with social issues! #GOPDebates,,2015-08-06 19:39:21 -0700,629481928702472192,, -11309,Donald Trump,1.0,yes,1.0,Negative,0.3635,FOX News or Moderators,1.0,,MaryNeilson1,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:19 -0700,629481920322146305,mary@maryneilson.com,Eastern Time (US & Canada) -11310,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,0.6559,,RelaxForReal,,1,,,RT @DoubleDipChip: Why aren't they enforcing the don't speak after the bell rule? #GOPDebates,,2015-08-06 19:39:19 -0700,629481918619217920,"Somewhere, Anywhere ",Mountain Time (US & Canada) -11311,No candidate mentioned,1.0,yes,1.0,Negative,0.6923,None of the above,1.0,,brx0,,1,,,RT @emberlivi: Now America understands why DC has brunches with bottomless mimosas #GOPDebates,,2015-08-06 19:39:19 -0700,629481917750992896,pdx.or.us,Pacific Time (US & Canada) -11312,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Erika_Harvey_,,1,,,"""Way to not answer the question"" - --my dad at the TV all night #GOPdebates",,2015-08-06 19:39:17 -0700,629481909358231553,Tamarack , -11313,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fireguy21,,0,,,"""@RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸"" @ericbolling",,2015-08-06 19:39:16 -0700,629481908544651265,"Haddon Heights, NJ", -11314,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ninatypewriter,,3,,,RT @SupermanHotMale: I'm popeye the sailor man... #GopDebates http://t.co/4jO4UQng89,,2015-08-06 19:39:15 -0700,629481902806855680,US East Coast ~ Philly native,Eastern Time (US & Canada) -11315,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,phenryburgesses,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:15 -0700,629481901888110592,, -11316,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BarryHingley,,5,,,"RT @SupermanHotMale: Dear Donald Trump, sniff a couple times, your head is in your ass #GopDebates",,2015-08-06 19:39:14 -0700,629481896607481856,Richmond B.C., -11317,Donald Trump,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,DirkLangeveld,,0,,,"The opening of CSI Miami supports Trump, apparently #GOPDebates",,2015-08-06 19:39:13 -0700,629481895655526400,"New London, CT",Central Time (US & Canada) -11318,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SupermanHotMale,,3,,,"Dear fox news moderator, you forgot to say chinese hacking started under the Bush Admin... #GopDebates",,2015-08-06 19:39:12 -0700,629481891914190848,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11319,Ted Cruz,0.6966,yes,1.0,Negative,0.6966,FOX News or Moderators,0.6966,,BobbyRay007,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:39:10 -0700,629481882099433472,Alabama, -11320,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,EricRunner,,1,,,RT @OwenSmith4Real: I wish they’d ask which politicians actually read the Iran deal. #GOPDebates,,2015-08-06 19:39:10 -0700,629481881315184644,"Missouri, USA", -11321,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,dougspeck69,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:39:09 -0700,629481877997551616,, -11322,No candidate mentioned,1.0,yes,1.0,Negative,0.6891,FOX News or Moderators,1.0,,JangoBear,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:39:04 -0700,629481858187657216,Chicago at the moment then TX.,Central Time (US & Canada) -11323,John Kasich,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,msgoddessrises,,0,,,#Kasich is killing it Joe when are you putting John on @Morning_Joe #GOPDebates https://t.co/5ftJRp0Uwb,,2015-08-06 19:39:02 -0700,629481846456201216,Viva Las Vegas NV.,Pacific Time (US & Canada) -11324,No candidate mentioned,0.4259,yes,0.6526,Neutral,0.6526,None of the above,0.4259,,DiannaHunt,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:39:02 -0700,629481846267494400,"Dallas, TX",Central Time (US & Canada) -11325,Donald Trump,1.0,yes,1.0,Negative,0.6611,None of the above,1.0,,ritaeye,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:39:01 -0700,629481844996767744,NY/LV,Eastern Time (US & Canada) -11326,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,None of the above,1.0,,SujTej,,0,,,"Future #GOPDebates should be rap battles like @HamiltonMusical. Know what? Dems too. More factual, more policy focused. More engaging. #fb",,2015-08-06 19:39:01 -0700,629481844984152064,,Eastern Time (US & Canada) -11327,Rand Paul,0.6548,yes,1.0,Negative,1.0,FOX News or Moderators,0.6786,,jlmclin,,0,,,Are they trying to knock out Paul and Trump by asking them all of the questions? #GOPDebates many are getting ignored,,2015-08-06 19:39:00 -0700,629481840340905984,Xamontaruptville, -11328,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Dave_Els,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:39:00 -0700,629481840068444160,,Quito -11329,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bugsboom,,0,,,Trump all worried about being nice. He's been acting like a total mean girl for two months. What's changed now?! #GOPDebates #GOPDebate,,2015-08-06 19:38:59 -0700,629481834410344448,"Richmond area, VA",Eastern Time (US & Canada) -11330,John Kasich,1.0,yes,1.0,Positive,0.3647,None of the above,1.0,,KHoltJr,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:38:58 -0700,629481832489316353,"Marietta, GA ",Eastern Time (US & Canada) -11331,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7024,,CraneRhonda,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:56 -0700,629481823366545408,, -11332,No candidate mentioned,1.0,yes,1.0,Neutral,0.693,Women's Issues (not abortion though),0.648,,kencf0618,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:38:56 -0700,629481821743386625,"Boise, Idaho",Mountain Time (US & Canada) -11333,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ClawsOfJustice,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:55 -0700,629481820812259328,the internet,Mazatlan -11334,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PkSlope,,0,,,Another non-answer from Trump! #GOPDebates,,2015-08-06 19:38:55 -0700,629481820418125824,"Park Slope, Brooklyn, NY",Eastern Time (US & Canada) -11335,Donald Trump,1.0,yes,1.0,Neutral,0.6633,None of the above,0.6194,,USCitizen95,,0,,,#DonaldTrump just dodged the Russia question #GOPDebates,,2015-08-06 19:38:54 -0700,629481815867289600,United States,Atlantic Time (Canada) -11336,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EnzoWestie,,0,,,"Correct me if I'm wrong, but I don't think #donaldtrump answered the actual question asked. #talkingpoints #gopdebates",,2015-08-06 19:38:47 -0700,629481783835242496,"Austin, Texas",Central Time (US & Canada) -11337,No candidate mentioned,1.0,yes,1.0,Negative,0.628,FOX News or Moderators,1.0,,JonJBurrows,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:46 -0700,629481781813620737,,Central Time (US & Canada) -11338,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,ShelbyEagan,,0,,,"@realDonaldTrump can't be mean to Obama, but calling a woman a dog and saying she looks good on her knees. That's cool... #GOPDebates",,2015-08-06 19:38:45 -0700,629481776235220992,"Tulsa, OK",Central Time (US & Canada) -11339,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6644,,jcool888,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:38:44 -0700,629481773110460416,LA USA, -11340,No candidate mentioned,0.6316,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,spirostrading,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:43 -0700,629481766751993856,Boston,Eastern Time (US & Canada) -11341,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fittys,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:38:41 -0700,629481758912856064,"Jersey Shore via SI, NY", -11342,Donald Trump,1.0,yes,1.0,Neutral,0.6452,Foreign Policy,1.0,,DoubleDipChip,,0,,,Only Trump gets to talk about the Russia question? #GOPDebates,,2015-08-06 19:38:40 -0700,629481755695820801,, -11343,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sonnygiddens,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:39 -0700,629481753657217024,Hot Springs Ar , -11344,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,FOX News or Moderators,0.6824,,AcerbicAxioms,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:39 -0700,629481749987201029,Republic of Texas, -11345,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,0.6936,,seanicely,,0,,,AwRIGHT for cutting right to commercial after ONE response! #GOPDebates #BlackLivesMatter #DontLetTrumpSpeak,,2015-08-06 19:38:38 -0700,629481746841665536,"East Rogers Park, Chicago",Central Time (US & Canada) -11346,Donald Trump,1.0,yes,1.0,Negative,0.6519,None of the above,1.0,,MichaelhHoffman,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:38:32 -0700,629481724284514306,Kewaunee Wi, -11347,No candidate mentioned,1.0,yes,1.0,Negative,0.6703,Abortion,1.0,,sunnydaejones,,4,,,RT @_KingMalcolm: I am pro life unless a cop is involved - GOP candidates #GOPDebates,,2015-08-06 19:38:29 -0700,629481711739375616,GA ~ Paine College ~ KU , -11348,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hpalemro777,,3,,,"RT @Mariacka: Newsflash, JEB - You won't unite the country with #CommonCore. Please! LOL! #GOPDebates",,2015-08-06 19:38:29 -0700,629481710963396608,Jacksonville Florida,Eastern Time (US & Canada) -11349,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6632,,OrginalSangster,,0,,,WHAT? Skipping #BlackLivesMatter and rouge policing to talk about Russia??? Not that Russia is not important but seriously #GOPDebates,,2015-08-06 19:38:29 -0700,629481709919203329,Chicago IL,Alaska -11350,No candidate mentioned,0.4885,yes,0.6989,Negative,0.6989,FOX News or Moderators,0.4885,,lindarobin3,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:28 -0700,629481705192067072,,Central Time (US & Canada) -11351,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Ashlandgirl101,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:27 -0700,629481700796579841,,Eastern Time (US & Canada) -11352,No candidate mentioned,1.0,yes,1.0,Neutral,0.6809,None of the above,1.0,,kelliefanningg,,5,,,RT @RaisedByCulture: Who else got a Straight Outta Compton commercial during #GOPDebates,,2015-08-06 19:38:27 -0700,629481700662341632,,Eastern Time (US & Canada) -11353,No candidate mentioned,0.3787,yes,0.6154,Neutral,0.3187,None of the above,0.3787,,tonibirdsong,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:38:26 -0700,629481698699382784,"Franklin, Tennessee",Central Time (US & Canada) -11354,No candidate mentioned,0.6594,yes,1.0,Negative,1.0,FOX News or Moderators,0.6812,,StoneColdChik,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:26 -0700,629481695352332288,,Atlantic Time (Canada) -11355,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6703,,ls7428,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:25 -0700,629481692487663616,"Texas, USA", -11356,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6705,,Lisalolaann,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:24 -0700,629481689958469632,NYC,Eastern Time (US & Canada) -11357,No candidate mentioned,0.4108,yes,0.6409999999999999,Negative,0.3264,FOX News or Moderators,0.4108,,NateMJensen,,0,,,Fox is over this. Turning this into breaking news. #GOPdebates,,2015-08-06 19:38:22 -0700,629481681486004224,"Silver Spring, MD",Eastern Time (US & Canada) -11358,No candidate mentioned,1.0,yes,1.0,Negative,0.3563,None of the above,0.6437,,beaniegurl47,,0,,,We can do better #DebateQuestionsWeWantToHear #GOPDebates I am not here bashing but results and Accomplishments!,,2015-08-06 19:38:20 -0700,629481672786841600,"Atlanta, GA",Eastern Time (US & Canada) -11359,No candidate mentioned,1.0,yes,1.0,Neutral,0.6515,Racial issues,1.0,,MSucameli,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:38:20 -0700,629481672589840384,"New York, NY",Pacific Time (US & Canada) -11360,Donald Trump,1.0,yes,1.0,Positive,0.6499,FOX News or Moderators,1.0,,LeslieDye4,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:38:19 -0700,629481669813227520,Ohio,Eastern Time (US & Canada) -11361,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,uBrute,,0,,,"Fox News cites itself as a news source in the #GOPDebates. Athena help you, candidates, in giving a fact-based answer.",,2015-08-06 19:38:19 -0700,629481668319928320,Wherever there are snacks.,Pacific Time (US & Canada) -11362,No candidate mentioned,1.0,yes,1.0,Negative,0.6941,FOX News or Moderators,1.0,,DoubleDipChip,,1,,,Why aren't they enforcing the don't speak after the bell rule? #GOPDebates,,2015-08-06 19:38:17 -0700,629481660128591872,, -11363,Donald Trump,1.0,yes,1.0,Neutral,0.6704,FOX News or Moderators,0.6704,,stewart757,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:38:16 -0700,629481654927687680,, -11364,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kimchat23,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:15 -0700,629481650221662212,America!, -11365,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,torii_dawson,,5,,,"RT @SupermanHotMale: Dear Donald Trump, sniff a couple times, your head is in your ass #GopDebates",,2015-08-06 19:38:14 -0700,629481648833302529,RVA | Bristol,Pacific Time (US & Canada) -11366,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,None of the above,0.4259,,Mondiablue,,4,,,RT @secretcabdriver: Bernie Sanders would wipe the floor with ALL of these clowns. #FeelTheBern #DebateWithBernie #GOPDebates,,2015-08-06 19:38:13 -0700,629481642269106176,TURN TEXAS BLUE,Pacific Time (US & Canada) -11367,No candidate mentioned,1.0,yes,1.0,Negative,0.6889,Jobs and Economy,0.6889,,WildAngel6,,3,,,RT @racquetball54: I hate when they call Social Security an entitlement. The government doesn't fund Social Security you and your employer…,,2015-08-06 19:38:13 -0700,629481641799319552,at a NASCAR track near you!,Pacific Time (US & Canada) -11368,No candidate mentioned,0.2514,yes,0.6705,Neutral,0.375,None of the above,0.4495,,TweakedTweet,,0,,,"@ScottWalker It's not about ""proper training"". It's about ""proper upbringing."" #GOPDebate #GOPDebates @megynkelly #FOP #ThinBlueLine",,2015-08-06 19:38:11 -0700,629481635814240256,"Whoville, NY",Mid-Atlantic -11369,No candidate mentioned,1.0,yes,1.0,Negative,0.6717,Racial issues,1.0,,anitafajita19,,11,,,RT @monaeltahawy: One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates…,,2015-08-06 19:38:10 -0700,629481630688632832,"Austin, TX",Eastern Time (US & Canada) -11370,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6538,,liamjlhill,,0,,,"Republican candidates: Are you tough enough to deal with Putin? - -#GOPdebates http://t.co/YgwIhzIfJh",,2015-08-06 19:38:10 -0700,629481628310634496,London,London -11371,Ben Carson,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,bg2000,,0,,,"#gopdebates Carson, that is what W Bush Did!",,2015-08-06 19:38:08 -0700,629481621679288320,Minneapolis,Central Time (US & Canada) -11372,Ted Cruz,1.0,yes,1.0,Negative,0.3491,None of the above,1.0,,mskimrose,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:38:08 -0700,629481621549268996,Texas, -11373,No candidate mentioned,0.4444,yes,0.6667,Neutral,0.3438,Foreign Policy,0.4444,,fergie_spuds,,0,,,Why would you talk about Obama's foreign policy when the moderator asked what you would do #GOPDebates,,2015-08-06 19:38:08 -0700,629481621033512960,Where you least expect ▲,Alaska -11374,Donald Trump,0.4299,yes,0.6557,Neutral,0.3334,None of the above,0.4299,,GTHOMSE,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:38:07 -0700,629481618642591745,,Pacific Time (US & Canada) -11375,Donald Trump,0.4584,yes,0.6771,Negative,0.3542,FOX News or Moderators,0.2398,,dskahoopay,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:38:06 -0700,629481614288928768,the depths of wisdom and mirth,Atlantic Time (Canada) -11376,Jeb Bush,0.6813,yes,1.0,Negative,0.6264,FOX News or Moderators,0.6264,,cjmesq1,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:38:03 -0700,629481601097965568,, -11377,No candidate mentioned,0.6471,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ALLDannyBoy,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:38:03 -0700,629481600682749952,"Oceanside, New York",Eastern Time (US & Canada) -11378,No candidate mentioned,0.4376,yes,0.6615,Negative,0.6615,None of the above,0.4376,,bugsboom,,0,,,Jesus! Who was letting out that banshee scream?! #GOPDebate #GOPDebates,,2015-08-06 19:38:03 -0700,629481599306960896,"Richmond area, VA",Eastern Time (US & Canada) -11379,Ted Cruz,0.4196,yes,0.6477,Neutral,0.6477,None of the above,0.4196,,Al_Gorelioni,,1,,,"Did Ted Cruz disappear from #GOPDebates ? -@FoxNews -#tcot",,2015-08-06 19:38:02 -0700,629481597557813250,California,Central Time (US & Canada) -11380,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6611,,cjmesq1,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:38:02 -0700,629481596979138560,, -11381,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AngelDevil1166,,5,,,"RT @SupermanHotMale: Dear Donald Trump, sniff a couple times, your head is in your ass #GopDebates",,2015-08-06 19:38:01 -0700,629481591463514113,PlanetTruth,Central Time (US & Canada) -11382,No candidate mentioned,0.4265,yes,0.6531,Neutral,0.6531,None of the above,0.4265,,urielalessandro,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:37:57 -0700,629481575382581249,"Boerne, Texas ",Central Time (US & Canada) -11383,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,GINGER_CONSULT,,0,,,Ask Trump Question you get: SQUIRREL! #GOPDebates,,2015-08-06 19:37:54 -0700,629481564280344576,Maryland ,Eastern Time (US & Canada) -11384,Donald Trump,1.0,yes,1.0,Neutral,0.6417,None of the above,1.0,,Jill_Castellano,,0,,,.@nickconfessore is right. There are 2 #GOPDebates: the boring one & one where Trump pretends he's still on the apprentice & runs the show,,2015-08-06 19:37:54 -0700,629481562585866240,New York,Atlantic Time (Canada) -11385,No candidate mentioned,0.4656,yes,0.6824,Negative,0.3647,None of the above,0.4656,,EVANLKATZ,,1,,,RT @mette_mariek: Here's a dog that looks like a panda. #GOPdebates http://t.co/x3qV5dhkVp,,2015-08-06 19:37:53 -0700,629481559565819904,Los Angeles,Pacific Time (US & Canada) -11386,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Samantha1438,,0,,,Trump is such an ass #GOPDebates,,2015-08-06 19:37:51 -0700,629481549575159808,,Central Time (US & Canada) -11387,Donald Trump,0.4909,yes,0.7006,Neutral,0.3627,Immigration,0.4909,,ozarklady76,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:37:50 -0700,629481548031463425,Arkansas,Pacific Time (US & Canada) -11388,Donald Trump,1.0,yes,1.0,Negative,0.6553,None of the above,1.0,,ZanP,,0,,,#GOPDebates ENOUGH TRUMP MORE @tedcruz @FoxNews #cruzcontrol2016,,2015-08-06 19:37:50 -0700,629481545720467456, Constitutional Republic ,Central Time (US & Canada) -11389,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6484,,eiwcakeff,,0,,,too ba that flies right over their heads #GOPDebates https://t.co/Pd8GDmcl3e,,2015-08-06 19:37:48 -0700,629481539278127104,,Eastern Time (US & Canada) -11390,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LeslieDye4,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:37:48 -0700,629481538674139138,Ohio,Eastern Time (US & Canada) -11391,Donald Trump,1.0,yes,1.0,Neutral,0.3493,FOX News or Moderators,1.0,,WeepingSophia,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:48 -0700,629481538590216194,Ohio, -11392,No candidate mentioned,1.0,yes,1.0,Neutral,0.6452,Racial issues,0.6882,,monaeltahawy,,11,,,One question on one of the most important and urgent movements in the US today & for long time. One question. #GOPDebates #BlackLiveMatter,,2015-08-06 19:37:47 -0700,629481531980054528,Cairo/NYC,Eastern Time (US & Canada) -11393,No candidate mentioned,0.4274,yes,0.6538,Negative,0.6538,Abortion,0.4274,,BLCKTIVIST,,4,,,RT @_KingMalcolm: I am pro life unless a cop is involved - GOP candidates #GOPDebates,,2015-08-06 19:37:46 -0700,629481529786408960,"BLM, Stay Woke", -11394,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SupermanHotMale,,5,,,"Dear Donald Trump, sniff a couple times, your head is in your ass #GopDebates",,2015-08-06 19:37:46 -0700,629481529513783296,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11395,Donald Trump,1.0,yes,1.0,Positive,0.6494,None of the above,0.6619,,wirauba,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:46 -0700,629481529379549184,"Westshester Cty, NY, USA",Eastern Time (US & Canada) -11396,Donald Trump,1.0,yes,1.0,Neutral,0.6526,None of the above,1.0,,SMolloyDVM,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:46 -0700,629481528301522944, Landof10kLibs✟Matt24✟Jn14:6✟, -11397,Ted Cruz,1.0,yes,1.0,Neutral,0.7079,None of the above,0.7079,,Accolaidia,,0,,,@ericbolling I'm noticing that as well! Talk to Cruz!!! #gopdebate #gopdebates #tedcruz,,2015-08-06 19:37:45 -0700,629481526036553728,, -11398,No candidate mentioned,0.4561,yes,0.6754,Negative,0.3396,None of the above,0.4561,,emberlivi,,1,,,Now America understands why DC has brunches with bottomless mimosas #GOPDebates,,2015-08-06 19:37:41 -0700,629481509783773185,,Eastern Time (US & Canada) -11399,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Afterseven,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:40 -0700,629481502389067776,District 12,Pacific Time (US & Canada) -11400,Donald Trump,1.0,yes,1.0,Positive,0.3478,None of the above,1.0,,Lattisaw,,0,,,"Watching the #GOPdebates Interesting so far! Must say though I disagree with Trump on many issues, he is the most entertaining of the bunch.",,2015-08-06 19:37:39 -0700,629481501168500736,305/202/212 MIA*DC*NYC ,Eastern Time (US & Canada) -11401,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cyowell1213,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:38 -0700,629481494365478912,Florida, -11402,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kagonz1,,1,,,RT @ccabrera83: Jeb Bush just lied. And poorly. #GOPDebates #FoxDebate,,2015-08-06 19:37:35 -0700,629481484215128064,, -11403,Donald Trump,0.4444,yes,0.6667,Positive,0.3448,None of the above,0.4444,,freestyldesign,,0,,,Trump can't say when he became Conservative because HES NOT #tcot #ccot #GOPDebate #TrojanHorseTrump #GOPDebates #FoxDebate,,2015-08-06 19:37:32 -0700,629481470407499776,Seattle WA USA,Pacific Time (US & Canada) -11404,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KerriSullins,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:32 -0700,629481469749121024,, -11405,Ted Cruz,1.0,yes,1.0,Negative,0.6559,None of the above,0.6882,,JimmyLark39,,0,,,Are you going to let @tedcruz speak again? #GOPDebates,,2015-08-06 19:37:30 -0700,629481463591907328,, -11406,Donald Trump,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,Gerad161Torres,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:37:29 -0700,629481457778470912,L.A 18th, -11407,No candidate mentioned,0.48100000000000004,yes,0.6936,Negative,0.3718,FOX News or Moderators,0.2579,,OduorLive,,3,,,"RT @SupermanHotMale: Hey Chris Wallace, These guys have a better plan than President Obama? Make the popcorn kids, this is going to be stup…",,2015-08-06 19:37:28 -0700,629481452749619200,Kenya, -11408,Donald Trump,1.0,yes,1.0,Negative,0.6597,FOX News or Moderators,1.0,,acsim,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:37:27 -0700,629481451826774016,"Mandeville, LA",Central Time (US & Canada) -11409,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,None of the above,1.0,,billmefford,,0,,,"Seems appropriate to share my latest blog post tonight ""My Prayer for Conservatives (and Liberals!) #GOPDebates http://t.co/e00x4q7btV",,2015-08-06 19:37:27 -0700,629481448538509312,Washington DC, -11410,Donald Trump,0.4545,yes,0.6742,Positive,0.6742,None of the above,0.4545,,Roxinmyhead,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:26 -0700,629481447477379072,Philly ,Eastern Time (US & Canada) -11411,No candidate mentioned,0.3869,yes,0.622,Neutral,0.622,None of the above,0.3869,,JFuzion,,0,,,The fact they're playing the #StraightOuttaCompton trailer during the #GOPDebates ...😂😂😂 #KnowYourAudience,,2015-08-06 19:37:26 -0700,629481446814580736,United States,Pacific Time (US & Canada) -11412,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jessi_AsKew,,0,,,Trump you're avoiding the question #GOPDebates,,2015-08-06 19:37:26 -0700,629481445032099840,"Greensboro, NC",Eastern Time (US & Canada) -11413,No candidate mentioned,1.0,yes,1.0,Negative,0.6304,FOX News or Moderators,0.6629999999999999,,GloriaProphet,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:24 -0700,629481439050895360,,Central Time (US & Canada) -11414,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6889,,donna_bourgois,,0,,,"Sometimes, I just want to rip my vagina off, give it to a republican, and be like here you deal with it #GOPDebates",,2015-08-06 19:37:24 -0700,629481438740549632,Austin , -11415,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,luckyputz,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:37:23 -0700,629481433602461696,Wisconsin,Central Time (US & Canada) -11416,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Therealdealer1,,3,,,RT @DanMoore755: Am I the only one who doesn't trust @RandPaul #RandPaul #GOP2016 #GOPDebate #GOPDebates #USA #Merica,,2015-08-06 19:37:23 -0700,629481432507940864,, -11417,Donald Trump,1.0,yes,1.0,Neutral,0.6782,None of the above,1.0,,DoubleDipChip,,0,,,LOL since when is not being nice a no no to Trump? #GOPDebates,,2015-08-06 19:37:22 -0700,629481429953478657,, -11418,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,CaliValleyGirl_,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:37:21 -0700,629481426023354369,, -11419,No candidate mentioned,1.0,yes,1.0,Negative,0.6397,None of the above,0.67,,Dr_DrewZC,,0,,,@keithboykin @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:37:18 -0700,629481412702375937,,Eastern Time (US & Canada) -11420,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,,0.2287,,LiriKopaci,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:37:17 -0700,629481408835096576,France,Paris -11421,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,ProfessorRobo,,0,,,- No longer any true #conservatives in politics; or Kennedy #democrats for that matter #GOPDebate #GOPDebates @KayEm60,,2015-08-06 19:37:17 -0700,629481406746525696,Las Vegas,Pacific Time (US & Canada) -11422,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RaCuevas,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:17 -0700,629481406410964993,Bay Harbor Islands,Eastern Time (US & Canada) -11423,Donald Trump,1.0,yes,1.0,Positive,0.6364,FOX News or Moderators,1.0,,iamIT4life,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:16 -0700,629481404921872384,Texas, -11424,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GrimLethal,,3,,,RT @DanMoore755: Am I the only one who doesn't trust @RandPaul #RandPaul #GOP2016 #GOPDebate #GOPDebates #USA #Merica,,2015-08-06 19:37:15 -0700,629481399179956224,We're Everywhere, -11425,No candidate mentioned,0.3735,yes,0.6111,Negative,0.6111,,0.2377,,mandalis24,,0,,,@megynkelly Stop framing your questions as an attack. Sound like a liberal. #GOPDebates,,2015-08-06 19:37:12 -0700,629481388337721344,, -11426,No candidate mentioned,0.4867,yes,0.6977,Neutral,0.3837,Healthcare (including Medicare),0.2677,,badyearforyou,,3,,,RT @SupermanHotMale: I'm popeye the sailor man... #GopDebates http://t.co/4jO4UQng89,,2015-08-06 19:37:12 -0700,629481386538172416,, -11427,John Kasich,1.0,yes,1.0,Positive,0.6638,None of the above,1.0,,rcigale,,0,,,Never thought Kasich would be the sanest guy in the room. #ClownCarClusterFuck #GOPDebates,,2015-08-06 19:37:11 -0700,629481382339866624,"Milwaukee, WI",Central Time (US & Canada) -11428,John Kasich,0.6739,yes,1.0,Negative,0.6629999999999999,LGBT issues,1.0,,HonkyTonkJew,,2,,,"RT @cpnote: Kacinich; ""some of my best friends are gay""#GOPDebates",,2015-08-06 19:37:11 -0700,629481381026906112,I left my heart in New Jersey,Pacific Time (US & Canada) -11429,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6737,,DonnaBegley,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:37:11 -0700,629481380649529344,Where the Blue Grass grows....,Eastern Time (US & Canada) -11430,Ted Cruz,0.4347,yes,0.6593,Negative,0.6593,FOX News or Moderators,0.4347,,RichardReese3,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:37:10 -0700,629481377931620352,Midwest, -11431,No candidate mentioned,1.0,yes,1.0,Negative,0.6469,FOX News or Moderators,1.0,,fsxbc,,0,,,@EdgeofSports Megyn Kelly's hair extensions are doing an excellent job tonight! #GOPDebates,,2015-08-06 19:37:10 -0700,629481377541582848,"Tampa, FL",Eastern Time (US & Canada) -11432,Donald Trump,1.0,yes,1.0,Neutral,0.6537,None of the above,1.0,,jmac999,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:37:10 -0700,629481376576851968,Florida,Eastern Time (US & Canada) -11433,Donald Trump,1.0,yes,1.0,Positive,0.6809,FOX News or Moderators,0.6809,,LaborFAIL,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:37:06 -0700,629481363456983040,,Melbourne -11434,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,1.0,,Ceejness,,0,,,Hey guys! What's everyone watching on TV? #Anaconda3 > #GOPDebates,,2015-08-06 19:37:06 -0700,629481362672742400,"Delray Beach, FL",Eastern Time (US & Canada) -11435,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChurchmanDan,,3,,,RT @DanMoore755: Am I the only one who doesn't trust @RandPaul #RandPaul #GOP2016 #GOPDebate #GOPDebates #USA #Merica,,2015-08-06 19:37:06 -0700,629481361418661892,Atl/Gville-GA-ALLDAY, -11436,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Healthcare (including Medicare),1.0,,BigBoyBaker,,0,,,Loved that Bobby Jindal said that we have to end government dependence and expanding Medicaid doesn't help people. #GOPDebates,,2015-08-06 19:37:04 -0700,629481353722118144,"Indiana, U.S.A.",Eastern Time (US & Canada) -11437,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shanestangel,,4,,,RT @secretcabdriver: Bernie Sanders would wipe the floor with ALL of these clowns. #FeelTheBern #DebateWithBernie #GOPDebates,,2015-08-06 19:37:03 -0700,629481347288014848,CT,Eastern Time (US & Canada) -11438,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Maize_AndBlue,,1,,,RT @genethelawyer: Did Ted Cruz leave? #GOPDebates,,2015-08-06 19:37:02 -0700,629481344226209792,"Nashville, TN",Central Time (US & Canada) -11439,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,babypeastepp,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:36:58 -0700,629481327839068164,, -11440,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6629,,ProfessorRobo,,0,,,- No longer any true #conservatives in politics; or Kennedy #democrats for that matter #GOPDebate #GOPDebates @megynkelly,,2015-08-06 19:36:58 -0700,629481327176339456,Las Vegas,Pacific Time (US & Canada) -11441,No candidate mentioned,1.0,yes,1.0,Neutral,0.6783,None of the above,0.6783,,blurbette,,5,,,RT @RaisedByCulture: Who else got a Straight Outta Compton commercial during #GOPDebates,,2015-08-06 19:36:52 -0700,629481304535379968,St. Elsewhere,Central Time (US & Canada) -11442,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Dr_DrewZC,,0,,,@_BrothaG: #BlackLivesMatter is a cop killing movement. #GOPdebates,,2015-08-06 19:36:51 -0700,629481299422658560,,Eastern Time (US & Canada) -11443,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sandyintn,,0,,,Trump was the only one saying things we thought. Being NOT politically correct makes you a target. #GOPDebates https://t.co/NQWL659HZE,,2015-08-06 19:36:49 -0700,629481290463637505,southern USofA,Eastern Time (US & Canada) -11444,No candidate mentioned,0.4545,yes,0.6742,Neutral,0.3708,Abortion,0.25,,bulaong_ramiz,,4,,,RT @_KingMalcolm: I am pro life unless a cop is involved - GOP candidates #GOPDebates,,2015-08-06 19:36:48 -0700,629481286285955072,,Eastern Time (US & Canada) -11445,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JimmyLakey,,1,,,RT @libertywwnf: This debate? I know nothing more and probably less about these candidates now than I did this morning :-( #GOPDebates,,2015-08-06 19:36:47 -0700,629481281076662272,Colorado,Mountain Time (US & Canada) -11446,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Obama_Biden_13,,0,,,@JebBush is out #GOPDebates,,2015-08-06 19:36:44 -0700,629481269169033216,, -11447,Ben Carson,1.0,yes,1.0,Positive,0.6932,None of the above,1.0,,juliejhess,,1,,,RT @tonibirdsong: I like @RealBenCarson a lot too but wish he had more air time to express his views. #GOPdebates 🇺🇸,,2015-08-06 19:36:44 -0700,629481268955230208,,Eastern Time (US & Canada) -11448,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6836,,pretty_KD,,0,,,This is Fox News we knew damn well that they won't like gays or black people #GOPdebates,,2015-08-06 19:36:42 -0700,629481262789591040,,Eastern Time (US & Canada) -11449,Donald Trump,0.435,yes,0.6596,Neutral,0.6596,None of the above,0.435,,DeeGarciaRadio,,0,,,View from our window as we watch the #GOPdebates #trump #donaldtrump who stands out to you? https://t.co/e4r4FX4jqE,,2015-08-06 19:36:41 -0700,629481257592819712,*phoenix*,Central Time (US & Canada) -11450,No candidate mentioned,0.3627,yes,0.6023,Negative,0.3068,None of the above,0.3627,,kuya_joshua,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:36:40 -0700,629481252299522048,Dallas,Central Time (US & Canada) -11451,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,WaltOrr4,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:36:40 -0700,629481252039565316,,Eastern Time (US & Canada) -11452,Donald Trump,1.0,yes,1.0,Positive,0.7162,Immigration,1.0,,thatx209xguy,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:36:37 -0700,629481241574817792,"California, USA", -11453,No candidate mentioned,0.4636,yes,0.6809,Neutral,0.6809,None of the above,0.4636,,PigsPutnam,,0,,,Where's #JonStewart when you need him? #GOPDebates,,2015-08-06 19:36:37 -0700,629481239708196864,"Las Vegas, NV", -11454,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,RobynSChilson,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:36:36 -0700,629481234914222080,Pennsylvania,Atlantic Time (Canada) -11455,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Pobaldy,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:36 -0700,629481234477875201,"Singapore - Los Angeles, CA",Eastern Time (US & Canada) -11456,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,maryjo0104,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:36:35 -0700,629481232192176132,"Chapel Hill, NC", -11457,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6629,,ckright,,3,,,"RT @Pudingtane: #gopdebates questions r worded like personal attacks, including half truths. They stated cops were targeting blacks. That's…",,2015-08-06 19:36:34 -0700,629481229478436864,South,Eastern Time (US & Canada) -11458,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Dr_DrewZC,,0,,,@GeekNStereo: #BlackLivesMatter is a cop killing movement. #GOPdebates,,2015-08-06 19:36:34 -0700,629481227477757952,,Eastern Time (US & Canada) -11459,No candidate mentioned,1.0,yes,1.0,Neutral,0.6562,None of the above,1.0,,legend500,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:36:32 -0700,629481217696493568,"Addison, TX",Mountain Time (US & Canada) -11460,No candidate mentioned,0.4395,yes,0.6629,Neutral,0.6629,None of the above,0.4395,,TheStephGlover,,5,,,RT @RaisedByCulture: Who else got a Straight Outta Compton commercial during #GOPDebates,,2015-08-06 19:36:31 -0700,629481216929042432,Philadelphia,Eastern Time (US & Canada) -11461,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,gloria_dee,,16,,,RT @rossramsey: Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:36:30 -0700,629481210318733312,deetown boogie,Central Time (US & Canada) -11462,No candidate mentioned,1.0,yes,1.0,Negative,0.6771,None of the above,1.0,,SupermanHotMale,,3,,,I'm popeye the sailor man... #GopDebates http://t.co/4jO4UQng89,,2015-08-06 19:36:28 -0700,629481201313665024,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11463,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bigredmatt1011,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:28 -0700,629481200797614080,DC Area, -11464,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,libertywwnf,,1,,,This debate? I know nothing more and probably less about these candidates now than I did this morning :-( #GOPDebates,,2015-08-06 19:36:28 -0700,629481200369799168,"Fort Collins, CO",Mountain Time (US & Canada) -11465,Ben Carson,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6667,,tonibirdsong,,1,,,I like @RealBenCarson a lot too but wish he had more air time to express his views. #GOPdebates 🇺🇸,,2015-08-06 19:36:26 -0700,629481196054052864,"Franklin, Tennessee",Central Time (US & Canada) -11466,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3511,Racial issues,0.4074,,CavemanCraft,,0,,,Shoutout to whoever decided to put an ad for #straightouttacompton on the #GOPdebates right after the question about Black people being shot,,2015-08-06 19:36:26 -0700,629481194749579269,"Atlas City, Earth 41",Central Time (US & Canada) -11467,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6744,,AccelAuto,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:26 -0700,629481194653122560,"Cincinnati, Ohio",Eastern Time (US & Canada) -11468,Donald Trump,1.0,yes,1.0,Negative,0.6365,FOX News or Moderators,1.0,,dbracing01,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:36:26 -0700,629481191972835328,, -11469,Ted Cruz,0.3681,yes,0.6067,Negative,0.3146,,0.2386,,truth_american,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:36:25 -0700,629481189112320000,, -11470,No candidate mentioned,1.0,yes,1.0,Neutral,0.6512,FOX News or Moderators,1.0,,RebeccaDorfman,,0,,,Straight Outta Compton commercial on Fox News. Well played peeps. #GOPDebates,,2015-08-06 19:36:23 -0700,629481182858768384,,Eastern Time (US & Canada) -11471,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6778,,GeraldBullers,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:36:21 -0700,629481171362168833,, -11472,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,rvgal5624,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:19 -0700,629481162990223360,, -11473,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BryanJones26,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:18 -0700,629481162205859841,Indianapolis, -11474,Mike Huckabee,1.0,yes,1.0,Negative,0.68,None of the above,1.0,,Coach_Holloway,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:36:18 -0700,629481161329283072,"Statesboro, GA",Eastern Time (US & Canada) -11475,No candidate mentioned,0.6067,yes,1.0,Negative,1.0,FOX News or Moderators,0.7079,,MartinJJacobs,,132,,,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:18 -0700,629481160687677440,Connecticut , -11476,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,valerie_hickey,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:36:16 -0700,629481151619444736,, -11477,No candidate mentioned,1.0,yes,1.0,Positive,0.6744,None of the above,1.0,,OrginalSangster,,0,,,I appreciate the promo for Straight Outta Compton following the commercial break in the #GOPDebates following the first race question,,2015-08-06 19:36:13 -0700,629481140924076033,Chicago IL,Alaska -11478,No candidate mentioned,1.0,yes,1.0,Neutral,0.6322,None of the above,0.6322,,Dr_DrewZC,,0,,,@donlemon @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:36:12 -0700,629481135437946880,,Eastern Time (US & Canada) -11479,Ted Cruz,1.0,yes,1.0,Negative,0.6679,FOX News or Moderators,1.0,,JimmieGunnels,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:36:11 -0700,629481132682141697,North Texas, -11480,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,FOX News or Moderators,0.6702,,MoustacheClubUS,,1,,,"c'mon, megyn, let's get to the issues: jade helm, fluoride, ""trayvon riots,"" fema camps, freemasonry, the trilateral commission #GOPDebates",,2015-08-06 19:36:11 -0700,629481131981840385,"Fort Worth, TX", -11481,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,JeffSpliethof,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:36:11 -0700,629481129909731328,"Redding, CA", -11482,Donald Trump,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,0.6897,,stoneman67,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:36:11 -0700,629481129897136128,MOΛΩN ΛABE, -11483,Donald Trump,1.0,yes,1.0,Neutral,0.6311,None of the above,0.6311,,StricklandCindy,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:08 -0700,629481116425158656,, -11484,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,hondofatflat,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:36:05 -0700,629481106652291072,, -11485,No candidate mentioned,1.0,yes,1.0,Neutral,0.6569,None of the above,1.0,,jsn2007,,0,,,Must drink wine before engaging in #GOPDebates haha.,,2015-08-06 19:36:04 -0700,629481102592344064,USA,Eastern Time (US & Canada) -11486,Donald Trump,0.4218,yes,0.6495,Positive,0.3299,,0.2277,,JonJBurrows,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:36:04 -0700,629481102063697920,,Central Time (US & Canada) -11487,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6897,,seakat330,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:36:04 -0700,629481100604256256,, -11488,No candidate mentioned,1.0,yes,1.0,Negative,0.6362,Racial issues,1.0,,Dr_DrewZC,,0,,,@marksluckie @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:36:03 -0700,629481097605304320,,Eastern Time (US & Canada) -11489,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6702,,RWSurferGirl,,132,,,Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:36:01 -0700,629481089011036161,"Newport Beach, California",Pacific Time (US & Canada) -11490,Ted Cruz,1.0,yes,1.0,Negative,0.6731,None of the above,1.0,,TroyFauber,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:36:00 -0700,629481086737907712,, -11491,Donald Trump,1.0,yes,1.0,Positive,0.7079,None of the above,1.0,,dudeinchicago,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:59 -0700,629481079431368704,, -11492,Jeb Bush,1.0,yes,1.0,Negative,0.6344,FOX News or Moderators,1.0,,jenndogg1,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:35:58 -0700,629481076201816068,, -11493,Donald Trump,0.6522,yes,1.0,Positive,0.6522,None of the above,1.0,,marcydw1,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:35:58 -0700,629481075656372224,, -11494,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.7045,,Dr_DrewZC,,0,,,@rolandsmartin @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:35:56 -0700,629481068081643520,,Eastern Time (US & Canada) -11495,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.67,,markwayne143,,3,,,"RT @SupermanHotMale: Hey Chris Wallace, These guys have a better plan than President Obama? Make the popcorn kids, this is going to be stup…",,2015-08-06 19:35:55 -0700,629481065229348864,ATX, -11496,Donald Trump,1.0,yes,1.0,Positive,0.6813,Immigration,1.0,,CyborgRanter,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:35:54 -0700,629481060049391616,In Cyberspace from Australia ,Solomon Is. -11497,Ted Cruz,1.0,yes,1.0,Neutral,0.6759,None of the above,1.0,,EnzoWestie,,0,,,Anyone heard from Ted Cruz lately? #gopdebates,,2015-08-06 19:35:53 -0700,629481056396161025,"Austin, Texas",Central Time (US & Canada) -11498,Mike Huckabee,1.0,yes,1.0,Negative,0.7104,Abortion,0.6409,,GretngsFrmEarth,,0,,,@TwinmomSue Sending troops to our mommy-parts! #GOPDebates,,2015-08-06 19:35:52 -0700,629481052776501248,Columbia MO,Central Time (US & Canada) -11499,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Sorenzeo,,14,,,RT @Popehat: #GOPDebates Paul: I'm talking about getting warrants from judges. Go get a big hug from Obama,,2015-08-06 19:35:51 -0700,629481049064624129,,Central Time (US & Canada) -11500,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,None of the above,0.6742,,TaylorOSoule,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:35:50 -0700,629481044018774016,"Des Moines, IA",Central Time (US & Canada) -11501,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,BreeToniRose,,4,,,RT @_KingMalcolm: I am pro life unless a cop is involved - GOP candidates #GOPDebates,,2015-08-06 19:35:50 -0700,629481042626260993,,Eastern Time (US & Canada) -11502,Scott Walker,1.0,yes,1.0,Negative,0.6778,Racial issues,0.6556,,Dr_DrewZC,,0,,,@ColorOfChange @megynkelly @ScottWalker @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:35:49 -0700,629481038503387136,,Eastern Time (US & Canada) -11503,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.7040000000000001,,jenilynn1001,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:48 -0700,629481036259266560,texas,Eastern Time (US & Canada) -11504,Ted Cruz,0.6381,yes,1.0,Positive,0.6381,None of the above,1.0,,KorQUAKKA,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:35:46 -0700,629481028193779712,"Prov.,RI..*da'LAKE!!*", -11505,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,philly_texan,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:35:45 -0700,629481023261265920,"Pennsylvania, USA", -11506,Chris Christie,0.4258,yes,0.6526,Negative,0.6526,None of the above,0.4258,,PatrickOHenryTX,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:35:44 -0700,629481018815217664,Texas,Central Time (US & Canada) -11507,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,rossramsey,,16,,,Twitter is the transcript of all of us talking to our TV sets… #gopdebates https://t.co/px9hHatLd8,,2015-08-06 19:35:41 -0700,629481004135137280,Austin,Central Time (US & Canada) -11508,Donald Trump,1.0,yes,1.0,Positive,0.361,FOX News or Moderators,1.0,,rmmauro01,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:35:40 -0700,629480999764647936,,Mountain Time (US & Canada) -11509,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Racial issues,1.0,,Dr_DrewZC,,0,,,@HipHopPrez @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:35:39 -0700,629480996681961472,,Eastern Time (US & Canada) -11510,Ted Cruz,0.6667,yes,1.0,Negative,0.6667,FOX News or Moderators,0.6667,,Accolaidia,,0,,,@DebsSay @FoxNews @Ted I noticed too! #GOPDebate #GOPDebates they keep starting with Bush GRR,,2015-08-06 19:35:39 -0700,629480995251589120,, -11511,Donald Trump,1.0,yes,1.0,Negative,0.6548,FOX News or Moderators,0.6548,,richshipleyjr,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:35:38 -0700,629480994584850432,, -11512,No candidate mentioned,0.6588,yes,1.0,Negative,0.6941,Racial issues,1.0,,Bombadee00,,0,,,Via @NPR: Why Is Milwaukee So Bad For Black People? http://t.co/ftGSvpR78q #ScottWalker #GOPDebates,,2015-08-06 19:35:38 -0700,629480993896857600,"Rockford, IL ", -11513,John Kasich,1.0,yes,1.0,Neutral,0.6592,None of the above,1.0,,TheBeatlesRule4,,0,,,Is Kasich actually a republican? #GOPDebates,,2015-08-06 19:35:37 -0700,629480986489688064,, -11514,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ELlTAAAA,,5,,,RT @RaisedByCulture: Who else got a Straight Outta Compton commercial during #GOPDebates,,2015-08-06 19:35:35 -0700,629480978453557249,Ft. Lauderdale,Eastern Time (US & Canada) -11515,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Steve_McKasson,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:34 -0700,629480976259813380,"Washington State, USA",Pacific Time (US & Canada) -11516,Donald Trump,1.0,yes,1.0,Negative,0.6632,Immigration,0.6842,,fsxbc,,0,,,"@pattonoswalt @MedievalTimes He sure did. Come on down to the border, with its jousting, jugglers and large meats! #GOPDebates",,2015-08-06 19:35:33 -0700,629480973701357568,"Tampa, FL",Eastern Time (US & Canada) -11517,Scott Walker,1.0,yes,1.0,Positive,0.6656,Racial issues,0.6656,,bmcsmith92,,0,,,Walker walks that #BlackLivesMatter question pretty decently #GOPDebates,,2015-08-06 19:35:33 -0700,629480971272908800,"Washington, D.C.",Eastern Time (US & Canada) -11518,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6742,,LiseGot,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:35:31 -0700,629480964440223745,Edmonton,Central Time (US & Canada) -11519,Chris Christie,0.4204,yes,0.6484,Negative,0.6484,None of the above,0.4204,,CountryLife4_Me,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:35:29 -0700,629480954994819072,America - The Heart of it all,Eastern Time (US & Canada) -11520,Donald Trump,1.0,yes,1.0,Positive,0.3333,None of the above,1.0,,NYACC1978,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:29 -0700,629480954621493248,New York,Eastern Time (US & Canada) -11521,Donald Trump,1.0,yes,1.0,Positive,0.6629,None of the above,0.6854,,philly_texan,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:28 -0700,629480952222384128,"Pennsylvania, USA", -11522,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,b_sower,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:28 -0700,629480948988407808,Southeastern U.S. & SATX,Eastern Time (US & Canada) -11523,John Kasich,1.0,yes,1.0,Positive,0.3558,None of the above,1.0,,stormyrules,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:35:26 -0700,629480943321923584,Southern Girl in Iowa,Central Time (US & Canada) -11524,No candidate mentioned,0.4395,yes,0.6629,Negative,0.6629,Racial issues,0.4395,,Dr_DrewZC,,0,,,@InvisibleObama @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPdebates,,2015-08-06 19:35:25 -0700,629480938083360768,,Eastern Time (US & Canada) -11525,Jeb Bush,1.0,yes,1.0,Negative,0.64,None of the above,0.7029,,unconcious0,,3,,,"RT @Mariacka: Newsflash, JEB - You won't unite the country with #CommonCore. Please! LOL! #GOPDebates",,2015-08-06 19:35:24 -0700,629480934086021120,some where in Alaska., -11526,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,tpwalsh3,,1,,,RT @reelthyme17: Believe it or not I'm not getting any air... #GOPDebates http://t.co/lIP17r5HNj,,2015-08-06 19:35:22 -0700,629480927614251008,"the Denver, CO",Mountain Time (US & Canada) -11527,Ted Cruz,1.0,yes,1.0,Negative,0.6891,FOX News or Moderators,1.0,,Perfectly_Laura,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:35:22 -0700,629480927102681088,☼ East Texas♥ ,Mountain Time (US & Canada) -11528,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IamaPOICA,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:22 -0700,629480924720308224,, -11529,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sportschef,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:35:20 -0700,629480917354983424,BFE,Pacific Time (US & Canada) -11530,No candidate mentioned,0.3867,yes,0.6218,Neutral,0.6218,None of the above,0.3867,,emberlivi,,0,,,"So, this Costco Cotes du Rone…give it about 30 minutes to open up. It's a great sipping wine #GOPDebates #ForYourNextParty",,2015-08-06 19:35:20 -0700,629480916046454784,,Eastern Time (US & Canada) -11531,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,Racial issues,1.0,,Dr_DrewZC,,0,,,@keithboykin @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPdebates,,2015-08-06 19:35:19 -0700,629480913290854400,,Eastern Time (US & Canada) -11532,No candidate mentioned,1.0,yes,1.0,Neutral,0.6923,Foreign Policy,0.6923,,liamjlhill,,0,,,"The real question we've not heard so far is what will the candidates do about the New Labour Taliban? - -#GOPdebates http://t.co/MM6RP3iG5l",,2015-08-06 19:35:19 -0700,629480912116387840,London,London -11533,No candidate mentioned,0.3943,yes,0.6279,Neutral,0.3256,FOX News or Moderators,0.3943,,MikeJBknows,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:35:18 -0700,629480907280265216,"Las Vegas, Nevada",Pacific Time (US & Canada) -11534,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.675,,madeintulsa,,3,,,"RT @PuestoLoco: .@dccc @PPFA -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/b…",,2015-08-06 19:35:17 -0700,629480905782902784,"Portland, OR", -11535,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6667,,PastorTJMcBride,,0,,,Only one question on black lives matter? Wow! #GOPDebate #GOPDebates,,2015-08-06 19:35:16 -0700,629480900309450752,"McDonough, GA",Eastern Time (US & Canada) -11536,Donald Trump,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,jimshoe5252,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:16 -0700,629480899407536128,now: off the grid in Alaska, -11537,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,wendymau6,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:35:15 -0700,629480898166067200,"Chicago, IL", -11538,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,,0.228,,iamcornflower,,4,,,RT @secretcabdriver: Bernie Sanders would wipe the floor with ALL of these clowns. #FeelTheBern #DebateWithBernie #GOPDebates,,2015-08-06 19:35:10 -0700,629480873629331456,"Ashland, OR",Alaska -11539,Ted Cruz,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,cokeybest,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:35:09 -0700,629480872295530496,,Eastern Time (US & Canada) -11540,Ben Carson,0.6667,yes,1.0,Negative,1.0,Racial issues,0.6667,,Dr_DrewZC,,0,,,@sbellelauren @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:35:08 -0700,629480867392565248,,Eastern Time (US & Canada) -11541,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6895,,stclairandy,,0,,,"This is like the TV show ""Review"" right? They have to review obvious topics and fuck them up. #GOPDebates",,2015-08-06 19:35:07 -0700,629480864544481280,America, -11542,Donald Trump,1.0,yes,1.0,Negative,0.6905,FOX News or Moderators,1.0,,bepoem,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:35:07 -0700,629480862845763584,"ÜT: 32.399828,-94.852327",Central Time (US & Canada) -11543,Donald Trump,1.0,yes,1.0,Positive,0.6486,FOX News or Moderators,1.0,,lindarobin3,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:35:04 -0700,629480851349221376,,Central Time (US & Canada) -11544,No candidate mentioned,1.0,yes,1.0,Negative,0.6801,FOX News or Moderators,1.0,,dudeinchicago,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:04 -0700,629480848568549376,, -11545,Donald Trump,1.0,yes,1.0,Neutral,0.6742,FOX News or Moderators,1.0,,PhelimMcAleer,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:03 -0700,629480846169276416,Los Angeles,Central Time (US & Canada) -11546,Jeb Bush,0.6635,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mchamric,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:35:01 -0700,629480837965152256,, -11547,John Kasich,1.0,yes,1.0,Positive,0.3371,None of the above,0.6629,,CharleyDai,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:35:01 -0700,629480835566014465,,Eastern Time (US & Canada) -11548,Jeb Bush,1.0,yes,1.0,Negative,0.7,FOX News or Moderators,1.0,,graceslick77,,3,,,"RT @PuestoLoco: .@dccc @PPFA -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/b…",,2015-08-06 19:35:00 -0700,629480835104796672,,Central Time (US & Canada) -11549,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,FOX News or Moderators,1.0,,garzacommaapril,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:35:00 -0700,629480832424488960,Tex-Sass,Central Time (US & Canada) -11550,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kaaaitlyn19,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:35:00 -0700,629480832219000832,Minnesota,Central Time (US & Canada) -11551,No candidate mentioned,0.4681,yes,0.6842,Negative,0.6842,FOX News or Moderators,0.4681,,Dr_DrewZC,,0,,,@EdgeofSports @Dr_DrewZC: #BlackLivesMatter is a cop killing movement. #GOPDebates,,2015-08-06 19:34:59 -0700,629480828112928769,,Eastern Time (US & Canada) -11552,No candidate mentioned,1.0,yes,1.0,Negative,0.3783,FOX News or Moderators,0.6879,,janiskarb,,8,,,RT @SalMasekela: Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:34:57 -0700,629480822647726080,over the Hills...,Eastern Time (US & Canada) -11553,Donald Trump,1.0,yes,1.0,Negative,0.6593,None of the above,0.6703,,MarianDClough,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:55 -0700,629480813399158785,Montana,Mountain Time (US & Canada) -11554,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,secretcabdriver,,4,,,Bernie Sanders would wipe the floor with ALL of these clowns. #FeelTheBern #DebateWithBernie #GOPDebates,,2015-08-06 19:34:53 -0700,629480804817719297,Vermont,Quito -11555,Rand Paul,0.2428,yes,0.6915,Neutral,0.3511,None of the above,0.4782,,Obama_Biden_13,,0,,,"@NateSilver538 @mikeallen -And this is from what? I agree with the top 2 but Carson, out bush out, Paul, out! #GOPDebates",,2015-08-06 19:34:52 -0700,629480801709613056,, -11556,Ted Cruz,1.0,yes,1.0,Neutral,0.6889,None of the above,1.0,,CamillaBrieste,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:34:51 -0700,629480796152160260,People's Republic of CA,Pacific Time (US & Canada) -11557,Jeb Bush,0.6888,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Steve_McKasson,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:34:50 -0700,629480791580372992,"Washington State, USA",Pacific Time (US & Canada) -11558,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rashid7053,,0,,,They call this a debate? More like festival of regurgitation of lame talking points #GOPDebates,,2015-08-06 19:34:49 -0700,629480787360923648,San Diego,Atlantic Time (Canada) -11559,No candidate mentioned,1.0,yes,1.0,Negative,0.6526,Abortion,1.0,,Tidbitsofexperi,,2,,,RT @RaisedByCulture: Unborn lives are more important. That's what these men are saying #GOPDebates,,2015-08-06 19:34:49 -0700,629480785733648384,South Carolina,Eastern Time (US & Canada) -11560,Ted Cruz,0.3483,yes,1.0,Negative,0.6866,None of the above,1.0,,masg66,,11,,,RT @SupermanHotMale: Go back to Canada Asshole #GopDebates http://t.co/rUgCy5JvZQ,,2015-08-06 19:34:48 -0700,629480784647159808,,Central Time (US & Canada) -11561,John Kasich,0.6789,yes,1.0,Negative,0.6533,None of the above,0.6789,,kykylandry,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:34:48 -0700,629480784387289088,"Guilford, Connecticut UVM '19",Atlantic Time (Canada) -11562,Donald Trump,1.0,yes,1.0,Positive,0.6778,None of the above,0.6778,,ShotGunFloyd,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:48 -0700,629480783254786048,The Moon, -11563,John Kasich,0.4021,yes,0.6341,Positive,0.6341,None of the above,0.4021,,QuantessentialR,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:34:46 -0700,629480775499575296,"Orlando, FL",Eastern Time (US & Canada) -11564,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,rubtor,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:34:46 -0700,629480774014648321,"Houston, Tx",Atlantic Time (Canada) -11565,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,,0.2309,,Samantha1438,,0,,,#GOPDebates Wowww they went through the #BlackLivesMatter like they don't matter. One candidate then its commercial time. Shit,,2015-08-06 19:34:46 -0700,629480773914116096,,Central Time (US & Canada) -11566,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,marypatriott,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:34:46 -0700,629480773863653376,Dark Blue Minneapolis ,Central Time (US & Canada) -11567,Marco Rubio,1.0,yes,1.0,Positive,1.0,Abortion,1.0,,fan48,,1,,,@YoungPros4Rubio @RickCanton RUBIO awesome response on pro life #GOPDebates #Rubio2016,,2015-08-06 19:34:45 -0700,629480771309445120,, -11568,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,Binksterb,,5,,,"RT @SupermanHotMale: Dear #GOP, Nobody likes Abortion, we just don't want republicans raping our children and getting away with it. #GopDeb…",,2015-08-06 19:34:45 -0700,629480768662839296,Knoxville Tennessee,Eastern Time (US & Canada) -11569,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Survivorx2com,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:34:44 -0700,629480764485144576,themartinggroup.com,Quito -11570,Ben Carson,1.0,yes,1.0,Negative,0.6438,FOX News or Moderators,0.6852,,Therealdealer1,,3,,,RT @DanMoore755: @RealBenCarson and a few others aren't getting any time to debate. In a real debate everybody gets involved. #GOP2016 #GOP…,,2015-08-06 19:34:43 -0700,629480762484592640,, -11571,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,0.6559,,dmlewisretired,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:34:42 -0700,629480756817956865,Yavapai County, -11572,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gladyslala,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:34:41 -0700,629480753802313730,LoL Angeles, -11573,No candidate mentioned,0.3847,yes,0.6202,Negative,0.6202,FOX News or Moderators,0.3847,,JLCarbwood,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:34:40 -0700,629480749905915904,"ÜT: 39.113785,-84.851175",America/New_York -11574,John Kasich,1.0,yes,1.0,Neutral,0.6593,None of the above,1.0,,msgoddessrises,,0,,,Make it it's EASY! #Kasich #GOPDebates https://t.co/SvKjoltIYh,,2015-08-06 19:34:40 -0700,629480749754793984,Viva Las Vegas NV.,Pacific Time (US & Canada) -11575,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6768,,prnzsa2,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:40 -0700,629480749217902593,, -11576,No candidate mentioned,0.4259,yes,0.6526,Negative,0.6526,FOX News or Moderators,0.4259,,noonexperiences,,0,,,LMAO who watches #FoxNews is going to watch the NWA movie #GOPDebates,,2015-08-06 19:34:39 -0700,629480745464131584,"Earth, Michigan",Pacific Time (US & Canada) -11577,No candidate mentioned,1.0,yes,1.0,Positive,0.6813,FOX News or Moderators,1.0,,SalMasekela,,8,,,Straight Outta Compton commercial on Fox News. Well played. 🙌🏿 #GOPDebates,,2015-08-06 19:34:37 -0700,629480737956233216,The Universe,Pacific Time (US & Canada) -11578,John Kasich,1.0,yes,1.0,Positive,0.3492,LGBT issues,0.3492,,itsweezie,,2,,,"RT @SupermanHotMale: Dear John Kasich, Beat your Republican friends with a gay tree branch : ) #GopDebates",,2015-08-06 19:34:34 -0700,629480725633372160,,Pacific Time (US & Canada) -11579,Ted Cruz,1.0,yes,1.0,Positive,0.6496,FOX News or Moderators,0.6855,,doordork1966,,21,,,"RT @marymauldin: Hey @FoxNews ! How absolutely fearful are you of @SenTedCruz ? - -I'm LOL at how you refuse to ask him questions! -#GOPDebat…",,2015-08-06 19:34:34 -0700,629480725528621056,Virginia,Eastern Time (US & Canada) -11580,No candidate mentioned,0.4102,yes,0.6404,Negative,0.6404,None of the above,0.4102,,bjcolangelo,,3,,,RT @_RyanTurek: #GOPDebates brought to you by… STRAIGHT OUTTA COMPTON.,,2015-08-06 19:34:33 -0700,629480720222830592,CHI/CLE,Central Time (US & Canada) -11581,No candidate mentioned,1.0,yes,1.0,Negative,0.6629,None of the above,0.3371,,RaisedByCulture,,5,,,Who else got a Straight Outta Compton commercial during #GOPDebates,,2015-08-06 19:34:33 -0700,629480718503010304,"Buena Park, CA",Pacific Time (US & Canada) -11582,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6759999999999999,,dWheel8321,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:34:32 -0700,629480715755851776,Arizona,Arizona -11583,Ted Cruz,0.4594,yes,0.6778,Neutral,0.3444,None of the above,0.4594,,SharonMcCutchan,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:34:32 -0700,629480714883440640,America, -11584,Ben Carson,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mikanngo,,0,,,Fox Ignoring Dr. Carson is a HUGE mistake! Lots of criticism coming tomorrow! #GOPDebates,,2015-08-06 19:34:31 -0700,629480712287178752,, -11585,No candidate mentioned,1.0,yes,1.0,Neutral,0.7059,None of the above,1.0,,footenotes,,0,,,"@Gayer_Than_Thou Feel better soon! (And don't watch #GOPDebates.) -I prescribe Percodan + Butter Pecan @Willy1733 #TCMParty",,2015-08-06 19:34:30 -0700,629480707623006208,,Central Time (US & Canada) -11586,Donald Trump,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,valerie_hickey,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:34:29 -0700,629480702308847616,, -11587,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,meathouse60005,,3,,,"RT @Mariacka: Newsflash, JEB - You won't unite the country with #CommonCore. Please! LOL! #GOPDebates",,2015-08-06 19:34:29 -0700,629480702040502272,USA-world's greatest country,Central Time (US & Canada) -11588,No candidate mentioned,1.0,yes,1.0,Negative,0.6771,Racial issues,1.0,,Dr_DrewZC,,0,,,#BlackLivesMatter is a cop killing movement. #GOPdebates,,2015-08-06 19:34:29 -0700,629480701612695552,,Eastern Time (US & Canada) -11589,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AbiNighthill,,0,,,"""Bromance"" #GOPdebates",,2015-08-06 19:34:28 -0700,629480697141399552,"Cambridge, MA", -11590,Chris Christie,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,0.6859999999999999,,003a04f8c2054b7,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:34:25 -0700,629480686198620160,, -11591,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tonibirdsong,,0,,,I'm getting the best presidential vibe from @GovMikeHuckabee @ChrisChristie & @JebBush #GOPdebates 🇺🇸,,2015-08-06 19:34:23 -0700,629480677805789184,"Franklin, Tennessee",Central Time (US & Canada) -11592,No candidate mentioned,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,1.0,,BunnyWhispering,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:34:21 -0700,629480669102473216,,Central Time (US & Canada) -11593,Ben Carson,1.0,yes,1.0,Neutral,0.6484,None of the above,0.6703,,ChurchmanDan,,3,,,RT @DanMoore755: @RealBenCarson and a few others aren't getting any time to debate. In a real debate everybody gets involved. #GOP2016 #GOP…,,2015-08-06 19:34:20 -0700,629480664291770368,Atl/Gville-GA-ALLDAY, -11594,John Kasich,1.0,yes,1.0,Negative,0.3507,None of the above,1.0,,norahgrady,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:34:20 -0700,629480663809437696,"ÜT: 40.70562,-74.012009",Eastern Time (US & Canada) -11595,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,It's enough to win center!:) he's fantastic! #Kasich4Us #GOPDebates https://t.co/tnTRjwjkbx,,2015-08-06 19:34:16 -0700,629480649347338240,Viva Las Vegas NV.,Pacific Time (US & Canada) -11596,Ted Cruz,0.3974,yes,0.6304,Negative,0.6304,FOX News or Moderators,0.3974,,Accolaidia,,0,,,@TriciaNC1 @LUCruzCrew @FoxNews only has talked to Ted three times as of now. Why? #GOPDebates #GOPDebate #gop #TedCruz,,2015-08-06 19:34:14 -0700,629480639864004608,, -11597,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,DyreiD,,5,,,"RT @SupermanHotMale: Dear #GOP, Nobody likes Abortion, we just don't want republicans raping our children and getting away with it. #GopDeb…",,2015-08-06 19:34:13 -0700,629480635908911104,ChicaGO ✈ North Carolina ﺚ,Central Time (US & Canada) -11598,John Kasich,0.4542,yes,0.6739,Positive,0.6739,None of the above,0.4542,,JimmyJames38,,0,,,I also think Kasich is doing fine. I'm a RINO prolly #GOPDebates,,2015-08-06 19:34:13 -0700,629480634113748993,Center of the Buckeye,Eastern Time (US & Canada) -11599,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6932,,SupermanHotMale,,3,,,"Hey Chris Wallace, These guys have a better plan than President Obama? Make the popcorn kids, this is going to be stupid... #GopDebates",,2015-08-06 19:34:11 -0700,629480626966687745,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11600,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SandyEVetmom,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:34:10 -0700,629480625515442176,, -11601,Donald Trump,0.4025,yes,0.6344,Positive,0.6344,None of the above,0.4025,,kengeljack,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:10 -0700,629480621807636480,Indiana & Tongxiang City, -11602,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,the_liamsy,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:34:07 -0700,629480611586158592,"NY ✈️ FL, THE EAST END",Eastern Time (US & Canada) -11603,Donald Trump,1.0,yes,1.0,Negative,0.6562,None of the above,1.0,,nursingusa,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:07 -0700,629480610550018048, ,Quito -11604,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,Racial issues,1.0,,Pudingtane,,3,,,"#gopdebates questions r worded like personal attacks, including half truths. They stated cops were targeting blacks. That's not true. #toct",,2015-08-06 19:34:06 -0700,629480608318816256,CountyCaptain 4RomneyCampaign,Eastern Time (US & Canada) -11605,Mike Huckabee,0.2256,yes,0.6562,Neutral,0.3438,None of the above,0.2256,,CarolFoster13,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:34:06 -0700,629480606930370560,, -11606,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,e_rizzel,,0,,,Can't believe this #StraightOuttaCompton trailer is on during the #GOPDebates,,2015-08-06 19:34:06 -0700,629480605873352705,Mississippi,Central Time (US & Canada) -11607,John Kasich,1.0,yes,1.0,Negative,0.7111,LGBT issues,1.0,,EnzoWestie,,0,,,#kasich just admitted having attended a same sex wedding. That's the sound of his shot at the nomination circling the drain. #gopdebates,,2015-08-06 19:34:05 -0700,629480604598300672,"Austin, Texas",Central Time (US & Canada) -11608,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BRYCE3376,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:34:03 -0700,629480594645237761,Stillwater, -11609,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,None of the above,0.6562,,_RyanTurek,,3,,,#GOPDebates brought to you by… STRAIGHT OUTTA COMPTON.,,2015-08-06 19:34:03 -0700,629480592766144512,"Los Angeles, CA", -11610,Ben Carson,1.0,yes,1.0,Positive,0.3596,None of the above,1.0,,DanMoore755,,3,,,@RealBenCarson and a few others aren't getting any time to debate. In a real debate everybody gets involved. #GOP2016 #GOPDebate #GOPDebates,,2015-08-06 19:34:01 -0700,629480585791148032,"Georgia, USA", -11611,No candidate mentioned,1.0,yes,1.0,Positive,0.6628,None of the above,1.0,,Marionmarooned,,0,,,"""I'm surprised this is being advertised right now."" - My gf on #StraightOuttaCompton ads during #GOPDebates",,2015-08-06 19:34:01 -0700,629480584813936641,"Harrison, NY",Central Time (US & Canada) -11612,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BRYCE3376,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:34:00 -0700,629480581944885248,Stillwater, -11613,Donald Trump,1.0,yes,1.0,Negative,0.6658,FOX News or Moderators,1.0,,BRYCE3376,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:56 -0700,629480565188595712,Stillwater, -11614,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,BamaLady10,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:33:55 -0700,629480562353414144,Alabama,Central Time (US & Canada) -11615,No candidate mentioned,0.7,yes,1.0,Negative,0.6667,None of the above,1.0,,Raymond_Norman,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:33:54 -0700,629480557924249600,Wisconsin & Minnesota,Central Time (US & Canada) -11616,No candidate mentioned,1.0,yes,1.0,Neutral,0.6804,FOX News or Moderators,1.0,,AJAkatsuki,,0,,,"Straight Outta Compton commercial! ""Look how hip and urban friendly we are!"" - Fox News. #GOPDebates",,2015-08-06 19:33:54 -0700,629480557337018368,"Amarillo, Texas",Eastern Time (US & Canada) -11617,John Kasich,1.0,yes,1.0,Positive,0.6702,None of the above,1.0,,lori_iluvsummer,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:33:50 -0700,629480541310484480,,Central Time (US & Canada) -11618,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6882,,just_ish,,0,,,Also why did ya'll backward ass MF's only ask the moderates about social issues #GOPDebates,,2015-08-06 19:33:50 -0700,629480541276889088,TX,Eastern Time (US & Canada) -11619,Donald Trump,1.0,yes,1.0,Negative,0.7065,None of the above,0.6413,,PS_Trading,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:50 -0700,629480539188281344,, -11620,Jeb Bush,1.0,yes,1.0,Negative,0.6692,None of the above,1.0,,Deb_Saw_Boy,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:50 -0700,629480537770471424,, -11621,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Gun Control,1.0,,electro_moon,,1,,,"RT @averykayla: ""There's no reason today why am American citizen should walk the streets with a loaded gun"" Ronald Reagen #RandPaul #GOPDeb…",,2015-08-06 19:33:49 -0700,629480534880727040,"Denver, ColoRADo",Eastern Time (US & Canada) -11622,Donald Trump,1.0,yes,1.0,Negative,0.6525,FOX News or Moderators,0.6525,,Werwolf96,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:47 -0700,629480527695872000,, -11623,Jeb Bush,0.4434,yes,0.6659,Negative,0.6659,FOX News or Moderators,0.2238,,PuestoLoco,,3,,,".@dccc @PPFA -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush http://t.co/bgzYsySfSU",,2015-08-06 19:33:47 -0700,629480526517305344,Florida Central West Coast,America/New_York -11624,Donald Trump,1.0,yes,1.0,Neutral,0.6559,FOX News or Moderators,1.0,,fisherynation,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:45 -0700,629480520078880768,, -11625,Donald Trump,1.0,yes,1.0,Positive,0.3736,None of the above,1.0,,BRYCE3376,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:43 -0700,629480508750082048,Stillwater, -11626,Donald Trump,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,TheBeatlesRule4,,0,,,So does Trump have any substantive policies or...? #GOPdebates,,2015-08-06 19:33:42 -0700,629480504035667968,, -11627,Donald Trump,1.0,yes,1.0,Positive,0.6591,None of the above,0.6591,,lindarobin3,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:40 -0700,629480499006705664,,Central Time (US & Canada) -11628,No candidate mentioned,1.0,yes,1.0,Negative,0.6503,Racial issues,1.0,,chrisalexander_,,0,,,"ONE ""race"" question. LOLOLOLOL #GOPdebates",,2015-08-06 19:33:39 -0700,629480494028222464,where the chicken is plentiful,Eastern Time (US & Canada) -11629,No candidate mentioned,0.3813,yes,0.6175,Negative,0.6175,None of the above,0.3813,,KorQUAKKA,,3,,,RT @_Darling_Nikki: 😂 RT @SupermanHotMale Little bitch fight alert ---> : D #GopDebates http://t.co/13q9KKoaSX,,2015-08-06 19:33:38 -0700,629480490605658114,"Prov.,RI..*da'LAKE!!*", -11630,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mitchbytes,,0,,,Walker answers questions like he's at Miss America pageant #GOPDebates,,2015-08-06 19:33:38 -0700,629480488369938433,Philly,Quito -11631,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,None of the above,1.0,,weedtaco,,0,,,drink every time a candidate says Reagan #rnc #gop #GOPDebate #GOPDebates,,2015-08-06 19:33:35 -0700,629480477062115328,, -11632,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tamkyn,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:34 -0700,629480472125538304,USA,Eastern Time (US & Canada) -11633,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kdbarr02,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:34 -0700,629480471278125056,kerens texas, -11634,Donald Trump,0.6761,yes,1.0,Negative,0.6656,FOX News or Moderators,1.0,,BRYCE3376,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:33:33 -0700,629480470091165697,Stillwater, -11635,Donald Trump,1.0,yes,1.0,Positive,0.6629999999999999,None of the above,0.6629999999999999,,txblondegrad,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:32 -0700,629480464902795264,"32.786456,-96.97525",Central Time (US & Canada) -11636,Donald Trump,1.0,yes,1.0,Negative,0.6095,None of the above,0.6863,,nohilary,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:30 -0700,629480457013334016,"Washington, DC", -11637,No candidate mentioned,1.0,yes,1.0,Negative,0.7006,None of the above,1.0,,deadpoolrl4,,1,,,RT @MallieBee: Let's just decide who our next #president is by having a Political Hunger Games #presidentialdebate #GOPDebates,,2015-08-06 19:33:30 -0700,629480456178769921,"Hardwick, New Jersey", -11638,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Freedom4Dummies,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:33:30 -0700,629480456069775360,, -11639,No candidate mentioned,1.0,yes,1.0,Neutral,0.6593,FOX News or Moderators,0.6703,,pretty_KD,,0,,,Of course they ask one person and a candidate that won't win anyway smh #GOPdebates,,2015-08-06 19:33:28 -0700,629480446326390784,,Eastern Time (US & Canada) -11640,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,1.0,,ziplamak,,0,,,Religion & business degrees: the elective mental illnesses! #GOPDebates,,2015-08-06 19:33:28 -0700,629480445952987137,"Seattle, WA",Arizona -11641,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DanClark77,,0,,,#GOPDebates are going to make me an alcoholic!,,2015-08-06 19:33:28 -0700,629480445739036672,Chicago,Central Time (US & Canada) -11642,Rand Paul,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,torii_dawson,,0,,,Rand Paul has my vote #GopDebates #RandPaul,,2015-08-06 19:33:27 -0700,629480441825902594,RVA | Bristol,Pacific Time (US & Canada) -11643,No candidate mentioned,0.4307,yes,0.6562,Negative,0.3438,Racial issues,0.4307,,OrginalSangster,,0,,,Finally talking about race 100 min. In and CUT TO COMMERCIAL #BlackLivesMatter #GOPDebates #GOPDebacle,,2015-08-06 19:33:26 -0700,629480439313498112,Chicago IL,Alaska -11644,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,ConservativeGM,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:33:25 -0700,629480432757702656,"Anytown, NJ",Eastern Time (US & Canada) -11645,Donald Trump,1.0,yes,1.0,Negative,0.3556,FOX News or Moderators,0.3556,,xjohnlx,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:20 -0700,629480415770857472,,Eastern Time (US & Canada) -11646,Donald Trump,1.0,yes,1.0,Negative,0.3664,FOX News or Moderators,1.0,,Survivorx2com,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:20 -0700,629480413489008641,themartinggroup.com,Quito -11647,Scott Walker,0.6593,yes,1.0,Negative,1.0,None of the above,0.6703,,RobsRamblins,,0,,,This guy-#Walker speaks like he has a stick up his ass. #GOPDebates,,2015-08-06 19:33:19 -0700,629480411077349380,,Arizona -11648,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6444,,Omar3__O,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:33:19 -0700,629480410783715328, Canada ,Mountain Time (US & Canada) -11649,No candidate mentioned,1.0,yes,1.0,Negative,0.6949,None of the above,1.0,,waxmansharon,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:33:19 -0700,629480408816685056,"Washington, DC", -11650,Donald Trump,0.4233,yes,0.6506,Negative,0.6506,FOX News or Moderators,0.4233,,AcerbicAxioms,,0,,,"Megyn - Did you call #Trump2016 names? -Bush - Not me! -Megyn - Ok! - -Seriously??? Crucify him like you do Trump! -#GOPDebates #Biased",,2015-08-06 19:33:17 -0700,629480400469909504,Republic of Texas, -11651,Donald Trump,1.0,yes,1.0,Positive,0.6505,FOX News or Moderators,0.7147,,LEO_from_NJ,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:16 -0700,629480397353529344,Anywhere But Here,Eastern Time (US & Canada) -11652,Donald Trump,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,walkingdevil,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:14 -0700,629480390726713344, Pa. USA, -11653,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,NYACC1978,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:33:13 -0700,629480383034339328,New York,Eastern Time (US & Canada) -11654,No candidate mentioned,0.4578,yes,0.6766,Neutral,0.6766,LGBT issues,0.4578,,ShotOfChinaco,,1,,,"RT @InaMaziarcz: You see the people in the audience looking around when they clapped for Gay Rights. People were like, da fuk... #GOPDebates",,2015-08-06 19:33:12 -0700,629480380190461952,,Arizona -11655,Donald Trump,1.0,yes,1.0,Negative,0.6548,None of the above,0.3452,,breezyhanlon,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:33:10 -0700,629480372678586368,304,Quito -11656,No candidate mentioned,1.0,yes,1.0,Negative,0.679,FOX News or Moderators,1.0,,Johnmasshole,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:33:09 -0700,629480366898868224,, -11657,Donald Trump,1.0,yes,1.0,Negative,0.6591,FOX News or Moderators,0.6591,,Suzanneprotour,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:33:07 -0700,629480358770184193,, -11658,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,Women's Issues (not abortion though),1.0,,seachange12,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:33:07 -0700,629480357805473795,coonawarra ,Adelaide -11659,Jeb Bush,0.7049,yes,1.0,Neutral,0.6369,FOX News or Moderators,1.0,,jkboice,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:33:07 -0700,629480357340049408,"De Pere, WI",Central Time (US & Canada) -11660,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6629,,RaisedByCulture,,0,,,Ask all the candidates! #GOPDebates,,2015-08-06 19:33:06 -0700,629480353971830785,"Buena Park, CA",Pacific Time (US & Canada) -11661,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6667,,madukovich,,0,,,"Same mistakes #Republicans have always made, they still make tonight- not pandering to the feelings of female voters. #GOPDebates",,2015-08-06 19:33:02 -0700,629480339442958336,"uhuru, nirvana", -11662,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MustangSally47,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:33:02 -0700,629480337970573312,USA, -11663,Donald Trump,0.2256,yes,0.6562,Neutral,0.3438,None of the above,0.4307,,Suzanneprotour,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:57 -0700,629480318408339456,, -11664,Donald Trump,1.0,yes,1.0,Negative,0.6374,FOX News or Moderators,1.0,,lateshalynch,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:32:57 -0700,629480316915167232,"Atlanta, GA ",Quito -11665,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CUTigerGirl89,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:32:55 -0700,629480310153961472,Clemson SC,Eastern Time (US & Canada) -11666,Donald Trump,0.4444,yes,0.6667,Neutral,0.6667,None of the above,0.4444,,ecattry26,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:32:55 -0700,629480308404912128,,Quito -11667,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Sheri0526,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:32:54 -0700,629480304093171712,Colorado, -11668,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,LGBT issues,0.4444,,DoubleDipChip,,0,,,"Oh, we'll hear them talk about discrimination on those who discriminate others but LGBTS being discriminated is ok to them. #GOPDebates",,2015-08-06 19:32:53 -0700,629480300205211648,, -11669,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Racial issues,0.3444,,TimothyMPate,,0,,,"Saying ""all lives matter"" should have been worth points in the #FantasyGOPDebates league. Missed opportunity there. #GOPDebates",,2015-08-06 19:32:51 -0700,629480290927296516,"Saint Paul, MN", -11670,Donald Trump,1.0,yes,1.0,Positive,0.6713,FOX News or Moderators,1.0,,RobynSChilson,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:32:49 -0700,629480284455596032,Pennsylvania,Atlantic Time (Canada) -11671,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,4divots,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:32:48 -0700,629480278331756546,NV.AZ.NY.Germ.SKor.VA.UT.GA.TX,Quito -11672,John Kasich,0.6866,yes,1.0,Positive,1.0,LGBT issues,0.6866,,msgoddessrises,,0,,,He accepts my daughter. I'm so happy. A republican ACCEPTING MY CHILD! RT #GOPDebates #Kasich #Gaymarriage https://t.co/po2AWD9qsd,,2015-08-06 19:32:47 -0700,629480276217868288,Viva Las Vegas NV.,Pacific Time (US & Canada) -11673,John Kasich,1.0,yes,1.0,Neutral,0.3526,None of the above,1.0,,tb21666,,10,,,RT @SalMasekela: Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:32:47 -0700,629480275131674625,Terrestrial Blue Marble,Eastern Time (US & Canada) -11674,Donald Trump,1.0,yes,1.0,Negative,0.6424,None of the above,1.0,,DiggerBLC3,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:32:46 -0700,629480273260908544,,Mountain Time (US & Canada) -11675,No candidate mentioned,1.0,yes,1.0,Negative,0.6701,FOX News or Moderators,0.6701,,MustangSally47,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:32:46 -0700,629480272317124608,USA, -11676,No candidate mentioned,1.0,yes,1.0,Neutral,0.6761,None of the above,1.0,,alyssa_bacon,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:32:46 -0700,629480271092535296,,Eastern Time (US & Canada) -11677,Donald Trump,1.0,yes,1.0,Positive,0.3567,FOX News or Moderators,1.0,,dwill6413,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:45 -0700,629480267154108416,,Central Time (US & Canada) -11678,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,carmacarmeleon,,3,,,RT @racquetball54: I hate when they call Social Security an entitlement. The government doesn't fund Social Security you and your employer…,,2015-08-06 19:32:41 -0700,629480249290457088,Land of Enchantment, -11679,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.667,,averykayla,,0,,,@megynkelly just asked is black lives mattered?!? #GOPDebates #SayHerName #BlackLivesMatter,,2015-08-06 19:32:40 -0700,629480247633780738,Boston,Eastern Time (US & Canada) -11680,Ted Cruz,0.4149,yes,0.6441,Positive,0.6441,None of the above,0.4149,,Sheri0526,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:39 -0700,629480242134958080,Colorado, -11681,John Kasich,0.6585,yes,1.0,Neutral,0.6585,LGBT issues,1.0,,Pamelajn922,,2,,,"RT @cpnote: Kacinich; ""some of my best friends are gay""#GOPDebates",,2015-08-06 19:32:39 -0700,629480241724006401,New York, -11682,Rand Paul,0.6998,yes,1.0,Negative,0.6501,Gun Control,0.6998,,tmservo433,,0,,,"Rand Paul: I don't want my marriage or guns to be registered in DC. Now, who on this stage is packing? Im Denny Crane #GOPdebates",,2015-08-06 19:32:39 -0700,629480241073922048,, -11683,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ConradZbikowski,,1,,,"RT @TheBeatlesRule4: ""When did you actually become a Republican?"" BOOM SHOTS FIRED AGAINST TRUMP #GOPDebates",,2015-08-06 19:32:39 -0700,629480240385953793,Minneapolis,Central Time (US & Canada) -11684,No candidate mentioned,0.6484,yes,1.0,Negative,0.6703,None of the above,1.0,,RonniRodriguez1,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:32:38 -0700,629480236145455104,, -11685,Donald Trump,1.0,yes,1.0,Positive,0.6705,FOX News or Moderators,0.6705,,AshleyAMunoz,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:35 -0700,629480226498613248,, -11686,Ted Cruz,0.6954,yes,1.0,Negative,0.3723,None of the above,1.0,,BarbofPA,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:35 -0700,629480224678350848,"Darby,Pa",Eastern Time (US & Canada) -11687,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6638,,RachMitch14,,3,,,"RT @ira: At this point, talking about 9/11 at #GOPDebates has gone on longer than ""Who is A?"" on Pretty Little Liars",,2015-08-06 19:32:33 -0700,629480217724198912,SC,Alaska -11688,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,reelthyme17,,1,,,Believe it or not I'm not getting any air... #GOPDebates http://t.co/lIP17r5HNj,,2015-08-06 19:32:33 -0700,629480215018913792,SassyTallahassee, -11689,No candidate mentioned,0.4528,yes,0.6729,Neutral,0.3605,None of the above,0.4528,,sorrentotwin,,1,,,RT @MotorCityLib: Forget the #GOPdebates and let's talk about this Ronald Raven..,,2015-08-06 19:32:32 -0700,629480210505728000,Michigan,Eastern Time (US & Canada) -11690,John Kasich,0.3711,yes,0.6092,Positive,0.6092,,0.2381,,DeneanBanister,,1,,,RT @msgoddessrises: #Kasich I LOVE YOU!!!!!!! RT %#GOPDebates #Gaymarriage,,2015-08-06 19:32:29 -0700,629480201811021825,, -11691,John Kasich,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,SalMasekela,,10,,,Is Kasich aware that he's making sense? #GOPDebates,,2015-08-06 19:32:29 -0700,629480199634075648,The Universe,Pacific Time (US & Canada) -11692,Donald Trump,0.4181,yes,0.6466,Negative,0.336,,0.2285,,alexcain33,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:29 -0700,629480199344771077,Knoxville TN,Eastern Time (US & Canada) -11693,Donald Trump,1.0,yes,1.0,Positive,0.6836,None of the above,1.0,,MarlenaRodrigz,,0,,,"I know I'm tweeting too much, but I'm just tryna to get a forced invite to Trump's next wedding. #GOPDebates #GOPteen",,2015-08-06 19:32:28 -0700,629480194919788549,"New York, NY",Quito -11694,Donald Trump,1.0,yes,1.0,Negative,0.3525,None of the above,1.0,,MustangSally47,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:27 -0700,629480192205950977,USA, -11695,John Kasich,1.0,yes,1.0,Neutral,0.6431,None of the above,1.0,,mitchbytes,,0,,,Did Kasich basically just say he wants 2 be VP 4 Bush??? #GOPDebates,,2015-08-06 19:32:24 -0700,629480179081965568,Philly,Quito -11696,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6809,,fawn_mac,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:32:23 -0700,629480173927206912,, -11697,No candidate mentioned,0.4584,yes,0.6771,Neutral,0.3438,Jobs and Economy,0.2327,,Virginia4USA,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:32:21 -0700,629480165735858176,GA - #CATHOLIC #LymeDisease ,Eastern Time (US & Canada) -11698,Donald Trump,1.0,yes,1.0,Negative,0.6585,FOX News or Moderators,0.7037,,mike_datlof,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:21 -0700,629480165068939264,"Myrtle Beach, SC", -11699,Donald Trump,1.0,yes,1.0,Negative,0.3448,None of the above,0.6552,,azeducator,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:20 -0700,629480162581614592,"Phoenix, Arizona",Arizona -11700,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,ares407,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:15 -0700,629480141564047360,, -11701,Donald Trump,1.0,yes,1.0,Positive,0.6552,None of the above,0.6552,,TrumpIssues,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:13 -0700,629480134274211840,United States Of America,Pacific Time (US & Canada) -11702,No candidate mentioned,0.3974,yes,0.6304,Negative,0.337,,0.233,,BigBoss_Acme,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 19:32:12 -0700,629480129232658434,los angeles, -11703,Donald Trump,1.0,yes,1.0,Negative,0.665,FOX News or Moderators,0.7067,,EmileeMcmaster,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:12 -0700,629480128284749824,"Orlando , FL", -11704,Donald Trump,0.4853,yes,0.6966,Negative,0.6966,None of the above,0.4853,,laprofe63,,1,,,"RT @radmax: Trump ""often sounds like more of a Democrat than a Republican"". Stop trying to make Liberal Trump happen! We dON'T WANT HIM!!!!…",,2015-08-06 19:32:11 -0700,629480123830546432,Chicagoland #USA via #NYC ,Central Time (US & Canada) -11705,Donald Trump,1.0,yes,1.0,Neutral,0.6774,Jobs and Economy,0.6774,,GreeGreece,,1,,,RT @SandraEckersley: Bankruptcy. The Donald Trump master plan for the USA that must look appealing now to Joe Hockey & Tony Abbott. #GOPDeb…,,2015-08-06 19:32:10 -0700,629480121703903232,"Brisbane, Australia",Brisbane -11706,John Kasich,1.0,yes,1.0,Positive,0.6898,LGBT issues,0.6898,,BrendanKKirby,,0,,,"Despite support for traditional marriage, @JohnKasich would accept daughter if she was gay. #GOPdebates #LZDebates",,2015-08-06 19:32:07 -0700,629480109192294400,"Mobile, AL",Central Time (US & Canada) -11707,Ted Cruz,1.0,yes,1.0,Neutral,0.6585,None of the above,0.6585,,Accolaidia,,0,,,No talking to Ted Cruz... Why? #GOPDebate #GOPDebates #TedCruz,,2015-08-06 19:32:06 -0700,629480103873921024,, -11708,Donald Trump,1.0,yes,1.0,Negative,0.6339,None of the above,0.6339,,TheBeatlesRule4,,1,,,"""When did you actually become a Republican?"" BOOM SHOTS FIRED AGAINST TRUMP #GOPDebates",,2015-08-06 19:32:05 -0700,629480099750875136,, -11709,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6435,,dwill6413,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:32:04 -0700,629480096169086977,,Central Time (US & Canada) -11710,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,SilverBackRebel,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:32:04 -0700,629480093329457152,,Central Time (US & Canada) -11711,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MaBell45,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:32:02 -0700,629480087117819904,NC, -11712,Ted Cruz,1.0,yes,1.0,Negative,0.6818,None of the above,0.6591,,BladeFyreStudio,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:32:02 -0700,629480086668976129,#Vet #USN #PJNET #2A #1A #NRA, -11713,Donald Trump,1.0,yes,1.0,Positive,0.7079,None of the above,1.0,,hippership,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:32:01 -0700,629480083997114368,,Central Time (US & Canada) -11714,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,Gun Control,0.4025,,AnyhooT2,,0,,,Hmm which chapter in the bible says we should all have guns? #GOPDebates,,2015-08-06 19:32:00 -0700,629480079802953728,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -11715,Jeb Bush,1.0,yes,1.0,Negative,0.6628,FOX News or Moderators,1.0,,BetsyGBJ9328,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:32:00 -0700,629480078175531008,Pennsylvania,Atlantic Time (Canada) -11716,John Kasich,0.625,yes,1.0,Negative,0.375,None of the above,1.0,,msgoddessrises,,0,,,Told you! And he called @govsandoval ??? #Kasich2016 #GOPDebates https://t.co/YDJeEvL31x,,2015-08-06 19:32:00 -0700,629480076690616320,Viva Las Vegas NV.,Pacific Time (US & Canada) -11717,John Kasich,1.0,yes,1.0,Positive,1.0,LGBT issues,0.6512,,edfordham,,0,,,A GOP candidate who respects all - Gov John Kaisch #SameSexMarriage #GOPDebates,,2015-08-06 19:32:00 -0700,629480076552314880,"Kilburn & W. Hampstead, NW6",Hawaii -11718,Rand Paul,0.6842,yes,1.0,Negative,0.6632,Gun Control,1.0,,averykayla,,1,,,"""There's no reason today why am American citizen should walk the streets with a loaded gun"" Ronald Reagen #RandPaul #GOPDebates",,2015-08-06 19:31:59 -0700,629480075034013696,Boston,Eastern Time (US & Canada) -11719,John Kasich,1.0,yes,1.0,Negative,0.6703,LGBT issues,1.0,,scottaxe,,1,,,RT @MHVadney: Kasich's answer on gay marriage was reasonable for someone who dislikes it. #GOPDebates,,2015-08-06 19:31:58 -0700,629480071049273344,Los Angeles , -11720,Donald Trump,1.0,yes,1.0,Neutral,0.6437,None of the above,0.6437,,lyz_estrada,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:56 -0700,629480061159149568,,Central Time (US & Canada) -11721,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:56 -0700,629480060416884736,Milan-Italy,Rome -11722,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6809,,dudeinchicago,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:31:56 -0700,629480060005797888,, -11723,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3516,,fisherynation,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:53 -0700,629480050295992320,, -11724,Ted Cruz,0.6556,yes,1.0,Positive,0.6333,None of the above,1.0,,youthpastorbry,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:31:51 -0700,629480040401518593,In the Bible Belt,Central Time (US & Canada) -11725,Donald Trump,1.0,yes,1.0,Positive,0.3708,FOX News or Moderators,1.0,,Erosunique,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:49 -0700,629480030515666944,Milan-Italy,Rome -11726,John Kasich,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,hyeyoothere,,0,,,John Kasich is the most decent one out of everyone. Good speech just now. #GOPDebates,,2015-08-06 19:31:49 -0700,629480030469492736,,Eastern Time (US & Canada) -11727,No candidate mentioned,0.405,yes,0.6364,Negative,0.3409,None of the above,0.405,,msYankeeTexan,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:48 -0700,629480026581250049,Austin TX, -11728,No candidate mentioned,0.4038,yes,0.6354,Positive,0.3229,LGBT issues,0.4038,,BernardMcEldown,,0,,,Seems like supporting same sex marriage is actually popular with Republicans #GOPDebates,,2015-08-06 19:31:47 -0700,629480022139609090,"Bromsgrove, Worcestershire",London -11729,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6525,,Chuck1079,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:46 -0700,629480021149810688,"Pittsburgh, Pa.",Eastern Time (US & Canada) -11730,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,BlkPoliticSport,,0,,,No questions about the recent rise of Police brutality in communities of color? Oh wait....it's the #GOPDebates,,2015-08-06 19:31:46 -0700,629480020776501248,shaolin- 36 chambers ,Eastern Time (US & Canada) -11731,Donald Trump,1.0,yes,1.0,Neutral,0.6655,FOX News or Moderators,1.0,,budpitino,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:31:46 -0700,629480019857928192,, -11732,Donald Trump,1.0,yes,1.0,Negative,0.6343,FOX News or Moderators,1.0,,tbird_goinggalt,,0,,,#GOPDebates #FoxDebate this is ridiculous!!! Bashing Trump & ignoring Cruz!!!,,2015-08-06 19:31:46 -0700,629480018771492864,"Kalamazoo, Michigan",Eastern Time (US & Canada) -11733,John Kasich,1.0,yes,1.0,Negative,0.6628,LGBT issues,1.0,,SupermanHotMale,,2,,,"Dear John Kasich, Beat your Republican friends with a gay tree branch : ) #GopDebates",,2015-08-06 19:31:46 -0700,629480018603835392,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11734,Donald Trump,1.0,yes,1.0,Negative,0.6829,FOX News or Moderators,1.0,,yarbbla,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:31:45 -0700,629480014539526144,, -11735,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6484,,__eclectica,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:31:45 -0700,629480013633470465,Adelaide,Adelaide -11736,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.3407,,honeythunder,,0,,,Traditional marriage #GOPDebates http://t.co/fTpNi3Oo2Z,,2015-08-06 19:31:44 -0700,629480011679035392,Twenty minutes in the future.,Tehran -11737,Scott Walker,0.4946,yes,0.7033,Negative,0.7033,None of the above,0.4946,,ChrisCigale,,7,,,RT @SpudLovr: #True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiun…,,2015-08-06 19:31:44 -0700,629480009737109504,, -11738,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,shells2014,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:31:43 -0700,629480005890875392,"Atlanta, GA", -11739,No candidate mentioned,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,JennaRaulerson,,0,,,Half of the people in the #GOPDebates look like characters from an @nbcsnl sketch.,,2015-08-06 19:31:41 -0700,629480000555757568,,Quito -11740,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,PJright777,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:40 -0700,629479995186921472,,Eastern Time (US & Canada) -11741,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,thewilddiva,,0,,,Good for you John Kasich! #GOPDebates,,2015-08-06 19:31:40 -0700,629479994943762433,"Woodbridge, NJ",Eastern Time (US & Canada) -11742,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Freedom_Down,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:40 -0700,629479993400291328,, -11743,John Kasich,1.0,yes,1.0,Positive,1.0,LGBT issues,1.0,,jsn2007,,0,,,@JohnKasich Good for you! #gopdebates #gaymarriage #equality,,2015-08-06 19:31:38 -0700,629479985523355649,USA,Eastern Time (US & Canada) -11744,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PhyllisA,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:38 -0700,629479984604643328,,Central Time (US & Canada) -11745,Donald Trump,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,0.6552,,_hadji_911,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:37 -0700,629479980339064832,, -11746,Ted Cruz,0.6477,yes,1.0,Neutral,0.67,None of the above,1.0,,tmg9464,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:31:35 -0700,629479972168667136,"Youngsville, Louisiana",Central Time (US & Canada) -11747,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7171,,4divots,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:34 -0700,629479969945554944,NV.AZ.NY.Germ.SKor.VA.UT.GA.TX,Quito -11748,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6519,,syannarmienta_,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:33 -0700,629479966611091456,, -11749,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LouCarter,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:32 -0700,629479962047848448,SW Florida,Eastern Time (US & Canada) -11750,Donald Trump,1.0,yes,1.0,Positive,0.6814,None of the above,0.6403,,LadyB117,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:32 -0700,629479961607471106,,Eastern Time (US & Canada) -11751,Jeb Bush,0.2502,yes,0.7003,Negative,0.7003,FOX News or Moderators,0.4904,,4divots,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:28 -0700,629479943349538816,NV.AZ.NY.Germ.SKor.VA.UT.GA.TX,Quito -11752,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,bugsboom,,0,,,"YEAH, @JohnKasich seems like the most level-headed person on that stage. In other words: he's the only sane one! #GOPDebates #GOPDebate",,2015-08-06 19:31:26 -0700,629479936512913408,"Richmond area, VA",Eastern Time (US & Canada) -11753,No candidate mentioned,1.0,yes,1.0,Negative,0.679,Women's Issues (not abortion though),1.0,,the1spoonman,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:31:26 -0700,629479936382779392,"Port Macquarie, Australia.",Sydney -11754,Scott Walker,1.0,yes,1.0,Negative,0.3436,None of the above,1.0,,SpudLovr,,7,,,#True Number of #Walker16 aides convicted of felonies higher than number of WI Voter Impersonation cases in past 30 yrs #wiunion #GOPDebates,,2015-08-06 19:31:26 -0700,629479935942508544,WI,Mountain Time (US & Canada) -11755,No candidate mentioned,1.0,yes,1.0,Negative,0.3478,FOX News or Moderators,1.0,,HondoLane,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:25 -0700,629479931588792320,,America/Detroit -11756,John Kasich,1.0,yes,1.0,Neutral,0.6602,LGBT issues,1.0,,cpnote,,2,,,"Kacinich; ""some of my best friends are gay""#GOPDebates",,2015-08-06 19:31:25 -0700,629479929898508288,,Eastern Time (US & Canada) -11757,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,1.0,,JoeMulatto,,0,,,that was... surprising. #gopdebates,,2015-08-06 19:31:24 -0700,629479927197241344,,Atlantic Time (Canada) -11758,John Kasich,1.0,yes,1.0,Positive,0.6506,LGBT issues,1.0,,MHVadney,,1,,,Kasich's answer on gay marriage was reasonable for someone who dislikes it. #GOPDebates,,2015-08-06 19:31:23 -0700,629479922822684672,,Atlantic Time (Canada) -11759,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,dressed_sharp,,0,,,@CaroMT your baby's life is not yours to destroy and be sold on the open market #tcot #GOPDebates,,2015-08-06 19:31:23 -0700,629479921484742656,, -11760,John Kasich,1.0,yes,1.0,Positive,1.0,LGBT issues,0.7077,,msgoddessrises,,1,,,#Kasich I LOVE YOU!!!!!!! RT %#GOPDebates #Gaymarriage,,2015-08-06 19:31:22 -0700,629479920314363904,Viva Las Vegas NV.,Pacific Time (US & Canada) -11761,No candidate mentioned,1.0,yes,1.0,Neutral,0.6566,None of the above,1.0,,doubleofive,,1,,,"Every time the debate bell rings, my dogs freak out. #GOPDebates",,2015-08-06 19:31:19 -0700,629479907807129600,'merica,Eastern Time (US & Canada) -11762,No candidate mentioned,0.4162,yes,0.6452,Neutral,0.6452,None of the above,0.4162,,EmilyAnthes,,0,,,There's no crying in #GOPdebates,,2015-08-06 19:31:19 -0700,629479904380350465,"Brooklyn, NY",Eastern Time (US & Canada) -11763,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,shchen,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:18 -0700,629479902400548864,"Taichung, Taiwan",Taipei -11764,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6382,,thatx209xguy,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:18 -0700,629479902279041025,"California, USA", -11765,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,luvurdog,,0,,,Watched Sky News Live https://t.co/nGwuzQc8K8 via @YouTube #GOPDebates,,2015-08-06 19:31:18 -0700,629479901364645888,Venus,Central Time (US & Canada) -11766,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6489,,just_ish,,0,,,Can I prosecute christian for dumb questions? #GOPDebates,,2015-08-06 19:31:16 -0700,629479894720712705,TX,Eastern Time (US & Canada) -11767,No candidate mentioned,0.4551,yes,0.6746,Negative,0.3474,LGBT issues,0.4551,,InaMaziarcz,,1,,,"You see the people in the audience looking around when they clapped for Gay Rights. People were like, da fuk... #GOPDebates",,2015-08-06 19:31:14 -0700,629479886579761152,Hearts & Minds,Pacific Time (US & Canada) -11768,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,rg_harrington,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:14 -0700,629479886353248257,"Orlando, Florida",Eastern Time (US & Canada) -11769,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6957,,PhyllisA,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:31:14 -0700,629479884574724096,,Central Time (US & Canada) -11770,Donald Trump,1.0,yes,1.0,Positive,0.6837,FOX News or Moderators,0.6354,,JOSE25626648,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:12 -0700,629479876605669376,, -11771,Ted Cruz,0.6629,yes,1.0,Negative,0.3596,None of the above,1.0,,Matwork21,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:31:10 -0700,629479869592637440,Las Vegas,Pacific Time (US & Canada) -11772,Jeb Bush,1.0,yes,1.0,Negative,0.6495,FOX News or Moderators,1.0,,Rev_politics,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:31:10 -0700,629479869571801088,Socialist Republic of Cook Co., -11773,Donald Trump,1.0,yes,1.0,Neutral,0.6825,FOX News or Moderators,0.6825,,RoniSeale,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:08 -0700,629479861183205378," In GOD We Trust, USA",Quito -11774,Donald Trump,1.0,yes,1.0,Negative,0.6705,None of the above,0.6591,,agimcorp,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:07 -0700,629479857827782656,Boston - Monterrey - San Pedro,Eastern Time (US & Canada) -11775,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.7186,,tbonpc,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:05 -0700,629479848038256640,Robertsdale Al,Central Time (US & Canada) -11776,No candidate mentioned,0.4509,yes,0.6715,Negative,0.6715,FOX News or Moderators,0.4509,,LeslieDye4,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:03 -0700,629479841113501696,Ohio,Eastern Time (US & Canada) -11777,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,awbsro,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:31:03 -0700,629479840358531072,Virginia, -11778,Donald Trump,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,1.0,,dmilat68,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:31:03 -0700,629479837778886656,"Los Angeles, CA", -11779,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,RobynSChilson,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:03 -0700,629479837493760000,Pennsylvania,Atlantic Time (Canada) -11780,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,levO11,,2,,,RT @morme1966: @jko417 @HindaRifka Trump starts off with every monologue with it being about him .. #liberalismsyndrome #GOPDebates,,2015-08-06 19:31:02 -0700,629479836214386690,Somewhere you aren't,Central Time (US & Canada) -11781,Jeb Bush,1.0,yes,1.0,Negative,0.6882,LGBT issues,1.0,,OrginalSangster,,0,,,Who invited Jeb Bush to a gay wedding?!??! #GOPDebacle #GOPDebates,,2015-08-06 19:31:02 -0700,629479834448740352,Chicago IL,Alaska -11782,Donald Trump,1.0,yes,1.0,Positive,0.6495,None of the above,0.6495,,bobreeves1944,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:31:01 -0700,629479829428170752,, -11783,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,918Lee,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:58 -0700,629479819785445376, NY State, -11784,No candidate mentioned,0.444,yes,0.6663,Negative,0.6663,Abortion,0.444,,cReativi_D_,,5,,,"RT @SupermanHotMale: Dear #GOP, Nobody likes Abortion, we just don't want republicans raping our children and getting away with it. #GopDeb…",,2015-08-06 19:30:57 -0700,629479812327940096,"Orangeburg Native in RH, SC",Eastern Time (US & Canada) -11785,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,jesskry,,0,,,Guess what? I'm not a monster. #GOPDebates,,2015-08-06 19:30:56 -0700,629479811468107781,"Pawtucket, RI",Eastern Time (US & Canada) -11786,Jeb Bush,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,LaDonnaRyggs,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:56 -0700,629479811371663360,"Greer, SC", -11787,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,JulianGallo66,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:30:56 -0700,629479808104312833,New York City,Eastern Time (US & Canada) -11788,Ted Cruz,1.0,yes,1.0,Positive,0.7011,None of the above,1.0,,foxnewlife,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:55 -0700,629479807676481536,,London -11789,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,daniellemarie43,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:55 -0700,629479807445790720,"Charlotte, NC",Atlantic Time (Canada) -11790,Donald Trump,1.0,yes,1.0,Positive,0.6556,FOX News or Moderators,0.6765,,NoLimit2Truth,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:54 -0700,629479800361615360,"Alabama, USA",Central Time (US & Canada) -11791,John Kasich,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,scottaxe,,0,,,#GOPdebates Kasich will get the biggest bump in the polls of anyone tonight IMO,,2015-08-06 19:30:50 -0700,629479783831711744,Los Angeles , -11792,Donald Trump,0.4545,yes,0.6742,Positive,0.6742,None of the above,0.4545,,Lizdolan,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:50 -0700,629479783341010944,USA,Central Time (US & Canada) -11793,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,radmax,,0,,,"Angrily shouting that the people on the other side of the idealogical fence are ""dividing the country"" is really silly. #GOPDebates",,2015-08-06 19:30:49 -0700,629479779025162240,"Augusta, GA",Eastern Time (US & Canada) -11794,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.3478,FOX News or Moderators,0.4396,,walter652015,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:48 -0700,629479775313104900,,Central Time (US & Canada) -11795,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,MallieBee,,1,,,Let's just decide who our next #president is by having a Political Hunger Games #presidentialdebate #GOPDebates,,2015-08-06 19:30:48 -0700,629479775208214529,Alaskaaaaaaaa,Pacific Time (US & Canada) -11796,Donald Trump,1.0,yes,1.0,Negative,0.6772,FOX News or Moderators,0.6696,,8764Tresa,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:30:48 -0700,629479775069868032,"Alabama, USA", -11797,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BigBoyBaker,,0,,,Lindsay Graham will show us what is flat broke. He is flat broke of good ideas. #GOPDebates,,2015-08-06 19:30:48 -0700,629479774755397632,"Indiana, U.S.A.",Eastern Time (US & Canada) -11798,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6939,,coleftaylor1,,2,,,"RT @PuestoLoco: .@cenkuygur - Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http:…",,2015-08-06 19:30:47 -0700,629479773253730305,"Alabama, Roll Tide", -11799,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LouCarter,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:30:46 -0700,629479767079821312,SW Florida,Eastern Time (US & Canada) -11800,Donald Trump,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,2oceans1,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:46 -0700,629479766479863808,Castle Rock Colorado,Greenland -11801,Chris Christie,0.6493,yes,1.0,Negative,1.0,None of the above,1.0,,AllyGeighter,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:45 -0700,629479764693155840,,Arizona -11802,No candidate mentioned,1.0,yes,1.0,Negative,0.6702,None of the above,1.0,,MotorCityLib,,1,,,Forget the #GOPdebates and let's talk about this Ronald Raven..,,2015-08-06 19:30:45 -0700,629479764248674304,Detroit, -11803,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lyonspride121,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:45 -0700,629479762491232257,, -11804,,0.2362,yes,0.6175,Neutral,0.3169,None of the above,0.3813,,fawn_mac,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:44 -0700,629479758527492096,, -11805,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,tegodreaux,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:44 -0700,629479758091268097,nyc,Eastern Time (US & Canada) -11806,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MichaelCalvert9,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:43 -0700,629479756069629956,IN, -11807,Donald Trump,1.0,yes,1.0,Negative,0.6703,None of the above,1.0,,anvil1bighammer,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:43 -0700,629479755390169088,, -11808,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6485,,claramarks,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:43 -0700,629479755100913664,Florida, -11809,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,Ok_Seen,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:30:41 -0700,629479748704415746,"Upper Gambles, Antigua",Atlantic Time (Canada) -11810,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,javaguysammckee,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:40 -0700,629479742450876417,A pineapple under the sea,Eastern Time (US & Canada) -11811,Jeb Bush,0.4594,yes,0.6778,Neutral,0.3444,FOX News or Moderators,0.4594,,pg1461,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:38 -0700,629479736184434689,America,Central Time (US & Canada) -11812,Jeb Bush,0.5168,yes,0.7189,Negative,0.7189,None of the above,0.5168,,OneMadPatriot,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:38 -0700,629479734255222784,United States of America,Central Time (US & Canada) -11813,Donald Trump,1.0,yes,1.0,Positive,0.6702,FOX News or Moderators,1.0,,RobertPalladino,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:37 -0700,629479730283032576,Chicago,Central Time (US & Canada) -11814,Donald Trump,1.0,yes,1.0,Positive,0.6737,FOX News or Moderators,1.0,,cult51,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:36 -0700,629479726503964672,"Gold Coast, Queensland",Hawaii -11815,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,anvil1bighammer,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:35 -0700,629479722666168321,, -11816,Donald Trump,1.0,yes,1.0,Positive,0.3509,None of the above,0.6859999999999999,,CherGreening,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:35 -0700,629479721345122304,Michigan, -11817,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6522,,Hstockpicks,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:35 -0700,629479719772286976,, -11818,No candidate mentioned,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,0.6859999999999999,,beaglebailey99,,0,,,My glass is empty for the second time. #GOPdebates,,2015-08-06 19:30:34 -0700,629479718836940801,"Walterboro, SC", -11819,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CLO3389,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:34 -0700,629479717578637312,Sunrise , -11820,Donald Trump,1.0,yes,1.0,Positive,0.6506,FOX News or Moderators,0.6569,,HickoryTaylor,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:34 -0700,629479716983021568, ,Eastern Time (US & Canada) -11821,Ted Cruz,1.0,yes,1.0,Positive,0.6631,None of the above,0.6631,,8764Tresa,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:31 -0700,629479706509770752,"Alabama, USA", -11822,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,nymaggie,,0,,,#GOPDebates Kasich comes across as the most humane rep. on the stage.,,2015-08-06 19:30:31 -0700,629479705360625664,"Clifton Park, NY",Quito -11823,Donald Trump,1.0,yes,1.0,Neutral,0.6848,None of the above,1.0,,Libs_R_confused,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:31 -0700,629479704328826880,Northeast, -11824,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6907,,vindenmed327,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:31 -0700,629479703686975488,coppell TX , -11825,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,johnrogers411,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:30 -0700,629479701745000448,Fort Walton Beach Florida, -11826,Ted Cruz,1.0,yes,1.0,Neutral,0.6632,None of the above,1.0,,flippppppp,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:30 -0700,629479700289617920,,Arizona -11827,Ted Cruz,0.4123,yes,0.6421,Positive,0.6421,None of the above,0.4123,,ConservativeCCh,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:30 -0700,629479699761262592,"Yorkshire, UK & Worldwide",London -11828,Donald Trump,1.0,yes,1.0,Positive,0.6867,FOX News or Moderators,1.0,,FunMeanDean,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:29 -0700,629479697345323008,,Central Time (US & Canada) -11829,Chris Christie,0.444,yes,0.6663,Negative,0.6663,None of the above,0.444,,jjauthor,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:28 -0700,629479690714025985,"Nevada, USA",Pacific Time (US & Canada) -11830,Donald Trump,1.0,yes,1.0,Negative,0.6092,FOX News or Moderators,0.7126,,tjritter79,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:27 -0700,629479689183195136,"West Lawn , Pa.",Eastern Time (US & Canada) -11831,Donald Trump,1.0,yes,1.0,Positive,0.342,None of the above,1.0,,PhyllisA,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:26 -0700,629479683969544192,,Central Time (US & Canada) -11832,No candidate mentioned,1.0,yes,1.0,Positive,1.0,Foreign Policy,0.6774,,howardink,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:30:25 -0700,629479678890258434,, -11833,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6732,,fawn_mac,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:30:22 -0700,629479669167882240,, -11834,Ted Cruz,0.67,yes,1.0,Positive,1.0,None of the above,1.0,,corlettbenn,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:22 -0700,629479667817402369,Florida, -11835,John Kasich,1.0,yes,1.0,Negative,0.6705,None of the above,1.0,,TimothyMPate,,0,,,Layup for Kasich on traditional marriage. 2 points for @brittanygadams. #FantasyGOPDebates #GOPDebates,,2015-08-06 19:30:22 -0700,629479667804672000,"Saint Paul, MN", -11836,Donald Trump,0.4025,yes,0.6344,Negative,0.6344,Jobs and Economy,0.4025,,SandraEckersley,,1,,,Bankruptcy. The Donald Trump master plan for the USA that must look appealing now to Joe Hockey & Tony Abbott. #GOPDebates #auspol,,2015-08-06 19:30:21 -0700,629479662498873344,Sydney AUSTRALIA,Sydney -11837,Ted Cruz,1.0,yes,1.0,Neutral,0.7089,None of the above,1.0,,BradleyWasson,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:21 -0700,629479661727293440,,Hawaii -11838,No candidate mentioned,0.4179,yes,0.6465,Negative,0.6465,None of the above,0.4179,,AC_Alex,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:30:20 -0700,629479657621094400,"Kansas City, MO",Central Time (US & Canada) -11839,Donald Trump,1.0,yes,1.0,Positive,0.6364,None of the above,1.0,,62jackiew,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:20 -0700,629479657038053377,"Alabama, USA", -11840,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,alezetab,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:30:19 -0700,629479655121096705,Mexico City,Mexico City -11841,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6413,,jjauthor,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:30:19 -0700,629479654554873856,"Nevada, USA",Pacific Time (US & Canada) -11842,No candidate mentioned,0.4419,yes,0.6647,Neutral,0.3468,Jobs and Economy,0.4419,,daveisnothere,,0,,,"Don't divide, unite because everybody rises with failed trickle down economics #GOPdebates",,2015-08-06 19:30:18 -0700,629479652000579584,Cedar Falls,Central Time (US & Canada) -11843,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:30:17 -0700,629479645105266688,Milan-Italy,Rome -11844,Donald Trump,1.0,yes,1.0,Positive,0.6769,FOX News or Moderators,0.6503,,03forester,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:16 -0700,629479643809124352,, -11845,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,donutsalad123,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:16 -0700,629479641334595588,, -11846,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.665,,PWritesman,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:15 -0700,629479637651845120,"Franklin, TN",Central Time (US & Canada) -11847,Ben Carson,0.4444,yes,0.6667,Negative,0.6667,Women's Issues (not abortion though),0.2222,,Robert1288,,0,,,Will Ben Carson get the same-sex marriage question? #GOPDebates,,2015-08-06 19:30:15 -0700,629479636070563842,"Marion, IN",Central Time (US & Canada) -11848,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AnnalynnEscoto,,0,,,@JebBush Trump is divisive. I want to win too! Get @realDonaldTrump out of there. #GOPDebates,,2015-08-06 19:30:15 -0700,629479636011872257,, -11849,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,philly_texan,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:14 -0700,629479635030515713,"Pennsylvania, USA", -11850,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Karatloz,,1,,,"you're playing as Yoshi but you're made out of yarn, the whole world is made out of yarn #GOPDebates",,2015-08-06 19:30:13 -0700,629479629183545346,The cool part of Austin,Eastern Time (US & Canada) -11851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,flippppppp,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:13 -0700,629479628382408705,,Arizona -11852,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,erchepo,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:30:12 -0700,629479627065397248,"ÜT: 12.555333,-70.049431",La Paz -11853,No candidate mentioned,0.3889,yes,0.6237,Negative,0.6237,FOX News or Moderators,0.3889,,rg_harrington,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:12 -0700,629479624658042880,"Orlando, Florida",Eastern Time (US & Canada) -11854,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HindaRifka,,2,,,RT @morme1966: @jko417 @HindaRifka Trump starts off with every monologue with it being about him .. #liberalismsyndrome #GOPDebates,,2015-08-06 19:30:11 -0700,629479620157550592,People's Republik Of NJ,Eastern Time (US & Canada) -11855,Donald Trump,0.4209,yes,0.6488,Neutral,0.3401,,0.2279,,AccelAuto,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:11 -0700,629479619360653312,"Cincinnati, Ohio",Eastern Time (US & Canada) -11856,No candidate mentioned,0.4884,yes,0.6989,Negative,0.6989,Women's Issues (not abortion though),0.4884,,elizmcqueen,,6,,,RT @AnniesListTX: 44%? It's what TX Latina women make to the white man's $. Will the #GOPdebates stand for #equalpay for equal work? https:…,,2015-08-06 19:30:10 -0700,629479618559344640,,Central Time (US & Canada) -11857,Jeb Bush,1.0,yes,1.0,Positive,0.6522,None of the above,0.6739,,youcanbegreater,,0,,,Jeb swinging hard...drawing it back to his accomplishments.....are Kasich and Walker still there? #gopdebates #foxdebates,,2015-08-06 19:30:10 -0700,629479616575619072,"Birmingham, AL",Central Time (US & Canada) -11858,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,8764Tresa,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:30:09 -0700,629479612003672064,"Alabama, USA", -11859,Jeb Bush,0.4642,yes,0.6813,Positive,0.3407,None of the above,0.4642,,edfordham,,0,,,At last @JebBush trying to unite and pitch to by not attacking @realDonaldTrump #GOPDebates #FOXNEWSDEBATE,,2015-08-06 19:30:09 -0700,629479611869605888,"Kilburn & W. Hampstead, NW6",Hawaii -11860,Donald Trump,0.43700000000000006,yes,0.6609999999999999,Positive,0.6609999999999999,FOX News or Moderators,0.2318,,n0tofthisw0rld,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:08 -0700,629479609910824960,USA,Central Time (US & Canada) -11861,Donald Trump,0.4624,yes,0.68,Positive,0.34,None of the above,0.4624,,jjauthor,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:08 -0700,629479609910718464,"Nevada, USA",Pacific Time (US & Canada) -11862,Donald Trump,1.0,yes,1.0,Negative,0.6744,FOX News or Moderators,0.6744,,PuestoLoco,,2,,,".@cenkuygur - Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bgzYsySfSU",,2015-08-06 19:30:07 -0700,629479603057360897,Florida Central West Coast,America/New_York -11863,No candidate mentioned,1.0,yes,1.0,Neutral,0.6716,None of the above,1.0,,96SC29666,,0,,,When we live in a world when you can't change lanes...#GOPDebates,,2015-08-06 19:30:02 -0700,629479585223053312,Philadelphia,Eastern Time (US & Canada) -11864,Donald Trump,0.6454,yes,1.0,Positive,0.6793,None of the above,1.0,,MarshallGenzer,,0,,,#Trump calls @JebBush a gentleman. #GOPdebates,,2015-08-06 19:30:02 -0700,629479583948128256,,Quito -11865,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,JaneCaro,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:30:02 -0700,629479583146872832,"Sydney, Australia",New Caledonia -11866,Donald Trump,0.3923,yes,0.6264,Positive,0.3297,,0.23399999999999999,,truckgirl65,,78,,,RT @RWSurferGirl: Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:30:02 -0700,629479582228320257,United States,Central Time (US & Canada) -11867,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Donitalovesdomo,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:30:02 -0700,629479581326680064,"Los Angeles, California", -11868,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Mariacka,,3,,,"Newsflash, JEB - You won't unite the country with #CommonCore. Please! LOL! #GOPDebates",,2015-08-06 19:30:01 -0700,629479580009521152,USA,Central Time (US & Canada) -11869,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Pamelajn922,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:30:00 -0700,629479576188637184,New York, -11870,Mike Huckabee,1.0,yes,1.0,Negative,0.6648,None of the above,1.0,,shells2014,,2,,,RT @smdabbs: #Huckabee seriously can't go a debate or interview without mentioning pimps and/or prostitutes. #GOPDebates,,2015-08-06 19:30:00 -0700,629479575987318784,"Atlanta, GA", -11871,Jeb Bush,0.6722,yes,1.0,Negative,1.0,FOX News or Moderators,0.6722,,Hoganknows,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:29:59 -0700,629479572598325252,"Nashville, TN",Central Time (US & Canada) -11872,Jeb Bush,1.0,yes,1.0,Negative,0.7021,None of the above,1.0,,RobsRamblins,,0,,,"Yup he ""Unites"" ppl.-he's a uniter. JEB. #GOPDebates",,2015-08-06 19:29:58 -0700,629479566776496129,,Arizona -11873,Jeb Bush,1.0,yes,1.0,Negative,0.6572,FOX News or Moderators,1.0,,cathryn_nicole,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:29:57 -0700,629479563492352000,"Marshall, Texas",Central Time (US & Canada) -11874,No candidate mentioned,0.4171,yes,0.6458,Negative,0.6458,FOX News or Moderators,0.4171,,debidevens,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:57 -0700,629479562439593985,Los Angeles area,Pacific Time (US & Canada) -11875,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,RickHorowitz,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:29:56 -0700,629479558480330752,"Fresno, California",Pacific Time (US & Canada) -11876,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,earcream,,0,,,#Firstoff your first offs all suck! Just get to answering the questions at the #GOPdebates,,2015-08-06 19:29:54 -0700,629479548652879872,Jacksonville,Eastern Time (US & Canada) -11877,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MaDEJA_vu,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:29:53 -0700,629479546992107520,, -11878,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3371,,AnniesListTX,,6,,,44%? It's what TX Latina women make to the white man's $. Will the #GOPdebates stand for #equalpay for equal work? https://t.co/GucIuhwhCe,,2015-08-06 19:29:53 -0700,629479545414881280,,Mountain Time (US & Canada) -11879,No candidate mentioned,0.3872,yes,0.6222,Negative,0.6222,Foreign Policy,0.3872,,andy599,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:29:52 -0700,629479539991707649,, -11880,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,1.0,,Mimi_Knows_,,0,,,"Trump replaces ""flip flop"" with ""evolved"". #GOPdebates #toolateforKerry #pivot",,2015-08-06 19:29:49 -0700,629479528637812736,"Aspen, CO",Central Time (US & Canada) -11881,Donald Trump,1.0,yes,1.0,Positive,0.6629999999999999,FOX News or Moderators,0.6629999999999999,,GADisneyMom,,0,,,@megynkelly your personal attacks on @realDonaldTrump makes me like him more #backfiring #GOPDebates,,2015-08-06 19:29:48 -0700,629479524892196864,"iPhone: 33.850876,-84.418304",Eastern Time (US & Canada) -11882,No candidate mentioned,0.4589,yes,0.6774,Negative,0.6774,FOX News or Moderators,0.4589,,KimberTrent,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:48 -0700,629479522581114881,United States,Arizona -11883,Donald Trump,0.4393,yes,0.6628,Negative,0.3488,FOX News or Moderators,0.2312,,RWSurferGirl,,78,,,Ask Trump a legitimate question. Look at Wallace's face when Trump nails it. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:29:47 -0700,629479519888408576,"Newport Beach, California",Pacific Time (US & Canada) -11884,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6434,,jsc1835,,0,,,"Jebby, the only people dividing this country are Republicans like you with your rhetoric and hate. #GOPDebates",,2015-08-06 19:29:46 -0700,629479514569977860,,Central Time (US & Canada) -11885,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6703,,jjauthor,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:29:45 -0700,629479512426721281,"Nevada, USA",Pacific Time (US & Canada) -11886,Jeb Bush,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6531,,TheBeatlesRule4,,0,,,"""I defunded Planned Parenthood"" hey Jeb- which state is among the lowest for women's health? Oh wait yeah that's #Florida. #GOPDebates",,2015-08-06 19:29:44 -0700,629479509922742272,, -11887,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FroggieLeggs_,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:29:43 -0700,629479505430757377,Famiglia per sempre,Eastern Time (US & Canada) -11888,Ted Cruz,1.0,yes,1.0,Negative,0.6664,None of the above,1.0,,jjauthor,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:29:43 -0700,629479504172322816,"Nevada, USA",Pacific Time (US & Canada) -11889,No candidate mentioned,0.4348,yes,0.6594,Negative,0.6594,Abortion,0.4348,,taraplayfair,,1,,,RT @AnyhooT2: This is great - let's have a bunch of rich entitled MEN make decisions about #PlannedParenthood #GOPDebates,,2015-08-06 19:29:39 -0700,629479488930381824,Jamaica,Central Time (US & Canada) -11890,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,earlpat,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:29:39 -0700,629479485868367873,Texas,Central Time (US & Canada) -11891,Donald Trump,0.6989,yes,1.0,Negative,0.6662,FOX News or Moderators,1.0,,jarrodmperry,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:29:39 -0700,629479485860093952,"Arkansas, Dry Tortugas ,USA", -11892,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jjauthor,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:39 -0700,629479485113372672,"Nevada, USA",Pacific Time (US & Canada) -11893,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,FOX News or Moderators,1.0,,seanspierpont,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:38 -0700,629479484329205760,Maryland,Eastern Time (US & Canada) -11894,Donald Trump,0.3819,yes,0.618,Neutral,0.3146,None of the above,0.3819,,Personanondata,,0,,,"Trump: Bush admin ""A catastrophe""and the audience tried to clap. They didn't know what to do. #GOPDebates #GOPDebacle",,2015-08-06 19:29:37 -0700,629479478633213952,Blog:,Eastern Time (US & Canada) -11895,Jeb Bush,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,thenurse75,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 19:29:37 -0700,629479477790138368,Kelsey California,Pacific Time (US & Canada) -11896,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,NateMJensen,,0,,,Bush is going to prolife through bond ratings. I don't get it. But he does have a lot of money. #GOPdebates,,2015-08-06 19:29:37 -0700,629479477567950848,"Silver Spring, MD",Eastern Time (US & Canada) -11897,Jeb Bush,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.4444,,JimmyJames38,,0,,,I don't dislike Jeb as much as most #GOPDebates,,2015-08-06 19:29:37 -0700,629479477366640640,Center of the Buckeye,Eastern Time (US & Canada) -11898,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,solariswiz,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:29:36 -0700,629479473193353216,fe80::1,Eastern Time (US & Canada) -11899,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,0.6632,,kat4sarah,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:34 -0700,629479466255974402,Nebraska, -11900,No candidate mentioned,0.4187,yes,0.6471,Neutral,0.3369,None of the above,0.4187,,kerriestella,,0,,,Follow me on Twitter @kerriestella if you like to have fuuuuun! #GOPdebates https://t.co/Qk4U54MebF,,2015-08-06 19:29:32 -0700,629479456596488192,"ÜT: 38.032841,-78.505516",Tehran -11901,Jeb Bush,1.0,yes,1.0,Negative,0.6449,FOX News or Moderators,1.0,,jjauthor,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:29:31 -0700,629479453345710080,"Nevada, USA",Pacific Time (US & Canada) -11902,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Selena_Maruska,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:29:27 -0700,629479436719501313,, -11903,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Stonermoog,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:29:27 -0700,629479435935182848,The Valley,Pacific Time (US & Canada) -11904,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,cbsfinest540,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:29:26 -0700,629479433607512064,The depths of the C,Central Time (US & Canada) -11905,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DreadBannus,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:29:26 -0700,629479432860794880,South Dakota , -11906,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.675,,BigBoyBaker,,0,,,Lindsay Graham doesn't have a clue who the American people are anymore. #GOPDebates,,2015-08-06 19:29:26 -0700,629479432135311360,"Indiana, U.S.A.",Eastern Time (US & Canada) -11907,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,KayceNiehus,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:29:26 -0700,629479431267065856,, -11908,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Snarkiest,,2,,,"RT @fsxbc: Trump sez- Four, FOUR times I've taken advantage of the law, and as your prez, I'd be honored to do it again. #GOPDebates",,2015-08-06 19:29:25 -0700,629479427211177984,Phila PA,Quito -11909,No candidate mentioned,0.4253,yes,0.6522,Negative,0.6522,Abortion,0.4253,,BaldoVilla3,,0,,,People who say they are #prolife are usually anti-social programs... They know that a society is a group of people right?! #GOPDebates,,2015-08-06 19:29:24 -0700,629479424153354240,Texas,Central Time (US & Canada) -11910,Mike Huckabee,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,brock_a_r,,0,,,"How cool would it be if every time they changed topics, Mike Huckabee played a sick Seinfeld bass line? #GOPDebates",,2015-08-06 19:29:24 -0700,629479424019288064,Indy, -11911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6558,,kidcaregiver,,11,,,RT @SupermanHotMale: Go back to Canada Asshole #GopDebates http://t.co/rUgCy5JvZQ,,2015-08-06 19:29:23 -0700,629479418751225856,,Quito -11912,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,audranasser,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:29:23 -0700,629479418533122048,,Quito -11913,Jeb Bush,1.0,yes,1.0,Neutral,0.6577,None of the above,1.0,,sprittibee,,0,,,I agree with Bush on this one thing - no one is going to get ahead by knocking someone else down. #GOPdebates #tcot,,2015-08-06 19:29:21 -0700,629479409356001280,"Austin, TX",Mountain Time (US & Canada) -11914,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,alwaysdaddygirl,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:29:20 -0700,629479409246978048, MI,Eastern Time (US & Canada) -11915,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,0.6703,,PeriwinkleDsgns,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:29:19 -0700,629479402653511680,Southwest Lower Michigan,Eastern Time (US & Canada) -11916,No candidate mentioned,1.0,yes,1.0,Negative,0.6433,Religion,0.7134,,zijital,,3,,,"RT @TheRachelFisher: You guys, separation of church and state is also in the constitution.#GOPDebates",,2015-08-06 19:29:19 -0700,629479401856593920,Chicago, -11917,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,92bulldogBob,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:18 -0700,629479398010433536,, -11918,No candidate mentioned,0.6654,yes,1.0,Negative,0.672,FOX News or Moderators,0.6654,,carmencann,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:16 -0700,629479388635992064,Los Angeles,Pacific Time (US & Canada) -11919,Donald Trump,1.0,yes,1.0,Positive,0.3371,None of the above,1.0,,mette_mariek,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:29:15 -0700,629479388002693121,"Los Angeles, CA",Pacific Time (US & Canada) -11920,No candidate mentioned,1.0,yes,1.0,Negative,0.6911,Women's Issues (not abortion though),1.0,,Osomotley,,1,,,RT @ThatJoeMeyers: Nothing like a bunch of men discussing what they believe about a woman's body and her choices for that body. #GOPDebates,,2015-08-06 19:29:14 -0700,629479382151618560,San Diego,Pacific Time (US & Canada) -11921,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6593,,PugsBuni,,3,,,"RT @PuestoLoco: .@miamidecor -Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http:…",,2015-08-06 19:29:12 -0700,629479372345507840,, -11922,Ben Carson,0.6628,yes,1.0,Negative,1.0,None of the above,0.3605,,ConnorSutherlin,,0,,,#GOPDebates Wtf stop calling upon Bush to talk let @RealBenCarson speak for God's sake,,2015-08-06 19:29:10 -0700,629479366594985984,Alpharetta Ga/Milton Ga/Atl Ga,Eastern Time (US & Canada) -11923,Donald Trump,1.0,yes,1.0,Positive,0.3537,None of the above,1.0,,Erosunique,,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:29:09 -0700,629479362987978752,Milan-Italy,Rome -11924,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CDeuce01,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:29:04 -0700,629479340514877440,,Atlantic Time (Canada) -11925,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,None of the above,1.0,,K8brannen,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:29:04 -0700,629479338312921088,"New York, NY",Eastern Time (US & Canada) -11926,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6667,,Anthony_Beck33,,2,,,RT @mandy_velez: Just a friendly reminder that Mike Huckabee wanted to quarantine people with AIDS in '92. http://t.co/5KuY4lVEuM #GOPDebat…,,2015-08-06 19:29:01 -0700,629479328280145921,"Dover, Pa",Eastern Time (US & Canada) -11927,Jeb Bush,0.2269,yes,0.6737,Negative,0.6737,None of the above,0.2269,,PuestoLoco,,1,,,".@bimmerella -Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#ObviousAsHell #GOPDebates #CantTrustABush #morningjoe",,2015-08-06 19:28:58 -0700,629479314854137856,Florida Central West Coast,America/New_York -11928,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,PurePolitics,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:56 -0700,629479305161089024,"Atlanta, DC, London",Central Time (US & Canada) -11929,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KatyBear19,,1,,,RT @alex_uriarte88: Basically everybody is like... #GOPDebates http://t.co/CHNq09Vhp5,,2015-08-06 19:28:55 -0700,629479302598406144,"Sicily, Italy",Atlantic Time (Canada) -11930,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6489,,SteveL202,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:28:54 -0700,629479300249595905,,Eastern Time (US & Canada) -11931,Donald Trump,1.0,yes,1.0,Positive,0.6429,FOX News or Moderators,0.6667,,Jonahandean,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:28:51 -0700,629479284319477760,"Ft Worth, Tx", -11932,No candidate mentioned,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,0.6739,,_ctrowbridge,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:28:50 -0700,629479280263610368,"Boulder, Colorado",Mountain Time (US & Canada) -11933,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,morme1966,,2,,,@jko417 @HindaRifka Trump starts off with every monologue with it being about him .. #liberalismsyndrome #GOPDebates,,2015-08-06 19:28:49 -0700,629479278439174144,,Atlantic Time (Canada) -11934,Donald Trump,0.4241,yes,0.6513,Negative,0.3487,None of the above,0.4241,,RareConscience,,1,,,"RT @Just_JDreaming: ""Listen...I AM REAGEN YOU FOOLS"" - Donald Trump #GOPDebates",,2015-08-06 19:28:49 -0700,629479277684215808,,Quito -11935,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Obama_Biden_13,,0,,,"Ugh terrible answer trump #GOPDebates bush, #shutup!",,2015-08-06 19:28:47 -0700,629479266825048065,, -11936,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6819,,ccabrera83,,1,,,Jeb Bush just lied. And poorly. #GOPDebates #FoxDebate,,2015-08-06 19:28:46 -0700,629479263071137793,San Antonio,Mountain Time (US & Canada) -11937,No candidate mentioned,1.0,yes,1.0,Neutral,0.3631,None of the above,1.0,,adamvancott,,0,,,"For GOP candidates when in doubt, just compare yourself to Saint Reagan. #GOPDebates",,2015-08-06 19:28:45 -0700,629479260751822848,,Pacific Time (US & Canada) -11938,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,torii_dawson,,5,,,"RT @SupermanHotMale: Dear #GOP, Nobody likes Abortion, we just don't want republicans raping our children and getting away with it. #GopDeb…",,2015-08-06 19:28:45 -0700,629479260202340352,RVA | Bristol,Pacific Time (US & Canada) -11939,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,thewaynegarner,,0,,,I now know who Rand Paul copied his hairstyle after!! #GOPDebate #GOPDebates #RandPaul @Bidenshairplugs http://t.co/v8Rj97SBwg,,2015-08-06 19:28:44 -0700,629479256301568000,Texas,Eastern Time (US & Canada) -11940,Donald Trump,0.4444,yes,0.6667,Neutral,0.6667,FOX News or Moderators,0.4444,,gussssssssfring,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:28:43 -0700,629479252057006080,,Eastern Time (US & Canada) -11941,Jeb Bush,1.0,yes,1.0,Neutral,0.6471,FOX News or Moderators,1.0,,jchar68,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:28:43 -0700,629479250672812032,"Michigan, USA",Eastern Time (US & Canada) -11942,Donald Trump,1.0,yes,1.0,Negative,0.6608,FOX News or Moderators,1.0,,AccelAuto,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:28:40 -0700,629479240346529792,"Cincinnati, Ohio",Eastern Time (US & Canada) -11943,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,beardaisysmom,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:28:39 -0700,629479236726685696,, -11944,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3556,,elleanorchin,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:28:38 -0700,629479232700153856,Portland Oregon,Pacific Time (US & Canada) -11945,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,AmileeErledge,,0,,,"If I had a dollar for every time Ronald Reagan was mentioned today, I'd be a wealthy woman #GOPdebates",,2015-08-06 19:28:36 -0700,629479222298451968,Jvegas,Central Time (US & Canada) -11946,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6292,,toiniej,,0,,,#GOPDebates wow is this really a good question because it starts out as violent http://t.co/cUOuNn9pem,,2015-08-06 19:28:33 -0700,629479211707674624,, -11947,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,devinbeckett24,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:28:32 -0700,629479206452211712,"Redwater, TEXAS - Conway, AR ",Central Time (US & Canada) -11948,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,richard_mcenroe,,0,,,Hey! Trump has evolved! Just like Obama! #GopDebates,,2015-08-06 19:28:28 -0700,629479190379778048,California,Tehran -11949,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Nicebootsgirl,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:27 -0700,629479184017043456,,Eastern Time (US & Canada) -11950,Jeb Bush,1.0,yes,1.0,Negative,1.0,Abortion,0.619,,_maliiq,,0,,,"@JebBush in a culture of #life, who's #livesmatter ? Maybe you should rethink the effectiveness of standing ones ground. #GOPDebates",,2015-08-06 19:28:26 -0700,629479179529113600,Philadelphia,Central Time (US & Canada) -11951,Donald Trump,1.0,yes,1.0,Neutral,0.6897,FOX News or Moderators,1.0,,JeffGniffke1,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:28:24 -0700,629479171488509952,"St Paul, MN", -11952,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,SupermanHotMale,,5,,,"Dear #GOP, Nobody likes Abortion, we just don't want republicans raping our children and getting away with it. #GopDebates",,2015-08-06 19:28:23 -0700,629479166962991104,"Cocoa Beach, Florida",Eastern Time (US & Canada) -11953,Jeb Bush,1.0,yes,1.0,Negative,0.6111,FOX News or Moderators,1.0,,BillSherrard,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:28:22 -0700,629479164534362112,Haslet Texas,Central Time (US & Canada) -11954,Donald Trump,0.3494,yes,1.0,Negative,1.0,None of the above,0.6506,,Jonahandean,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:28:22 -0700,629479164161077248,"Ft Worth, Tx", -11955,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6235,,GinnyInPS,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:21 -0700,629479161627717632,"Palm Springs, CA",Arizona -11956,Ted Cruz,0.4028,yes,0.6347,Neutral,0.6347,None of the above,0.4028,,genethelawyer,,1,,,Did Ted Cruz leave? #GOPDebates,,2015-08-06 19:28:21 -0700,629479159950110720,"Iselin, NJ",Quito -11957,Ted Cruz,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,tjcneb,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:28:20 -0700,629479155285954560,"Nebraska, USA",Central Time (US & Canada) -11958,Donald Trump,0.4274,yes,0.6538,Positive,0.6538,FOX News or Moderators,0.4274,,rzhpr,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:28:19 -0700,629479149304958977,UnitedStates,Eastern Time (US & Canada) -11959,No candidate mentioned,0.3964,yes,0.6296,Neutral,0.321,None of the above,0.3964,,delayjuliette,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:28:18 -0700,629479146901651456,NY, -11960,No candidate mentioned,0.4542,yes,0.6739,Negative,0.6739,Racial issues,0.4542,,christian_avard,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:28:18 -0700,629479145152618496,,Hawaii -11961,No candidate mentioned,1.0,yes,1.0,Negative,0.6704,None of the above,0.6432,,ABrewer8,,0,,,I'm surprised we haven't seen the reappearance of the Twitter Whales tonight due to the popularity of the #gopdebates,,2015-08-06 19:28:17 -0700,629479144141770752,Deep in the heart of Texas,Central Time (US & Canada) -11962,No candidate mentioned,1.0,yes,1.0,Neutral,0.6818,None of the above,1.0,,Tessa_Thom,,3,,,"RT @craiggasscomedy: Something about invoking the name Ronald Reagan that makes conservatives start hushing up and going, ""Ooohhhhh...."" #S…",,2015-08-06 19:28:16 -0700,629479139678924804,PNW, -11963,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,azblonde2015,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:28:16 -0700,629479137216868352,, -11964,No candidate mentioned,1.0,yes,1.0,Negative,0.6495,Abortion,1.0,,mtoven,,1,,,"RT @trplnrdscre1: ""I defunded Planned Parenthood. I created a culture of life."" PP = healthier people, parents & babies & LOWERS no. of abo…",,2015-08-06 19:28:15 -0700,629479133735555072,"Fargo, ND",Central Time (US & Canada) -11965,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DrGothican,,0,,,#GOPDEBATES Still nothing about the VA. I guess their all scared to talk about the dead!,,2015-08-06 19:28:14 -0700,629479130728300544,"Martinsburg, WV",Quito -11966,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6559999999999999,,DaThompsons,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:14 -0700,629479128559955969,"Fords, NJ",Atlantic Time (Canada) -11967,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,tamkyn,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:12 -0700,629479122549522432,USA,Eastern Time (US & Canada) -11968,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6921,,chkl8dva,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:28:12 -0700,629479119999365120,, -11969,Donald Trump,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,freestyldesign,,0,,,When did you become a Puppet for Hillary Trump?? #tcot #GOPDebate #GOPDebates #FoxNews,,2015-08-06 19:28:10 -0700,629479113690996736,Seattle WA USA,Pacific Time (US & Canada) -11970,Donald Trump,1.0,yes,1.0,Negative,0.6687,Abortion,1.0,,LaurenSukin,,0,,,One of #Trump's friends kids just found out he was supposed to be aborted. #oops #GOPDebates,,2015-08-06 19:28:09 -0700,629479109752557568,, -11971,No candidate mentioned,0.4746,yes,0.6889,Positive,0.3667,FOX News or Moderators,0.4746,,myheritage94,,9,,,"RT @cat_1012000: Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #…",,2015-08-06 19:28:08 -0700,629479106124623872,,Eastern Time (US & Canada) -11972,No candidate mentioned,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.2375,,carolinedraws,,0,,,"""You guys are fucking mean to each other, let's talk about it!"" #GOPDebates or #MeanGirls?",,2015-08-06 19:28:08 -0700,629479103926792192,,Atlantic Time (Canada) -11973,Ted Cruz,0.6882,yes,1.0,Positive,1.0,None of the above,0.6882,,MichaelCalvert9,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:28:07 -0700,629479102345392128,IN, -11974,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,Abortion,0.6778,,AnyhooT2,,1,,,This is great - let's have a bunch of rich entitled MEN make decisions about #PlannedParenthood #GOPDebates,,2015-08-06 19:28:07 -0700,629479100932091904,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -11975,No candidate mentioned,1.0,yes,1.0,Neutral,0.6771,None of the above,1.0,,MataCabrera,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:28:06 -0700,629479095600988160,México ,Mexico City -11976,No candidate mentioned,1.0,yes,1.0,Negative,0.6707,FOX News or Moderators,0.6707,,shitsexistssay3,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:05 -0700,629479094502080512,Paris ,Rome -11977,No candidate mentioned,0.4548,yes,0.6744,Negative,0.6744,Racial issues,0.4548,,TBain2,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:28:05 -0700,629479094174924801,In God's Waiting Room,Eastern Time (US & Canada) -11978,Donald Trump,1.0,yes,1.0,Negative,0.6969,FOX News or Moderators,0.6399,,prugtiv,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:28:05 -0700,629479091918409728, Southern California,Pacific Time (US & Canada) -11979,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,scottaxe,,0,,,"#GOPdebates Trump just evoked Reagan, hey why not? All republicans do to help their base",,2015-08-06 19:28:03 -0700,629479083521368065,Los Angeles , -11980,Donald Trump,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,radmax,,1,,,"Trump ""often sounds like more of a Democrat than a Republican"". Stop trying to make Liberal Trump happen! We dON'T WANT HIM!!!! #GOPDebates",,2015-08-06 19:28:02 -0700,629479081915064320,"Augusta, GA",Eastern Time (US & Canada) -11981,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,FOX News or Moderators,1.0,,annamatronik,,0,,,Guuuurl Megyn go in on him #GOPDebates,,2015-08-06 19:28:02 -0700,629479079981400068,ST. LOUIS,Eastern Time (US & Canada) -11982,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AccelAuto,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:28:01 -0700,629479075501973505,"Cincinnati, Ohio",Eastern Time (US & Canada) -11983,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,azeducator,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:27:59 -0700,629479066672852993,"Phoenix, Arizona",Arizona -11984,No candidate mentioned,0.4656,yes,0.6824,Neutral,0.3412,Racial issues,0.2328,,Moski1213,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:27:59 -0700,629479065498468353,"Kalamazoo, MI & STL, MO",Eastern Time (US & Canada) -11985,No candidate mentioned,1.0,yes,1.0,Neutral,0.6364,None of the above,1.0,,alex_uriarte88,,1,,,Basically everybody is like... #GOPDebates http://t.co/CHNq09Vhp5,,2015-08-06 19:27:57 -0700,629479060612227073,"Wash, D.C & Miami, FL",Eastern Time (US & Canada) -11986,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mike_datlof,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:27:57 -0700,629479059479785473,"Myrtle Beach, SC", -11987,Donald Trump,1.0,yes,1.0,Positive,0.3523,None of the above,1.0,,RobsRamblins,,0,,,"2 drinks -#Trump said ""great, great."" #GOPDebates",,2015-08-06 19:27:56 -0700,629479053108514816,,Arizona -11988,No candidate mentioned,1.0,yes,1.0,Positive,0.3444,Abortion,1.0,,trplnrdscre1,,1,,,"""I defunded Planned Parenthood. I created a culture of life."" PP = healthier people, parents & babies & LOWERS no. of abortions. #GOPDebates",,2015-08-06 19:27:55 -0700,629479050860490753,"Minneapolis, MN",Mountain Time (US & Canada) -11989,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,stoneman67,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:27:55 -0700,629479050663170048,MOΛΩN ΛABE, -11990,Jeb Bush,0.4058,yes,0.637,Negative,0.637,None of the above,0.4058,,SeeThroughFruit,,1,,,Jeb Bush more like please just stop #GOPDebates,,2015-08-06 19:27:55 -0700,629479050537512960,, -11991,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6765,,deBeauxOs1,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:55 -0700,629479050503852033,Canada,Pacific Time (US & Canada) -11992,No candidate mentioned,1.0,yes,1.0,Negative,0.6813,None of the above,0.6813,,jonleeanderson,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:27:53 -0700,629479041570086913,,Eastern Time (US & Canada) -11993,Ted Cruz,1.0,yes,1.0,Positive,0.6598,None of the above,1.0,,Live_Free_orDie,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:27:52 -0700,629479037795233792,If I was up ur Ass you'd know,Eastern Time (US & Canada) -11994,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ConservativeGM,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:27:51 -0700,629479034292801536,"Anytown, NJ",Eastern Time (US & Canada) -11995,Donald Trump,1.0,yes,1.0,Positive,0.6274,FOX News or Moderators,1.0,,tegodreaux,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:27:48 -0700,629479023211495424,nyc,Eastern Time (US & Canada) -11996,Donald Trump,1.0,yes,1.0,Positive,0.3333,None of the above,1.0,,Nathan___Hulsey,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:27:46 -0700,629479011845033984,"Spartanburg, SC", -11997,No candidate mentioned,1.0,yes,1.0,Negative,0.6673,None of the above,1.0,,liamjlhill,,0,,,"They know Ronald Reagan is dead, right? #GOPdebates",,2015-08-06 19:27:45 -0700,629479010771312640,London,London -11998,Donald Trump,1.0,yes,1.0,Negative,0.6483,FOX News or Moderators,1.0,,gaelicsnp,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:27:45 -0700,629479008221032448,@gaelicsnp,Pacific Time (US & Canada) -11999,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TrumpIssues,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:27:44 -0700,629479002927837184,United States Of America,Pacific Time (US & Canada) -12000,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,__SoChildish,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:27:40 -0700,629478987031404544,♕ Scotty Beam Me Up ♕ t(^.^t),Eastern Time (US & Canada) -12001,Donald Trump,0.4571,yes,0.6761,Negative,0.6761,FOX News or Moderators,0.4571,,AmericaSpirit16,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:27:34 -0700,629478962482257920,United States,Pacific Time (US & Canada) -12002,No candidate mentioned,1.0,yes,1.0,Negative,0.7011,None of the above,0.6092,,OhVeronica9,,1,,,RT @RaisedByCulture: Unborn can't yet speak but have more rights #GOPDebates,,2015-08-06 19:27:30 -0700,629478946971758592,DC,Central Time (US & Canada) -12003,Donald Trump,1.0,yes,1.0,Negative,0.3486,None of the above,1.0,,alexkrammes,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:27:27 -0700,629478934652981249,The Laughing Place, -12004,Donald Trump,1.0,yes,1.0,Negative,0.6656,FOX News or Moderators,0.6436,,sassypants977,,0,,,Megyn Kelly is GIVIN IT to Trump. #GOPDebates,,2015-08-06 19:27:26 -0700,629478928789274624,, -12005,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,PaulEubanks1,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:26 -0700,629478927120134145,, -12006,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MonicaTrad,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:27:24 -0700,629478920467914752,Indiana,Quito -12007,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,None of the above,1.0,,EvanERiddick,,0,,,"the #GOPdebates makes me want to crack open my ""Institutional powers and Constraints; Constitutional Law"". lol",,2015-08-06 19:27:24 -0700,629478920031744000,Φιλαδέλφεια • Philadelphia,Eastern Time (US & Canada) -12008,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ScoutMacEachron,,0,,,Which candidates tie game is on fleek? #GOPDebates #OnFleek,,2015-08-06 19:27:24 -0700,629478918689566721,"New York, NY", -12009,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,janniaragon,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:22 -0700,629478911580196864,,Pacific Time (US & Canada) -12010,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Paula_Kaye,,0,,,LET ME GET SOME STREET CRED BY GIVING A SHOUT OUT TO RONALD REAGAN. #GOPDebates,,2015-08-06 19:27:21 -0700,629478909566816256,,Pacific Time (US & Canada) -12011,Donald Trump,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,1.0,,herredness66,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:27:19 -0700,629478899697762304,, -12012,Donald Trump,1.0,yes,1.0,Positive,0.6126,None of the above,1.0,,CBusSauce,,5,,,"RT @steakNstiffarms: I'm imagining Trump giving a State of the Union, and yeah ok maybe I'd vote for him #GOPDebates",,2015-08-06 19:27:18 -0700,629478897344716800,, -12013,No candidate mentioned,1.0,yes,1.0,Negative,0.6815,Women's Issues (not abortion though),1.0,,carmecolomina,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:17 -0700,629478892840054784,Barcelona,Greenland -12014,Donald Trump,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,Just_JDreaming,,1,,,"""Listen...I AM REAGEN YOU FOOLS"" - Donald Trump #GOPDebates",,2015-08-06 19:27:17 -0700,629478892194152448,DMV,Quito -12015,Marco Rubio,1.0,yes,1.0,Positive,0.6495,Abortion,1.0,,AnnalynnEscoto,,0,,,Rubio is on point. Life begins at conception. #GOPDebates #marcorubio,,2015-08-06 19:27:17 -0700,629478890637910017,, -12016,Mike Huckabee,0.4025,yes,0.6344,Negative,0.6344,None of the above,0.4025,,FREEDANAVERY,,4,,,RT @Kiarri_: Huckabee looks like one of those Muppets up in the balcony. His name even sounds like one. #GOPDebates,,2015-08-06 19:27:16 -0700,629478889123938304,location = transient ,Eastern Time (US & Canada) -12017,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,skywaker9,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:15 -0700,629478883352383488,"Portland, OR",Pacific Time (US & Canada) -12018,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Nowayy_Josee,,5,,,"RT @SupermanHotMale: Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 19:27:10 -0700,629478861965787136,Philly ✈ ,Quito -12019,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bxookemorris,,4,,,RT @Kiarri_: Huckabee looks like one of those Muppets up in the balcony. His name even sounds like one. #GOPDebates,,2015-08-06 19:27:10 -0700,629478861424570368,the majestic theatre,Eastern Time (US & Canada) -12020,Donald Trump,0.6735,yes,1.0,Positive,0.6735,None of the above,1.0,,gaelicsnp,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:27:09 -0700,629478859428069377,@gaelicsnp,Pacific Time (US & Canada) -12021,No candidate mentioned,0.46299999999999997,yes,0.6804,Neutral,0.3505,Abortion,0.46299999999999997,,DaraZaneScully,,0,,,Why is abortion even a topic? Does anyone remember #RoevsWade #GOPDebates,,2015-08-06 19:27:09 -0700,629478858912174081,,Pacific Time (US & Canada) -12022,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,justin_hicken,,0,,,Trump nails it every time. #GOPDebates,,2015-08-06 19:27:09 -0700,629478856836059137,, -12023,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nthdegreeburns,,0,,,"Every time the camera cuts to Trump, he's grimacing like he's trying to break wind but avoid the shart... #GOPdebates",,2015-08-06 19:27:08 -0700,629478855359733760,"Atlanta, GA",Eastern Time (US & Canada) -12024,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7089,,FE_MadReal,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:27:08 -0700,629478853937750016,,Pacific Time (US & Canada) -12025,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,MSucameli,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:27:07 -0700,629478850305630208,"New York, NY",Pacific Time (US & Canada) -12026,Donald Trump,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,1.0,,Sanders_Alec21,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:27:07 -0700,629478848921382913,, -12027,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,lionozion,,0,,,Ronald Reagan. #drink #GOPdebates,,2015-08-06 19:27:06 -0700,629478845716893696,"San Francisco, CA",Quito -12028,Marco Rubio,0.6771,yes,1.0,Negative,1.0,None of the above,0.6771,,jennysalt_,,5,,,"RT @SupermanHotMale: Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 19:27:06 -0700,629478845184241664,Chicago,Central America -12029,No candidate mentioned,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,0.7011,,DWinderbaum,,0,,,#GOP #GOPDEBATES : This is what makes America & Democracy the best place on earth. Wish the folks asking the questions were less bias,,2015-08-06 19:27:05 -0700,629478841342365697,"Long Island, New York", -12030,No candidate mentioned,1.0,yes,1.0,Neutral,0.6742,FOX News or Moderators,1.0,,ssullivan315,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:27:04 -0700,629478835696848896,, -12031,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DivaDelux,,4,,,RT @fritzisdead: Life begins after this debate ends. #GOPDebates,,2015-08-06 19:27:03 -0700,629478831594696704,"Los Angeles, CA",Pacific Time (US & Canada) -12032,Ted Cruz,0.6386,yes,1.0,Positive,0.7002,None of the above,1.0,,PeriwinkleDsgns,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:27:02 -0700,629478830294568961,Southwest Lower Michigan,Eastern Time (US & Canada) -12033,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,msgoddessrises,,0,,,"#Trump: ""I don't think they like me very much"" #GOPDebates",,2015-08-06 19:27:02 -0700,629478830227374081,Viva Las Vegas NV.,Pacific Time (US & Canada) -12034,No candidate mentioned,1.0,yes,1.0,Negative,0.6421,Abortion,1.0,,_KingMalcolm,,4,,,I am pro life unless a cop is involved - GOP candidates #GOPDebates,,2015-08-06 19:27:01 -0700,629478825827676160,,Eastern Time (US & Canada) -12035,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,sweetscorp82,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:27:00 -0700,629478821016645632,Michigan,Eastern Time (US & Canada) -12036,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,uktim58,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:27:00 -0700,629478820551200769,, -12037,Marco Rubio,1.0,yes,1.0,Neutral,0.6535,None of the above,1.0,,mohiclaire,,1,,,RT @bitterjim2u: Am I the only one wondering if Rubio & his wife play Marco Polo when they have sex? Except replace Polo with Rubio. #GOPDe…,,2015-08-06 19:27:00 -0700,629478820341362688,almost at the beach...,Pacific Time (US & Canada) -12038,Ted Cruz,0.2222,yes,0.6667,Positive,0.3333,None of the above,0.2222,,McSAMN,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:27:00 -0700,629478817975799808,California, -12039,No candidate mentioned,0.4074,yes,0.6383,Negative,0.3404,FOX News or Moderators,0.4074,,Julie_A_Maurer,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:59 -0700,629478817753661441,, -12040,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TrueDrew929,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:59 -0700,629478817501855744,T-TOWN,Pacific Time (US & Canada) -12041,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6667,,ThatJoeMeyers,,1,,,Nothing like a bunch of men discussing what they believe about a woman's body and her choices for that body. #GOPDebates,,2015-08-06 19:26:58 -0700,629478813441789954,Under the Carolina sky,Quito -12042,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.7111,,Gas8128,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:26:56 -0700,629478802440085505,"California, USA",Arizona -12043,Donald Trump,1.0,yes,1.0,Neutral,0.6593,FOX News or Moderators,0.6813,,jordiemojordie,,0,,,"Megyn Kelly to Trump: ""Why you here?"" #GOPDebates",,2015-08-06 19:26:54 -0700,629478796375121920,Chicago | Eastman,Quito -12044,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6983,,shamrocklaw454,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:54 -0700,629478796136050688,"Texas, USA", -12045,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,None of the above,0.619,,thetawake,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:54 -0700,629478794831728640,South Jersey,Eastern Time (US & Canada) -12046,Donald Trump,1.0,yes,1.0,Positive,0.6778,FOX News or Moderators,1.0,,MeOnAJourney,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:26:54 -0700,629478793833521152,, -12047,Donald Trump,0.405,yes,0.6364,Positive,0.3409,None of the above,0.405,,TexasGirrl81,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:54 -0700,629478793342660608,USA, -12048,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,Ram_i_Ro,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:52 -0700,629478785620967425,austin texas ,Central Time (US & Canada) -12049,Donald Trump,1.0,yes,1.0,Neutral,0.6767,None of the above,1.0,,Scala_Kris,,0,,,Trump's hair registered GOP before he did. #GOPDebates,,2015-08-06 19:26:52 -0700,629478785142915072,,Eastern Time (US & Canada) -12050,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,Religion,1.0,,TheRachelFisher,,3,,,"You guys, separation of church and state is also in the constitution.#GOPDebates",,2015-08-06 19:26:50 -0700,629478778662551552,Los Angeles, -12051,No candidate mentioned,1.0,yes,1.0,Neutral,0.6589,Abortion,1.0,,TYFYS84,,0,,,@dickscuttlebutt @duffelblog Abortion begins at condom use!!!! Fuck real life #GOPdebates,,2015-08-06 19:26:50 -0700,629478777660293120,, -12052,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,gpena,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:48 -0700,629478769879748609,LIM - BSB - BOS - [OAK/SFO],Pacific Time (US & Canada) -12053,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,Women's Issues (not abortion though),0.4594,,prof_jwroberts,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:48 -0700,629478768428609536,"Roger Williams University, RI",Eastern Time (US & Canada) -12054,Donald Trump,0.6382,yes,1.0,Positive,1.0,None of the above,1.0,,DaThompsons,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:26:48 -0700,629478767992438788,"Fords, NJ",Atlantic Time (Canada) -12055,Marco Rubio,0.4311,yes,0.6566,Negative,0.6566,None of the above,0.4311,,Dowens8490,,5,,,"RT @SupermanHotMale: Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 19:26:47 -0700,629478763630329856,, -12056,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6728,,My_Maura,,0,,,Definitely in need of a new tax system. #GOPDebates,,2015-08-06 19:26:45 -0700,629478756223184896,, -12057,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lynn_mistie,,0,,,"Bush's idea for education reform, destroy the teacher's union. Common core is wrong and so is attacking our teachers. #GOPDebates",,2015-08-06 19:26:44 -0700,629478753479995392,Klamath Falls Oregon, -12058,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6691,,fergie_spuds,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:26:43 -0700,629478747822014464,Where you least expect ▲,Alaska -12059,No candidate mentioned,1.0,yes,1.0,Negative,0.6474,FOX News or Moderators,1.0,,Gospel_is_Light,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:43 -0700,629478746718777349,, -12060,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,derdebederman,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:42 -0700,629478745997488128,,Eastern Time (US & Canada) -12061,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6637,,jarrodmperry,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:26:42 -0700,629478743984181248,"Arkansas, Dry Tortugas ,USA", -12062,Marco Rubio,0.4539,yes,0.6737,Neutral,0.3368,Women's Issues (not abortion though),0.2269,,bitterjim2u,,1,,,Am I the only one wondering if Rubio & his wife play Marco Polo when they have sex? Except replace Polo with Rubio. #GOPDebates,,2015-08-06 19:26:41 -0700,629478738737164288,,Eastern Time (US & Canada) -12063,Marco Rubio,0.4152,yes,0.6444,Negative,0.6444,None of the above,0.4152,,Rictracee,,5,,,"RT @SupermanHotMale: Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 19:26:40 -0700,629478736103145473,Florida,Eastern Time (US & Canada) -12064,No candidate mentioned,0.6087,yes,1.0,Negative,1.0,Abortion,1.0,,jsn2007,,0,,,Now you idiots don't even stand for abortions for rape & incest survivors. @JebBush #Unbelievable #GOPDebates,,2015-08-06 19:26:39 -0700,629478730755387392,USA,Eastern Time (US & Canada) -12065,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,None of the above,1.0,,cubancuervo,,4,,,RT @fritzisdead: Life begins after this debate ends. #GOPDebates,,2015-08-06 19:26:39 -0700,629478730168147968,,Eastern Time (US & Canada) -12066,Donald Trump,0.4347,yes,0.6593,Negative,0.3407,FOX News or Moderators,0.4347,,cfa1949,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:26:37 -0700,629478724090474496,, -12067,No candidate mentioned,1.0,yes,1.0,Positive,0.6503,None of the above,0.6769,,MitchEverett2,,1,,,RT @davideblackwell: @CarlyFiorina was so much better than these 10. She has gotten my attention! #GOPDebates,,2015-08-06 19:26:36 -0700,629478719992786945,"Atlanta, Georgia", -12068,Donald Trump,1.0,yes,1.0,Negative,0.6813,FOX News or Moderators,1.0,,bobreeves1944,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:26:33 -0700,629478707602817024,, -12069,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LiberalJaxx,,0,,,"According2my Twitter peeps, I didn't miss a thing tonight. #GOPDebates same empty rhetoric w/no solutions to REAL issues. #GOPIsInBigTrouble",,2015-08-06 19:26:33 -0700,629478705941753856,"Houston, TX",Central Time (US & Canada) -12070,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Ronny_Malone,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:32 -0700,629478702578069504,USA,Central Time (US & Canada) -12071,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6688,,kaceykaceykc,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:31 -0700,629478698832535552,"Florida, USA",Indiana (East) -12072,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,Abortion,0.449,,TheStephGlover,,2,,,RT @RaisedByCulture: Unborn lives are more important. That's what these men are saying #GOPDebates,,2015-08-06 19:26:31 -0700,629478697339342848,Philadelphia,Eastern Time (US & Canada) -12073,No candidate mentioned,0.4541,yes,0.6738,Negative,0.6738,Abortion,0.4541,,averykayla,,0,,,"Okay GOP candidates if anyone if you have a uterus you can speak on abortions, if not STFU! #GOPDebates #StandwithPP",,2015-08-06 19:26:30 -0700,629478693744852992,Boston,Eastern Time (US & Canada) -12074,Jeb Bush,1.0,yes,1.0,Negative,1.0,Abortion,0.6413,,James_707_cali,,1,,,"RT @DWSTwit: Jeb Bush ""deciding"" what women should do with their bodies! #GOPdebates",,2015-08-06 19:26:29 -0700,629478691731410944,, -12075,Ted Cruz,0.6842,yes,1.0,Positive,0.3579,FOX News or Moderators,0.6737,,cfa1949,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:26:28 -0700,629478686371090432,, -12076,No candidate mentioned,0.4108,yes,0.6409999999999999,Negative,0.6409999999999999,,0.2301,,chellelynnadams,,0,,,Planned parenthood coming up... I apologize in advance for any super drunk twitter status updates... #GOPDebates #FOXNEWSDEBATE,,2015-08-06 19:26:28 -0700,629478686182522880,"Grove City, Ohio",Atlantic Time (Canada) -12077,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,Women's Issues (not abortion though),0.6563,,intellectualadm,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:26 -0700,629478677848330240,vegas, -12078,No candidate mentioned,1.0,yes,1.0,Neutral,0.6628,Abortion,0.6859999999999999,,electro_moon,,1,,,"RT @averykayla: You're all ""pro life"" until when it comes to actually taking care of life with healthcare ie Planned Parenthood #GOPDebates…",,2015-08-06 19:26:26 -0700,629478676292370432,"Denver, ColoRADo",Eastern Time (US & Canada) -12079,No candidate mentioned,1.0,yes,1.0,Negative,0.6818,FOX News or Moderators,0.6818,,dmoyer19_GAC,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:26 -0700,629478676200095745,,Eastern Time (US & Canada) -12080,Jeb Bush,1.0,yes,1.0,Neutral,0.6513,FOX News or Moderators,1.0,,peggenze,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:25 -0700,629478675172306946,, -12081,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,58isthenew40,,0,,,Do chocolate chips count as a substitute for #Drinks during #GOPDebates ?,,2015-08-06 19:26:25 -0700,629478674182615041,#UniteBlue, -12082,Jeb Bush,1.0,yes,1.0,Positive,0.6477,Abortion,1.0,,BrendanKKirby,,0,,,"On abortion, @JebBush says he is completely pro-life. ""It's informed by my faith, from beginning to end."" -- #GOPdebates #LZDebates",,2015-08-06 19:26:25 -0700,629478674085998592,"Mobile, AL",Central Time (US & Canada) -12083,No candidate mentioned,0.39399999999999996,yes,0.6277,Neutral,0.3298,,0.2337,,RaisedByCulture,,1,,,Unborn can't yet speak but have more rights #GOPDebates,,2015-08-06 19:26:25 -0700,629478672815095808,"Buena Park, CA",Pacific Time (US & Canada) -12084,Jeb Bush,1.0,yes,1.0,Negative,0.7027,FOX News or Moderators,1.0,,mijames45,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:25 -0700,629478671997378560,, -12085,Ted Cruz,1.0,yes,1.0,Positive,0.6774,None of the above,1.0,,mrkimori,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:26:24 -0700,629478668440449024,Gods Country Colorado, -12086,No candidate mentioned,1.0,yes,1.0,Negative,0.6483,Abortion,1.0,,liamjlhill,,0,,,"My take on all of this stuff on abortion: - -https://t.co/YZLJablBQ4 - -#GOPdebates",,2015-08-06 19:26:24 -0700,629478667891175424,London,London -12087,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,drdebgal,,0,,,Rubio doesn't understand that there is a Bill of Rights #GOPDebates,,2015-08-06 19:26:23 -0700,629478665307336704,Durham North Carolina,Quito -12088,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,marcuskelson,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:21 -0700,629478657598164992,"Canberra, ACT",New Caledonia -12089,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,AmenRaTheGreat,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:26:20 -0700,629478653399842817,The Land of Kem/Alkebulan, -12090,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cfa1949,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:19 -0700,629478648907563008,, -12091,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6854,,jarrodmperry,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:26:19 -0700,629478647859179520,"Arkansas, Dry Tortugas ,USA", -12092,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SupermanHotMale,,5,,,"Dear Marco Rubio, just shut the fuck up, you are neither entertaining or wise. #GopDebates",,2015-08-06 19:26:18 -0700,629478645430636545,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12093,No candidate mentioned,1.0,yes,1.0,Negative,0.6882,Racial issues,1.0,,brownsugawife,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:26:18 -0700,629478644558139396,"Bay Area, CA", -12094,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,lmlastla,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:26:18 -0700,629478642096209920,,Eastern Time (US & Canada) -12095,No candidate mentioned,1.0,yes,1.0,Neutral,0.6842,Abortion,0.6526,,fieldnegro,,1,,,What about the life of the woman who is carrying the baby? #GOPDebates,,2015-08-06 19:26:17 -0700,629478641420881920,Philadelphia,Eastern Time (US & Canada) -12096,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,TerryShed,,0,,,GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:26:17 -0700,629478638056964096,"Washington, D.C.",Central Time (US & Canada) -12097,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,4Benedicktus,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:26:17 -0700,629478637687828481,, -12098,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,Women's Issues (not abortion though),0.6522,,caseyturner,,36,,,"RT @monaeltahawy: Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #…",,2015-08-06 19:26:16 -0700,629478636865888256,"New York, NY",Eastern Time (US & Canada) -12099,Rand Paul,1.0,yes,1.0,Negative,0.6477,None of the above,1.0,,TheBeatlesRule4,,0,,,"Hey Rand, say negotiate one more time #GOPDebates",,2015-08-06 19:26:16 -0700,629478633644503041,, -12100,Chris Christie,1.0,yes,1.0,Negative,0.6813,None of the above,0.6813,,SeeThroughFruit,,0,,,Chris Christie more like Chris Please Stop Supporting the NSA #GOPDebates,,2015-08-06 19:26:15 -0700,629478630658297856,, -12101,Mike Huckabee,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,smokescreek,,2,,,RT @smdabbs: #Huckabee seriously can't go a debate or interview without mentioning pimps and/or prostitutes. #GOPDebates,,2015-08-06 19:26:14 -0700,629478625738366976,Buffalo ny,Eastern Time (US & Canada) -12102,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.3111,FOX News or Moderators,0.3735,,claudet28549415,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:13 -0700,629478624437997568,,Central Time (US & Canada) -12103,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,wkirkm,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:13 -0700,629478623272046592,Piedmont NC, -12104,Marco Rubio,1.0,yes,1.0,Neutral,0.6552,Abortion,1.0,,Perry_T,,0,,,Rubio I never said there should be a ban on abortion in case of rape #GOPDebates,,2015-08-06 19:26:10 -0700,629478609162510336,,Mid-Atlantic -12105,Jeb Bush,0.4541,yes,0.6738,Neutral,0.3487,Foreign Policy,0.4541,,tonibirdsong,,0,,,"""We need to take out ISIS with every tool at our disposal."" - @JebBush #GOPdebates 🇺🇸",,2015-08-06 19:26:09 -0700,629478607019225088,"Franklin, Tennessee",Central Time (US & Canada) -12106,No candidate mentioned,1.0,yes,1.0,Neutral,0.6854,FOX News or Moderators,1.0,,tweetybird2009,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:09 -0700,629478604729122816,South Carolina, -12107,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Tahoe9495,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:08 -0700,629478600652230657,,Eastern Time (US & Canada) -12108,No candidate mentioned,0.6292,yes,1.0,Negative,1.0,Abortion,1.0,,jsc1835,,0,,,"Jebimiah talking about respect for life. GOP cares only about the unborn. Once you're breathing, forget about it. #GOPDebates",,2015-08-06 19:26:07 -0700,629478599213486080,,Central Time (US & Canada) -12109,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,madukovich,,0,,,"....and in #Suits S04E13 they go to the past, and now much of the present is illuminated. Sheer brilliance. *goes back to #GOPDebates*",,2015-08-06 19:26:07 -0700,629478597154222080,"uhuru, nirvana", -12110,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,godgrlforever,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:07 -0700,629478597040865281,,Pacific Time (US & Canada) -12111,Jeb Bush,0.6875,yes,1.0,Negative,0.6875,Abortion,0.675,,angstondeck,,2,,,"RT @jordiemojordie: Jeb!, Planned Parenthood is NOT just about abortions: they provide contraception and women's healthcare to low income w…",,2015-08-06 19:26:05 -0700,629478588966789120,, -12112,Donald Trump,1.0,yes,1.0,Positive,0.35200000000000004,FOX News or Moderators,1.0,,layla07122,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:26:04 -0700,629478586618150912,Texas USA, -12113,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,f77a9c24c7f9451,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:26:04 -0700,629478585917669376,, -12114,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,monaeltahawy,,36,,,"Oh boy: ""social issues"" = GOP code for who can control women's bodies & sexuality the most. Hold on tight, TwitterLand #GOPDebates",,2015-08-06 19:26:04 -0700,629478584885899264,Cairo/NYC,Eastern Time (US & Canada) -12115,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,mch7576,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:26:03 -0700,629478580175540224,USA , -12116,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Robert_W_GA,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:02 -0700,629478578648805376,georgia,Eastern Time (US & Canada) -12117,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Karina1986,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:26:02 -0700,629478575964426240,wi,Central Time (US & Canada) -12118,Marco Rubio,1.0,yes,1.0,Negative,0.6715,Abortion,1.0,,ManVsParty,,0,,,"""I never said that, I think rapes women should definitely have that baby!"" Marco Rubio #GOPDebates",,2015-08-06 19:26:02 -0700,629478574735519744,,Central Time (US & Canada) -12119,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6824,,DirkLangeveld,,0,,,The surprise winner of the #GOPDebates http://t.co/R5YEUUclR4,,2015-08-06 19:26:01 -0700,629478571904512000,"New London, CT",Central Time (US & Canada) -12120,Jeb Bush,0.6449,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sharon8191962,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:26:00 -0700,629478568213499904,, -12121,No candidate mentioned,0.4298,yes,0.6556,Negative,0.3333,FOX News or Moderators,0.4298,,cornfedrides,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:26:00 -0700,629478566523043840,California, -12122,No candidate mentioned,0.4916,yes,0.7011,Negative,0.7011,None of the above,0.4916,,ModupeAkin,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:25:59 -0700,629478565457854464,New York,Quito -12123,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,seasicksiren,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:58 -0700,629478558855901184,,Pacific Time (US & Canada) -12124,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,thisalisa,,4,,,RT @fritzisdead: Life begins after this debate ends. #GOPDebates,,2015-08-06 19:25:57 -0700,629478556351901696,"Los Angeles, CA, USA",Pacific Time (US & Canada) -12125,No candidate mentioned,0.4539,yes,0.6737,Negative,0.6737,FOX News or Moderators,0.4539,,MachadoKirk,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:57 -0700,629478555911593984,, -12126,No candidate mentioned,0.4401,yes,0.6634,Neutral,0.6634,Abortion,0.2233,,indieLINDSEY,,0,,,Bring it on Planned Parenthood. #GOPDebates,,2015-08-06 19:25:56 -0700,629478551658459140,"Los Angeles, CA",Eastern Time (US & Canada) -12127,Jeb Bush,0.4401,yes,0.6634,Negative,0.6634,None of the above,0.4401,,RegisGiles,,0,,,"Any presidential candidate who partners with Michael Bloomberg is NOT ok in my book, #JebBush. #GOPDebates",,2015-08-06 19:25:56 -0700,629478551549427712,"Miami, FL",Eastern Time (US & Canada) -12128,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.449,,zebra78610,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:55 -0700,629478547258675201,Austin,Hawaii -12129,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Elealfan,,0,,,"RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates -Yes!",,2015-08-06 19:25:55 -0700,629478545538990080,,Eastern Time (US & Canada) -12130,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6778,,Gluonsrule,,3,,,"RT @annleary: ""My record is clear. I hate women who want affordable birth control and STD screenings."" #GOPDebates",,2015-08-06 19:25:54 -0700,629478543597150208,"right here, right now",Eastern Time (US & Canada) -12131,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Alta_LMSW,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:53 -0700,629478539969101825,RVC,Eastern Time (US & Canada) -12132,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,PrimaryMcCain,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:53 -0700,629478537095942144,,Pacific Time (US & Canada) -12133,No candidate mentioned,1.0,yes,1.0,Positive,0.6848,Abortion,1.0,,RaisedByCulture,,2,,,Unborn lives are more important. That's what these men are saying #GOPDebates,,2015-08-06 19:25:51 -0700,629478529856487424,"Buena Park, CA",Pacific Time (US & Canada) -12134,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Women's Issues (not abortion though),1.0,,lauriebent,,3,,,"RT @annleary: ""My record is clear. I hate women who want affordable birth control and STD screenings."" #GOPDebates",,2015-08-06 19:25:51 -0700,629478529193902080,"Auburn, MA", -12135,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GeneMcVay,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:49 -0700,629478523976175616,Arkansas,Central Time (US & Canada) -12136,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TexasGirrl81,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:48 -0700,629478519270019072,USA, -12137,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,AngryandBlack,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:25:48 -0700,629478517533708288,, -12138,Donald Trump,1.0,yes,1.0,Positive,0.6588,FOX News or Moderators,1.0,,RobynSChilson,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:25:47 -0700,629478513872117760,Pennsylvania,Atlantic Time (Canada) -12139,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,r1965rainey,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:25:47 -0700,629478511808385025,State of Confusion,Eastern Time (US & Canada) -12140,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mcbanfield,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:25:46 -0700,629478509673627648,,Eastern Time (US & Canada) -12141,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.7079,,honeythunder,,0,,,YOU FUCKING DICKSHITS - PLANNED PARENTHOOD IS NOT AN ABORTION EMPORIUM. #GOPDebates,,2015-08-06 19:25:46 -0700,629478508578914304,Twenty minutes in the future.,Tehran -12142,Donald Trump,1.0,yes,1.0,Negative,0.6628,FOX News or Moderators,1.0,,hgarbow,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:25:46 -0700,629478508125773824,"Texas, USA", -12143,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,0.6429,,fritzisdead,,4,,,Life begins after this debate ends. #GOPDebates,,2015-08-06 19:25:44 -0700,629478500999696384,LA via Chicago via KY,Pacific Time (US & Canada) -12144,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6277,,bradcmueller,,0,,,#GOPDebates respect life? What about a woman's life?,,2015-08-06 19:25:43 -0700,629478497715552256,Chicago, -12145,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,celestemc,,12,,,RT @fieldnegro: GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:25:43 -0700,629478496818102272,We Live in Brooklyn Baby,Atlantic Time (Canada) -12146,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Tadams480Scott,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:25:42 -0700,629478490786660352,United States, -12147,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jajulierangelo,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:39 -0700,629478479348658177,, -12148,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6691,,carolinagrrl,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:36 -0700,629478466736553984,"Cary, NC",Eastern Time (US & Canada) -12149,Marco Rubio,0.4589,yes,0.6774,Negative,0.3441,None of the above,0.4589,,KarlFrisch,,0,,,Does Marco Rubio wear Invisalign? #GOPdebates,,2015-08-06 19:25:35 -0700,629478462399643648,"Washington, DC",Eastern Time (US & Canada) -12150,No candidate mentioned,0.6593,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bigsexy_tote,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:34 -0700,629478457769086976,"East side of Vineland, NJ", -12151,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6867,,hyeyoothere,,0,,,Planned parenthood takes care of so many other things not just abortions .. Wtf. #GOPDebates,,2015-08-06 19:25:33 -0700,629478456888307712,,Eastern Time (US & Canada) -12152,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3445,,annleary,,3,,,"""My record is clear. I hate women who want affordable birth control and STD screenings."" #GOPDebates",,2015-08-06 19:25:33 -0700,629478456011698176,New York,Eastern Time (US & Canada) -12153,Ted Cruz,0.4121,yes,0.642,Negative,0.3273,,0.2298,,CaConservative_,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:25:33 -0700,629478455348826112,CA,America/Los_Angeles -12154,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,blondspacecadet,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:32 -0700,629478452979175424,Heart of Dixie,Central Time (US & Canada) -12155,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Johnny_Petrini,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:32 -0700,629478450663923712,Georgia,Eastern Time (US & Canada) -12156,Jeb Bush,1.0,yes,1.0,Negative,0.7204,Abortion,0.3763,,VicDeVille,,0,,,"Why isn't #MegynKelly grilling #JebBush about the FACT his grandfather helped to FOUND #PlannedParenthood? -#GOPDebate #GOPDebates",,2015-08-06 19:25:31 -0700,629478447191097344,nyc,Eastern Time (US & Canada) -12157,Jeb Bush,1.0,yes,1.0,Negative,0.6429,FOX News or Moderators,0.6735,,1953jwb,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:25:31 -0700,629478447090372608,"Ohio, USA", -12158,No candidate mentioned,1.0,yes,1.0,Negative,0.6824,Jobs and Economy,0.3765,,StephenWidener,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:30 -0700,629478442321477632,The Blue Ridge Mtns. NC,Eastern Time (US & Canada) -12159,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,torii_dawson,,4,,,"RT @SupermanHotMale: Dear Jeb Bush, Your Record, Sir is clear, you are a fucking ememy of the voting public... PERIOD. #GopDebates",,2015-08-06 19:25:29 -0700,629478439226068992,RVA | Bristol,Pacific Time (US & Canada) -12160,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,fieldnegro,,12,,,GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:25:28 -0700,629478435711250432,Philadelphia,Eastern Time (US & Canada) -12161,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,02C5,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:28 -0700,629478434977263616,,Eastern Time (US & Canada) -12162,Jeb Bush,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,Women's Issues (not abortion though),0.4396,,DWSTwit,,1,,,"Jeb Bush ""deciding"" what women should do with their bodies! #GOPdebates",,2015-08-06 19:25:27 -0700,629478432015937537,san francisco, -12163,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,TheTreasuryGrp,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:25:27 -0700,629478430082371584,"Long Island, NY",Eastern Time (US & Canada) -12164,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,samtheman12321,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:27 -0700,629478429860073472,, -12165,Ted Cruz,0.623,yes,1.0,Positive,0.6813,None of the above,1.0,,carrieksada,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:25:27 -0700,629478428744380416,Los Angeles CA, -12166,Jeb Bush,0.4265,yes,0.6531,Negative,0.6531,None of the above,0.4265,,lynn560,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:25:24 -0700,629478417822396416,,Central Time (US & Canada) -12167,Donald Trump,1.0,yes,1.0,Negative,0.6608,FOX News or Moderators,1.0,,jCf55,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:25:23 -0700,629478411304439808,Ameritopia, -12168,No candidate mentioned,0.6813,yes,1.0,Negative,1.0,Jobs and Economy,0.3407,,jonihubbard,,120,,,RT @RWSurferGirl: Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate …,,2015-08-06 19:25:21 -0700,629478403276734464,"Jacksonville, Fl",Eastern Time (US & Canada) -12169,Ted Cruz,0.6791,yes,1.0,Positive,0.6329,None of the above,1.0,,abbydousset,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:25:20 -0700,629478402345574400,,Atlantic Time (Canada) -12170,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SupermanHotMale,,4,,,"Dear Jeb Bush, Your Record, Sir is clear, you are a fucking ememy of the voting public... PERIOD. #GopDebates",,2015-08-06 19:25:19 -0700,629478398113488896,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12171,Donald Trump,1.0,yes,1.0,Negative,0.3563,FOX News or Moderators,1.0,,limelite001,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:25:19 -0700,629478395571666944,"Melbourne, Victoria",Melbourne -12172,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3563,Healthcare (including Medicare),0.4444,,averykayla,,1,,,"You're all ""pro life"" until when it comes to actually taking care of life with healthcare ie Planned Parenthood #GOPDebates #StandwithPP",,2015-08-06 19:25:18 -0700,629478393705312256,Boston,Eastern Time (US & Canada) -12173,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HooverJackson,,0,,,#GOPDebates Need I say more http://t.co/Vb5bDjR1K9,,2015-08-06 19:25:17 -0700,629478387870863360,Northern California,Pacific Time (US & Canada) -12174,Ted Cruz,0.3333,yes,1.0,Positive,0.6667,None of the above,0.6667,,margotparson,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:25:16 -0700,629478383072604160,"Palm Coast, Florida", -12175,Donald Trump,0.6813,yes,1.0,Positive,0.6813,FOX News or Moderators,1.0,,PJright777,,0,,,@CopDwg wow! I thought it was #msnbc Fox has changed. #GopDebates,,2015-08-06 19:25:13 -0700,629478371630649345,,Eastern Time (US & Canada) -12176,Jeb Bush,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,DrAriafya,,0,,,So basically fuck women is what Jeb says #GOPDebates,,2015-08-06 19:25:12 -0700,629478368132509696,GFFA,Pacific Time (US & Canada) -12177,Jeb Bush,1.0,yes,1.0,Neutral,0.3468,Abortion,1.0,,tmservo433,,0,,,Jeb Bush: Im more prolife than others because of Schiavo. #GOPdebates,,2015-08-06 19:25:12 -0700,629478367411195904,, -12178,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,pattykake44,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:12 -0700,629478367209730048,, -12179,Jeb Bush,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6593,,thisismegamo,,0,,,"Some facts on Jeb's state after he defunded Planned Parenthood. Turns out, bad for women! #GOPDebates http://t.co/m58SDh7JTb via @MicNews",,2015-08-06 19:25:09 -0700,629478355314675712,"Seattle, WA", -12180,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,WBlance,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:25:09 -0700,629478352794087424, ny ,Atlantic Time (Canada) -12181,Donald Trump,0.6707,yes,1.0,Positive,0.6707,None of the above,1.0,,Bluffsands,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:25:09 -0700,629478352760365056,Arkansas Delta, -12182,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MarySWheeler,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:08 -0700,629478351711924224,,Eastern Time (US & Canada) -12183,Donald Trump,1.0,yes,1.0,Negative,0.6887,FOX News or Moderators,1.0,,dicknorman,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:25:07 -0700,629478344623390721,,Central Time (US & Canada) -12184,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,FOX News or Moderators,1.0,,RWSurferGirl,,120,,,Why doesn't Chris Wallace ask the other politicans about their finances and where their money comes from? 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:25:06 -0700,629478343428042754,"Newport Beach, California",Pacific Time (US & Canada) -12185,Donald Trump,0.4227,yes,0.6502,Negative,0.6502,None of the above,0.4227,,freestyldesign,,0,,,Trump has no integrity- Trojan pony show easily bought & paid for by Hillary #tcot #GOPDebate #GOPDebates #FOXNEWSDEBATE,,2015-08-06 19:25:06 -0700,629478343306444802,Seattle WA USA,Pacific Time (US & Canada) -12186,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,Foreign Policy,0.7021,,krisreeder,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:25:06 -0700,629478342761132032,,Central Time (US & Canada) -12187,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SeeThroughFruit,,0,,,Scott Walker more like Scott Please Walk Away #GOPDebates,,2015-08-06 19:25:05 -0700,629478336939560960,, -12188,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MichaelCalvert9,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:05 -0700,629478336624918528,IN, -12189,Donald Trump,1.0,yes,1.0,Negative,0.3523,FOX News or Moderators,0.6591,,MsMeowshkiNYC,,1,,,RT @AcerbicAxioms: Is @FoxNews going to ask #Trump2016 any more POLICY questions? Or just character smears? #GOPDebate #GOPDebates #MakeAme…,,2015-08-06 19:25:04 -0700,629478335169626112,, -12190,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JNYUTAH,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:25:04 -0700,629478334557126656,@JohnnyUtahsNYC,Mazatlan -12191,Jeb Bush,1.0,yes,1.0,Positive,0.6773,Religion,0.6773,,msgoddessrises,,0,,,#Bush is a good Catholic. #GOPDebates,,2015-08-06 19:25:04 -0700,629478332036308992,Viva Las Vegas NV.,Pacific Time (US & Canada) -12192,Ted Cruz,0.6593,yes,1.0,Positive,0.6813,None of the above,1.0,,Kathryne1960,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:25:04 -0700,629478331646353409,, -12193,No candidate mentioned,0.4085,yes,0.6392,Negative,0.6392,FOX News or Moderators,0.4085,,v0ld4m0rt,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:59 -0700,629478312365158400,AMERICA ,Central Time (US & Canada) -12194,Donald Trump,1.0,yes,1.0,Negative,0.67,Jobs and Economy,0.6807,,JangoBear,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:24:59 -0700,629478311073222656,Chicago at the moment then TX.,Central Time (US & Canada) -12195,Ted Cruz,0.6629,yes,1.0,Positive,1.0,None of the above,1.0,,angelswings0908,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:57 -0700,629478304093990912,"Small town, Kentucky",America/New_York -12196,Ted Cruz,0.6882,yes,1.0,Positive,0.6882,None of the above,1.0,,Lorettatheprole,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:24:54 -0700,629478290693169152,Trapped in Dying Blue State,Eastern Time (US & Canada) -12197,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JamesWynn14,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:53 -0700,629478287350333440,Bogota Columbia, -12198,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Sheri0526,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:52 -0700,629478285173350400,Colorado, -12199,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6556,,DrGothican,,0,,,#GOPDEBATES Why is no one talking about what is happening at the VA. Disabled Vets are dying every day! Does no one care!,,2015-08-06 19:24:52 -0700,629478284699398145,"Martinsburg, WV",Quito -12200,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,sidneybarrett,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:52 -0700,629478282728243200, N.C,Eastern Time (US & Canada) -12201,Donald Trump,1.0,yes,1.0,Negative,0.7033,FOX News or Moderators,1.0,,_hadji_911,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:51 -0700,629478280442195968,, -12202,No candidate mentioned,1.0,yes,1.0,Negative,0.6649,Abortion,1.0,,BaldoVilla3,,0,,,#PlannedParenthood should be funded in Florida - because Floridians... #GOPDebates,,2015-08-06 19:24:51 -0700,629478278777061376,Texas,Central Time (US & Canada) -12203,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,vito4224,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:50 -0700,629478274989731840,USA, -12204,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,ms73,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:24:49 -0700,629478271009300480,,Eastern Time (US & Canada) -12205,Jeb Bush,1.0,yes,1.0,Neutral,0.6518,None of the above,1.0,,TonyPhyrillas,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:48 -0700,629478268048146432,"Pottstown, Pennsylvania",Eastern Time (US & Canada) -12206,No candidate mentioned,0.6437,yes,1.0,Negative,1.0,Religion,1.0,,scottaxe,,1,,,RT @msgoddessrises: This demagogue infuses hate in God's name he is NO CHRISTIAN. #GOPDebates https://t.co/0F4AjNhEIt,,2015-08-06 19:24:46 -0700,629478258065563650,Los Angeles , -12207,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,michaelyagoda,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:45 -0700,629478255498821632,THE BRONX,Eastern Time (US & Canada) -12208,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.3523,,WalktheWeilside,,2,,,RT @KateAronoff: Who hates women the most? GO. #GOPDebates,,2015-08-06 19:24:45 -0700,629478254139670528,, -12209,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,1.0,,feraltopher,,0,,,"I'm ain't 'bout dem big ol' sloppy abortions, nuh-uh. #GOPDebates",,2015-08-06 19:24:44 -0700,629478250922684418,"Showcase Showdown, MI",Central Time (US & Canada) -12210,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,NorthAfricanJew,,5,,,"RT @steakNstiffarms: I'm imagining Trump giving a State of the Union, and yeah ok maybe I'd vote for him #GOPDebates",,2015-08-06 19:24:44 -0700,629478249211375616,United States ,Pacific Time (US & Canada) -12211,Jeb Bush,1.0,yes,1.0,Negative,0.6564,FOX News or Moderators,1.0,,Rockprincess818,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:24:44 -0700,629478248255062016,"Calabasas, CA",Pacific Time (US & Canada) -12212,No candidate mentioned,0.4768,yes,0.6905,Positive,0.369,None of the above,0.4768,,Gigem37,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:24:42 -0700,629478242211098624,"College Station, Texas", -12213,Donald Trump,1.0,yes,1.0,Negative,0.6559,FOX News or Moderators,1.0,,jcope12003,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:42 -0700,629478240239783936,Kansas,Central Time (US & Canada) -12214,No candidate mentioned,1.0,yes,1.0,Negative,0.6905,FOX News or Moderators,1.0,,Iccross64ina,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:42 -0700,629478239837122561,"black forest, Colorado", -12215,Jeb Bush,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.2344,,PuestoLoco,,3,,,".@miamidecor -Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bgzYsySfSU",,2015-08-06 19:24:41 -0700,629478235680698373,Florida Central West Coast,America/New_York -12216,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MarieFrankos,,0,,,OMG I think I'm missing the #GOPDEBATES to watch this #ChillerTBT,,2015-08-06 19:24:40 -0700,629478234791346176,"Salt Lake City, UT",Mountain Time (US & Canada) -12217,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,KarenJuneMiller,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:24:40 -0700,629478233663143936,"Treasure Valley, Idaho",Central Time (US & Canada) -12218,Donald Trump,1.0,yes,1.0,Negative,0.3626,FOX News or Moderators,1.0,,hockeydeb21,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:40 -0700,629478232795029504,USA,Eastern Time (US & Canada) -12219,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jfkmiami78,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:40 -0700,629478232627097600,Ohio,Quito -12220,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ConservativeGM,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:39 -0700,629478229250719744,"Anytown, NJ",Eastern Time (US & Canada) -12221,Donald Trump,1.0,yes,1.0,Neutral,0.6778,FOX News or Moderators,1.0,,GGaryC,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:39 -0700,629478228458139648,"Rochester, NY",Eastern Time (US & Canada) -12222,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sledneck121,,0,,,Well no mater what happens in this debate or the election I think everyone is realizing we're pretty much screwed. #GOPDebates,,2015-08-06 19:24:38 -0700,629478223936516096,"Duluth, Minnesota", -12223,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cygnetamore,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:38 -0700,629478223563223040,Oklahoma, -12224,Donald Trump,1.0,yes,1.0,Negative,0.6643,FOX News or Moderators,1.0,,patrick_blanks,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:38 -0700,629478222506405889,ft worth tx, -12225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6616,,RNTiwari3,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:24:38 -0700,629478222372012033,, -12226,Donald Trump,0.2235,yes,0.6629,Neutral,0.3371,FOX News or Moderators,0.2235,,Rockprincess818,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:24:37 -0700,629478221994536960,"Calabasas, CA",Pacific Time (US & Canada) -12227,Ted Cruz,1.0,yes,1.0,Neutral,0.6714,None of the above,1.0,,WidowFike,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:37 -0700,629478220249829376,,Central Time (US & Canada) -12228,Jeb Bush,0.3923,yes,0.6264,Negative,0.6264,None of the above,0.3923,,Gigem37,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:36 -0700,629478216374202368,"College Station, Texas", -12229,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DublinMimi,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:33 -0700,629478205209092097, Buckeye State,Eastern Time (US & Canada) -12230,Donald Trump,1.0,yes,1.0,Neutral,0.3478,FOX News or Moderators,0.6957,,Rockprincess818,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:24:33 -0700,629478202851721216,"Calabasas, CA",Pacific Time (US & Canada) -12231,Donald Trump,0.3923,yes,0.6264,Negative,0.3297,FOX News or Moderators,0.3923,,Twarren25,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:32 -0700,629478200087703553,SB California, -12232,Donald Trump,1.0,yes,1.0,Negative,0.6526,None of the above,1.0,,ozzie31220,,2,,,RT @ScottLinnen: You screwed Atlantic City more ways than the Kama Sutra with Trump Taj Mahal. #GOPDebates,,2015-08-06 19:24:32 -0700,629478199576035328,"Boulder, Co. Oak Park, IL.",Mountain Time (US & Canada) -12233,Donald Trump,0.5073,yes,0.7122,Neutral,0.3874,None of the above,0.2759,,Erosunique,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:24:32 -0700,629478198011629568,Milan-Italy,Rome -12234,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KRProthro,,0,,,"I need to go do something else, but train wreck....... #GOPDebates",,2015-08-06 19:24:32 -0700,629478197835358208,,Central Time (US & Canada) -12235,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,mrlogical1420,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:28 -0700,629478181796474881,"Pittsburgh, PA", -12236,No candidate mentioned,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,0.6842,,TheBeatlesRule4,,0,,,Carly Fiorina would have fixed the problem? Does fixing the problem mean firing everyone? #GOPDebates,,2015-08-06 19:24:28 -0700,629478180579979265,, -12237,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,xoxpearlxox,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:27 -0700,629478176461172736,"Chicago, IL",Eastern Time (US & Canada) -12238,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6949,,AmyLGarman,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:27 -0700,629478176427651072,"Carmel, Indiana",Eastern Time (US & Canada) -12239,Donald Trump,1.0,yes,1.0,Positive,0.6421,None of the above,1.0,,PamMaylee,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:26 -0700,629478173097463808,,Central Time (US & Canada) -12240,Jeb Bush,1.0,yes,1.0,Negative,0.6966,None of the above,0.6966,,Perry_T,,0,,,Bush did a nice deflect there. Did you see that? He practiced! #GopDebates,,2015-08-06 19:24:21 -0700,629478155124928513,,Mid-Atlantic -12241,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,LadyB117,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:20 -0700,629478149450022912,,Eastern Time (US & Canada) -12242,Donald Trump,1.0,yes,1.0,Negative,0.6222,None of the above,1.0,,natebrwn3,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:24:20 -0700,629478148673896450,,Pacific Time (US & Canada) -12243,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CSAresu,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:24:18 -0700,629478142344826880,"Houston, TX", -12244,No candidate mentioned,0.4625,yes,0.6801,Negative,0.36200000000000004,None of the above,0.2462,,DHanway,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:24:18 -0700,629478140864131072,State with the 14ers ,Mountain Time (US & Canada) -12245,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,M3LLC,,0,,,"GOP candidates still beating their chests over losing.#gopdebates - - https://t.co/iCqusR68AD",,2015-08-06 19:24:17 -0700,629478137357815811,,Eastern Time (US & Canada) -12246,Jeb Bush,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,tsgtalexander,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:24:17 -0700,629478137055850497,, -12247,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:24:16 -0700,629478133528436736,Milan-Italy,Rome -12248,Donald Trump,1.0,yes,1.0,Negative,0.3407,None of the above,0.6703,,HighheelsDes,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:16 -0700,629478133477982209,Calabasas, -12249,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,fisherynation,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:15 -0700,629478127920640000,, -12250,No candidate mentioned,1.0,yes,1.0,Neutral,0.6464,FOX News or Moderators,0.6759,,AJAkatsuki,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:24:15 -0700,629478127543185408,"Amarillo, Texas",Eastern Time (US & Canada) -12251,No candidate mentioned,0.4171,yes,0.6458,Neutral,0.3229,FOX News or Moderators,0.4171,,Swampnut,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:15 -0700,629478127526408192,A Shell of America, -12252,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Chris_Cheetham,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:13 -0700,629478118122725377,USA,Eastern Time (US & Canada) -12253,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Jethro1701,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:11 -0700,629478111806099460,Lagrange Point L3 or East TN,Eastern Time (US & Canada) -12254,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tsgtalexander,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:10 -0700,629478106647121920,, -12255,No candidate mentioned,0.6382,yes,1.0,Neutral,0.6382,None of the above,0.6382,,merbielous,,19,,,RT @BethBehrs: Classy. #GOPDebates https://t.co/pZpyl1rdU6,,2015-08-06 19:24:09 -0700,629478104730210304,The Sunny Philippines,Alaska -12256,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MichaelHuff52,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:09 -0700,629478104671518721,"San Antonio, TX",Central Time (US & Canada) -12257,Chris Christie,0.6667,yes,1.0,Negative,0.6774,Immigration,1.0,,sideshowscott,,60,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 19:24:09 -0700,629478104625364992,,Pacific Time (US & Canada) -12258,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Hstockpicks,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:09 -0700,629478102025007104,, -12259,Ted Cruz,0.7045,yes,1.0,Negative,0.375,None of the above,0.6705,,tbird_goinggalt,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:09 -0700,629478101609635840,"Kalamazoo, Michigan",Eastern Time (US & Canada) -12260,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,brockman72,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:08 -0700,629478098753294336,KY, -12261,Donald Trump,1.0,yes,1.0,Negative,0.7065,FOX News or Moderators,1.0,,BaptistJohnthe,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:24:07 -0700,629478096148819970,SW Virginia Patriot.., -12262,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6629999999999999,,coastie,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:05 -0700,629478087844040704,"Asheville, NC",Eastern Time (US & Canada) -12263,Ted Cruz,1.0,yes,1.0,Positive,0.6742,None of the above,1.0,,ConservativeCF,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:24:05 -0700,629478086518697984,,Eastern Time (US & Canada) -12264,Donald Trump,1.0,yes,1.0,Positive,0.6522,FOX News or Moderators,1.0,,moonraker690,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:24:04 -0700,629478083234525184,, -12265,Donald Trump,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,zachdcarter,,1,,,Democrats should pay attention to Trump's performance tonight. He's still a racist. But everything he says is popular. #GOPDebates,,2015-08-06 19:24:03 -0700,629478076569796608,"Washington, DC",Quito -12266,No candidate mentioned,1.0,yes,1.0,Neutral,0.6897,None of the above,0.6897,,mette_mariek,,0,,,"#GOPDebates in emojis: 👴🏼👴🏾👴🏻👨🏻👨🏼👶🏻👶🏼👺💰💸🚷🚺🔫🍔💣🇺🇸🇺🇸🇺🇸🇺🇸🇺🇸🛃🚧🚔👭🔨🔨🔨 ....I think? Wait, maybe I'm thinking of True Detective S2.",,2015-08-06 19:24:03 -0700,629478076410261504,"Los Angeles, CA",Pacific Time (US & Canada) -12267,Jeb Bush,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,1.0,,RocketMom5300,,0,,,Why don't you just call this the Bush interview? @megynkelly #GOPDebates #tcot,,2015-08-06 19:24:03 -0700,629478076280209408,,Central Time (US & Canada) -12268,Donald Trump,1.0,yes,1.0,Positive,0.3426,FOX News or Moderators,1.0,,dudeinchicago,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:24:01 -0700,629478068697071616,, -12269,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ThermalkatPt2,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:24:01 -0700,629478068499845121,Texas, -12270,Ted Cruz,0.6533,yes,1.0,Negative,0.6891,None of the above,1.0,,Erosunique,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:23:59 -0700,629478061868716032,Milan-Italy,Rome -12271,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PamMaylee,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:59 -0700,629478060715286529,,Central Time (US & Canada) -12272,Donald Trump,0.6897,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,rick_leroux,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:58 -0700,629478058177593345,, -12273,Donald Trump,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,ulynne,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:57 -0700,629478054453215232,"New Jersey, USA",Eastern Time (US & Canada) -12274,Donald Trump,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,1.0,,abby_conlon,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:57 -0700,629478050472833025,,Central Time (US & Canada) -12275,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jajulierangelo,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:56 -0700,629478048836890624,, -12276,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,PJimmy18,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:56 -0700,629478047511523328,FEMA Camp Zone lV,Atlantic Time (Canada) -12277,Donald Trump,1.0,yes,1.0,Negative,0.687,None of the above,1.0,,liamjlhill,,0,,,"Trump threatening to run as independent if he doesn't win the nomination. Who does that remind me of? - -#GOPdebates http://t.co/14wFPz4qoW",,2015-08-06 19:23:53 -0700,629478036136697856,London,London -12278,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,afoulk27,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:53 -0700,629478035977306112,god forsaken Cincinnati, -12279,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PatriotCzar,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:52 -0700,629478033003544576,♂ ALABAMA ♥ click for ammo →,Central Time (US & Canada) -12280,No candidate mentioned,0.4509,yes,0.6715,Negative,0.6715,FOX News or Moderators,0.4509,,levonclark,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:23:52 -0700,629478032944836608,"Orlando, Florida",Eastern Time (US & Canada) -12281,No candidate mentioned,1.0,yes,1.0,Neutral,0.6791,FOX News or Moderators,0.6801,,pwak619,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:23:52 -0700,629478032567177216,san dago 619,Pacific Time (US & Canada) -12282,Donald Trump,1.0,yes,1.0,Neutral,0.6494,None of the above,1.0,,GleisyValero,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:52 -0700,629478032533790722,Venezuela, -12283,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,None of the above,1.0,,DIRTYYYSOUTH,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:23:52 -0700,629478030361128960,, -12284,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,WeiseDame,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:51 -0700,629478027274141696,TN,America/Chicago -12285,No candidate mentioned,1.0,yes,1.0,Negative,0.6322,FOX News or Moderators,1.0,,Sedonadeb,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:51 -0700,629478026275729409,Somewhere in God's country, -12286,Donald Trump,1.0,yes,1.0,Positive,0.6735,FOX News or Moderators,1.0,,JoeMan50,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:51 -0700,629478025743175680,SE Pennsylvania,Eastern Time (US & Canada) -12287,Ted Cruz,1.0,yes,1.0,Positive,0.6667,None of the above,0.6889,,tmcs28,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:51 -0700,629478025218801664,,Eastern Time (US & Canada) -12288,No candidate mentioned,0.4085,yes,0.6392,Negative,0.3402,Women's Issues (not abortion though),0.4085,,KateAronoff,,2,,,Who hates women the most? GO. #GOPDebates,,2015-08-06 19:23:49 -0700,629478018033975296,Brooklyn, -12289,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Ninaluv2luv,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:23:49 -0700,629478017971064832,turkey,Central Time (US & Canada) -12290,Donald Trump,1.0,yes,1.0,Neutral,0.3571,FOX News or Moderators,0.6667,,Erosunique,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:23:48 -0700,629478013072187392,Milan-Italy,Rome -12291,Donald Trump,1.0,yes,1.0,Positive,0.3371,FOX News or Moderators,1.0,,CookieKL,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:46 -0700,629478008294748161,abyss with a flicker of light ,Mountain Time (US & Canada) -12292,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,Pain_in_my_Bass,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:23:46 -0700,629478005887365121,"New York, New York",Eastern Time (US & Canada) -12293,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6859999999999999,,lungtawellness,,0,,,Imagine if @SenWarren could bitch slap these motherfuckers? Oh to dream the impossible dream #GOPDebates @billmaher,,2015-08-06 19:23:46 -0700,629478004410949632,Global Free Spirit,Eastern Time (US & Canada) -12294,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,0.6869,,TheDrewHurchick,,0,,,Best TV of the year #GOPDebates,,2015-08-06 19:23:45 -0700,629478003135934464,"Scranton, PA", -12295,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pbralick,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:45 -0700,629478000371732481,Colorado,Mountain Time (US & Canada) -12296,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TakeAJillPilll,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:23:40 -0700,629477982474792960,,Central Time (US & Canada) -12297,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6364,,ConservativeGM,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:39 -0700,629477975365300224,"Anytown, NJ",Eastern Time (US & Canada) -12298,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Erosunique,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:37 -0700,629477970026078209,Milan-Italy,Rome -12299,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,0.3542,,mandy_velez,,2,,,Just a friendly reminder that Mike Huckabee wanted to quarantine people with AIDS in '92. http://t.co/5KuY4lVEuM #GOPDebates,,2015-08-06 19:23:36 -0700,629477966142160896,"Philly-bred, NYC now",Central Time (US & Canada) -12300,Jeb Bush,0.6824,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GUSMAR80,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:23:36 -0700,629477965097771009,,Eastern Time (US & Canada) -12301,No candidate mentioned,1.0,yes,1.0,Neutral,0.6304,FOX News or Moderators,0.6848,,MikeJBknows,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:23:36 -0700,629477964233641985,"Las Vegas, Nevada",Pacific Time (US & Canada) -12302,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,marypatriott,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:34 -0700,629477957212442624,Dark Blue Minneapolis ,Central Time (US & Canada) -12303,Donald Trump,1.0,yes,1.0,Neutral,0.6874,None of the above,1.0,,revden40,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:32 -0700,629477945883516928,,Pacific Time (US & Canada) -12304,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6643,,mtaylorcassidy,,0,,,"The commercials are my fav part of #GOPDebates, like Super Bowl Sunday but horrifying",,2015-08-06 19:23:25 -0700,629477918096404481,"Fort Myers, FL", -12305,Donald Trump,0.7045,yes,1.0,Positive,0.7045,FOX News or Moderators,1.0,,TheTreasuryGrp,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:24 -0700,629477915999248384,"Long Island, NY",Eastern Time (US & Canada) -12306,Donald Trump,1.0,yes,1.0,Negative,0.6477,None of the above,1.0,,zeepman,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:24 -0700,629477915026067456,,Central Time (US & Canada) -12307,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,thesamsorboshow,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:24 -0700,629477912693968896,,Pacific Time (US & Canada) -12308,No candidate mentioned,1.0,yes,1.0,Negative,0.6595,FOX News or Moderators,0.6216,,Jacque_s_,,0,,,"@megynkelly don't lie, these are not gentlemen. #GOPDebates",,2015-08-06 19:23:23 -0700,629477910764765185, ,Pacific Time (US & Canada) -12309,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,thedominator939,,1,,,@megynkelly @BretBaier Shame on you both. How much did you all get paid to attack Trump? #GOPDebates #FoxNews,,2015-08-06 19:23:22 -0700,629477906528497665,, -12310,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,suruthiMT,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:23:20 -0700,629477896889966592,"Toronto, Ontario",Central Time (US & Canada) -12311,Scott Walker,1.0,yes,1.0,Negative,0.6667,None of the above,0.6667,,kevinpowr,,0,,,Watching #GOPDebates. @kylemooney has got to play Scott Walker for the political sketches in the new series of #SNL,,2015-08-06 19:23:19 -0700,629477893740081152,Ireland,London -12312,Chris Christie,1.0,yes,1.0,Negative,0.6277,None of the above,1.0,,Bluffsands,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:23:18 -0700,629477890527113217,Arkansas Delta, -12313,Donald Trump,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,nursej2000,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:23:17 -0700,629477884738977792,"Wichita,Ks",Central Time (US & Canada) -12314,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6421,,LadyB117,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:15 -0700,629477875125747712,,Eastern Time (US & Canada) -12315,Donald Trump,1.0,yes,1.0,Negative,0.6882,None of the above,1.0,,03forester,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:15 -0700,629477874676858880,, -12316,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6663,,gardnerdar001,,9,,,RT @SalMasekela: That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:23:13 -0700,629477869832441856,, -12317,Donald Trump,1.0,yes,1.0,Negative,0.6328,FOX News or Moderators,1.0,,LoverFaceDaNerd,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:13 -0700,629477866309328896,shleep mode,Central Time (US & Canada) -12318,Donald Trump,1.0,yes,1.0,Negative,0.7111,FOX News or Moderators,0.6778,,blondspacecadet,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:12 -0700,629477864774238209,Heart of Dixie,Central Time (US & Canada) -12319,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ChrisOmegallc,,38,,,"RT @RWSurferGirl: @tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:12 -0700,629477864262533120,NJ,Eastern Time (US & Canada) -12320,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,averykayla,,0,,,Okay when do the actually candidates debate and not these street performers? #GOPDebates,,2015-08-06 19:23:12 -0700,629477863255842817,Boston,Eastern Time (US & Canada) -12321,Donald Trump,1.0,yes,1.0,Positive,0.6739,FOX News or Moderators,1.0,,Vaittyy,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:11 -0700,629477859040456704,BU | ΑΣΤ | Nursing , -12322,Donald Trump,1.0,yes,1.0,Negative,0.6877,None of the above,0.6877,,jcdwms,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:23:10 -0700,629477854661640192,God bless America!,Central Time (US & Canada) -12323,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Perfectly_Laura,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:10 -0700,629477854561046529,☼ East Texas♥ ,Mountain Time (US & Canada) -12324,Donald Trump,1.0,yes,1.0,Negative,0.7063,None of the above,1.0,,cfitzsimmons14,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:23:09 -0700,629477849741660160,FL/NY, -12325,Chris Christie,1.0,yes,1.0,Negative,0.6675,None of the above,1.0,,KorQUAKKA,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:23:08 -0700,629477845853671424,"Prov.,RI..*da'LAKE!!*", -12326,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6824,,PamMaylee,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:23:06 -0700,629477837188268032,,Central Time (US & Canada) -12327,No candidate mentioned,1.0,yes,1.0,Negative,0.6735,None of the above,1.0,,ecranos,,3,,,RT @fergie_spuds: You would do a far better job @Frank_Underwood @KevinSpacey #GopDebates,,2015-08-06 19:23:05 -0700,629477835175002112,Florida ,Quito -12328,Donald Trump,1.0,yes,1.0,Negative,0.36200000000000004,FOX News or Moderators,1.0,,calplatinum,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:05 -0700,629477834122067969,, -12329,Donald Trump,0.5168,yes,0.7189,Negative,0.7189,FOX News or Moderators,0.5168,,Johnebench1,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:23:04 -0700,629477828837289984,, -12330,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6294,,AndyHudak,,0,,,So was the other debate like a bringer show? You need 7 friends to come if yo want to say terrible things about foreigners. #GOPDebates,,2015-08-06 19:23:03 -0700,629477827079868416,"Edison, NJ",Eastern Time (US & Canada) -12331,,0.2271,yes,0.6512,Neutral,0.3372,,0.2271,,SElliott29,,0,,,Two businesspeople were in the two #GOPDebates tonight. @CarlyFiorina will go up in the polls; @realDonaldTrump's numbers will dive.,,2015-08-06 19:23:03 -0700,629477825880436736,,Eastern Time (US & Canada) -12332,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6609,,thullcat,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:23:03 -0700,629477825809137664,Topeka,Central Time (US & Canada) -12333,No candidate mentioned,1.0,yes,1.0,Neutral,0.667,None of the above,1.0,,hikingthestacks,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:23:00 -0700,629477812383039488,Los Angeles, -12334,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ishsregor,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:22:59 -0700,629477810768207872,To be determined.,Central Time (US & Canada) -12335,Donald Trump,1.0,yes,1.0,Negative,0.6914,FOX News or Moderators,1.0,,angelavansoest,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:59 -0700,629477810143412224,NEW YORK!!, -12336,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6591,,Afterseven,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:59 -0700,629477809275035648,District 12,Pacific Time (US & Canada) -12337,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AshleyAMunoz,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:58 -0700,629477805764403201,, -12338,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NickSylian,,5,,,From today to the time the next president has one year in office #22aDay will empty that arena. #GOPDebates #IAVA,,2015-08-06 19:22:58 -0700,629477804682285056,"Seattle, WA", -12339,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6915,,AmarAmarasingam,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:22:58 -0700,629477803935813632,"Toronto, Canada",Eastern Time (US & Canada) -12340,Rand Paul,1.0,yes,1.0,Negative,0.6222,None of the above,1.0,,mag1334,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:22:57 -0700,629477798780866560,, -12341,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,runninone9,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:22:56 -0700,629477797589852160,, -12342,Donald Trump,1.0,yes,1.0,Negative,0.3482,None of the above,1.0,,seasicksiren,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:54 -0700,629477786210533376,,Pacific Time (US & Canada) -12343,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BilllyCoxTweets,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:53 -0700,629477785673732096,Texas Born and Bred,Central Time (US & Canada) -12344,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,seanicely,,0,,,How about we have them give the rest of the candidates Taboo Buzzers to use when Trump speaks?! LOL #GOPDebates,,2015-08-06 19:22:53 -0700,629477785032085504,"East Rogers Park, Chicago",Central Time (US & Canada) -12345,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,LaMaeSmith,,0,,,Watching #GOPDebates,,2015-08-06 19:22:53 -0700,629477782452502528,, -12346,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sprittibee,,0,,,This businessman is seriously irritating me with his bias. #tcot #GOPdebates #skynews,,2015-08-06 19:22:52 -0700,629477781731213312,"Austin, TX",Mountain Time (US & Canada) -12347,Donald Trump,1.0,yes,1.0,Positive,0.6941,None of the above,1.0,,Erosunique,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:52 -0700,629477779462062084,Milan-Italy,Rome -12348,Donald Trump,1.0,yes,1.0,Neutral,0.6588,None of the above,1.0,,kimberleyfred,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:22:50 -0700,629477772172210177,, -12349,No candidate mentioned,1.0,yes,1.0,Negative,0.6657,FOX News or Moderators,0.6686,,elisazied,,5,,,RT @MashUpRich: Who will have the bigger boobs? #Hooterspageant on FoxSports1 or #GOPdebates on FOX News? http://t.co/ZoztDd3MVx,,2015-08-06 19:22:49 -0700,629477765792858112,"New York, New York",Quito -12350,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Mrjake17,,0,,,Remember when #obama did a good job? Hahah I don't #GOPDebates,,2015-08-06 19:22:48 -0700,629477764496633856,, -12351,Donald Trump,0.6477,yes,1.0,Positive,1.0,None of the above,1.0,,RWSurferGirl,,38,,,"@tedcruz and @realDonaldTrump need to take control of this debate, they can do it, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:22:48 -0700,629477761392881664,"Newport Beach, California",Pacific Time (US & Canada) -12352,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Jeff62aps,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:22:46 -0700,629477754354864128,,Pacific Time (US & Canada) -12353,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ocMikeP,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:43 -0700,629477741876752384,"SoCal, USA", -12354,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,luciahope3,,0,,,Listening to the candidates. #GOPDebates,,2015-08-06 19:22:43 -0700,629477741537030144,Cali,Arizona -12355,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,keith_camic,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:22:42 -0700,629477739830091776,phoenix, -12356,Donald Trump,1.0,yes,1.0,Negative,0.6642,FOX News or Moderators,0.6642,,dlpearspn72,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:41 -0700,629477734587211776,, -12357,Donald Trump,1.0,yes,1.0,Positive,0.3556,FOX News or Moderators,0.6444,,Erosunique,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:40 -0700,629477728174088194,Milan-Italy,Rome -12358,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DonnaYorkiemo,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:39 -0700,629477727154778113,, -12359,Donald Trump,1.0,yes,1.0,Negative,0.6532,FOX News or Moderators,0.6532,,ProudwhiteAmer1,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:39 -0700,629477726785769472,, -12360,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Nat_Phillies,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:22:37 -0700,629477718653030400,, -12361,Donald Trump,1.0,yes,1.0,Negative,0.6374,FOX News or Moderators,1.0,,writeonthemark6,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:37 -0700,629477716543340544,New York,Quito -12362,No candidate mentioned,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,1.0,,jenilynn1001,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:37 -0700,629477715645734912,texas,Eastern Time (US & Canada) -12363,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,theKellyKade,,0,,,"Retweeted CDM (@RWSurferGirl): - -Fox News is obviously trying to influence the makeup of the Republican field. 󾓬󾓦 #GOPDebate #GOPDebates",,2015-08-06 19:22:36 -0700,629477712869085184,"New York, NY",Eastern Time (US & Canada) -12364,No candidate mentioned,1.0,yes,1.0,Neutral,0.6844,None of the above,1.0,,WC_Simons,,0,,,"Just to be clear, any UNC student who wants to watch future debates is welcome at my house. #UNC #GOPDebates",,2015-08-06 19:22:35 -0700,629477709048102912,"Chapel Hill, NC",Eastern Time (US & Canada) -12365,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,purepoliticking,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:35 -0700,629477707584114688,, -12366,Donald Trump,1.0,yes,1.0,Negative,0.6552,FOX News or Moderators,1.0,,missnycbeauty,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:34 -0700,629477704908320768,New York USA,Central Time (US & Canada) -12367,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Eddy4President,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:22:34 -0700,629477702412730368,,Central Time (US & Canada) -12368,Donald Trump,1.0,yes,1.0,Negative,0.6702,FOX News or Moderators,1.0,,JDRedding,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:33 -0700,629477701376577536,Central Plains,Mountain Time (US & Canada) -12369,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6518,,redvetttes,,1,,,"RT @_Banks__: Pimps, prostitutes, and strippers need to pay taxes. #GOPDebate #GOPDebates #",,2015-08-06 19:22:33 -0700,629477699598331905,Niagara Falls NY,Quito -12370,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Dudleyland,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:32 -0700,629477697488613376,Deep East Texas & Tennessee, -12371,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,SalMasekela,,9,,,That moment you realize you're watching Fox News and your not in handcuffs. #GOPDebates http://t.co/5L9INki5SF,,2015-08-06 19:22:31 -0700,629477693508071424,The Universe,Pacific Time (US & Canada) -12372,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,theKellyKade,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:31 -0700,629477693248004096,"New York, NY",Eastern Time (US & Canada) -12373,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,UCantHavNon,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:22:30 -0700,629477689448075264,up thru dere- Atl,Eastern Time (US & Canada) -12374,No candidate mentioned,1.0,yes,1.0,Negative,0.6377,Foreign Policy,1.0,,pbdmiller,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:22:30 -0700,629477688550408193,The Great State of TEXAS, -12375,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DreamWeaver61,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:30 -0700,629477687103483904,,Central Time (US & Canada) -12376,Donald Trump,1.0,yes,1.0,Negative,0.6383,None of the above,1.0,,erikwill,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:29 -0700,629477682393317376,south bend . indiana . usa ,Quito -12377,Donald Trump,1.0,yes,1.0,Negative,0.6364,None of the above,1.0,,DeniseGreen676,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:29 -0700,629477682103848961,"Ohio, USA", -12378,Rand Paul,1.0,yes,1.0,Neutral,0.6432,None of the above,1.0,,qvcsue,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:22:29 -0700,629477681554423814,, -12379,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Religion,0.6923,,msgoddessrises,,1,,,This demagogue infuses hate in God's name he is NO CHRISTIAN. #GOPDebates https://t.co/0F4AjNhEIt,,2015-08-06 19:22:28 -0700,629477678710534144,Viva Las Vegas NV.,Pacific Time (US & Canada) -12380,No candidate mentioned,0.6374,yes,1.0,Neutral,0.6703,None of the above,0.6374,,ApH_Productions,,3,,,RT @ncsr18: Muppet show. #GOPdebates,,2015-08-06 19:22:27 -0700,629477673371344896,Drifting, -12381,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,JohnGort,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:22:25 -0700,629477666148610048,"Las Vegas, NV USA",Pacific Time (US & Canada) -12382,No candidate mentioned,1.0,yes,1.0,Negative,0.6809,None of the above,0.6596,,seng225,,0,,,This song is on repeat in my head when I watch #GOPDebates https://t.co/7RSjNZl1rW,,2015-08-06 19:22:23 -0700,629477659920199680,"Charleston, SC",Eastern Time (US & Canada) -12383,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,FOX News or Moderators,0.4204,,Jason4Liberty,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:23 -0700,629477659056017408,California , -12384,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OduorLive,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:22:21 -0700,629477649698693121,Kenya, -12385,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,redknit87,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:18 -0700,629477638973714432,,Pacific Time (US & Canada) -12386,Donald Trump,1.0,yes,1.0,Negative,0.649,FOX News or Moderators,1.0,,ldwalters,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:18 -0700,629477638021582848,Wish I was in Montana, -12387,Donald Trump,1.0,yes,1.0,Positive,0.7064,FOX News or Moderators,0.7064,,drclgrab,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:18 -0700,629477635618418688,, -12388,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,1,,,"RT @girl_onthego: Wait, they haven't hit social issues yet? #GOPDebates - the gift that keeps on giving.",,2015-08-06 19:22:14 -0700,629477620430864384,,Mid-Atlantic -12389,Ted Cruz,0.4162,yes,0.6452,Positive,0.3333,FOX News or Moderators,0.4162,,Freedom4Dummies,,1,,,"RT @Zone6Combat: Hey #FoxNews, planning on giving #TedCruz chance to speak? You're trying to marginalize him as you do on your daily news c…",,2015-08-06 19:22:13 -0700,629477617721311232,, -12390,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DawnsKiss,,0,,,"“@RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates - -Taunting!!!!",,2015-08-06 19:22:13 -0700,629477617335320577,LA NY Aspen & Helsinki,Mountain Time (US & Canada) -12391,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3603,,katieschwartz,,0,,,"Hilarity aside, the #GOPDebates make me weep for #Vaginas nationwide.",,2015-08-06 19:22:13 -0700,629477614369898496,Los Angeles,Alaska -12392,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jennysalt_,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:22:13 -0700,629477614248275968,Chicago,Central America -12393,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,itsShonny,,12,,,"RT @SupermanHotMale: Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:22:09 -0700,629477600373665793,,Eastern Time (US & Canada) -12394,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Necromancer54,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:08 -0700,629477595923378176,location? WHERE U LEAST EXPECT,Mid-Atlantic -12395,No candidate mentioned,0.4807,yes,0.6934,Negative,0.6934,Foreign Policy,0.4807,,SVDMatrix,,0,,,@sallykohn These Republican Christians should know Jesus doesn't approve of lying or needless wars or ignoring the poor. #GOPDebates,,2015-08-06 19:22:07 -0700,629477592094015488,"MO, NV, OH, CO, CA",Pacific Time (US & Canada) -12396,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,csmelnix,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:22:06 -0700,629477587681587200,"Missouri, USA",Quito -12397,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,alexcain33,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:05 -0700,629477584284315649,Knoxville TN,Eastern Time (US & Canada) -12398,Mike Huckabee,0.6859999999999999,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,ConradZbikowski,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:22:03 -0700,629477574712754176,Minneapolis,Central Time (US & Canada) -12399,Ted Cruz,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,dudeinchicago,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:22:02 -0700,629477569340010497,, -12400,No candidate mentioned,1.0,yes,1.0,Positive,0.6897,FOX News or Moderators,1.0,,MFHATER,,0,,,The FoxNews moderators have actually come with some halfway decent questions at times. #GOPDebates,,2015-08-06 19:22:01 -0700,629477565242019841,,Arizona -12401,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nohilary,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:22:00 -0700,629477560997392384,"Washington, DC", -12402,No candidate mentioned,0.4651,yes,0.682,Neutral,0.682,None of the above,0.4651,,RobsRamblins,,0,,,@CapehartJ not if mentioned in debate. #GOPDebates,,2015-08-06 19:21:59 -0700,629477557004414977,,Arizona -12403,Marco Rubio,1.0,yes,1.0,Positive,0.3529,None of the above,0.6588,,Catbert10,,2,,,"RT @OnceUponALiz: I'm about as Bernie Sanders as they come, but my god, HOW is Marco Rubio not ahead of his race by 40+ points? #GOPDebates",,2015-08-06 19:21:56 -0700,629477545981775872,"Sacramento, Ca",Pacific Time (US & Canada) -12404,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,0.6456,,TheBeatlesRule4,,0,,,"Hey, Walker- let's take a look at Wisconsin versus Minnesota how about #NumberOneStateByPolitico #NumberOneForBusiness #GOPDebates",,2015-08-06 19:21:56 -0700,629477545591713796,, -12405,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Floyd_history,,2,,,"RT @joeynovick: #GOPDebate #gopdebates #TheDayOne question: I'd vote for the guy who's says ""On Day One? I'm gonna chill. I'm f'kin exhaust…",,2015-08-06 19:21:54 -0700,629477537660424192,"Howell, NJ",Eastern Time (US & Canada) -12406,Donald Trump,0.7049,yes,1.0,Negative,0.7049,None of the above,1.0,,txblondegrad,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:21:54 -0700,629477536754368513,"32.786456,-96.97525",Central Time (US & Canada) -12407,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Mescalero71,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:53 -0700,629477533931560960,"Ruidoso,New Mexico", -12408,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6245,,SupermanHotMale,,12,,,"Total Theatre on Fox news tonight, no basis in fact at all... it's all garbage. #GopDebates",,2015-08-06 19:21:49 -0700,629477517125140480,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12409,Donald Trump,0.7189,yes,1.0,Positive,1.0,None of the above,1.0,,MJoemal19,,1,,,"#GOPdebates Huckabee, Rubio, Paul, and Walker get a well done, but Trump battled the #FoxFire and won.",,2015-08-06 19:21:49 -0700,629477515451604992,"New Jersey,USA",Atlantic Time (Canada) -12410,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,nightingalern,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:47 -0700,629477506970726400,,Quito -12411,Donald Trump,1.0,yes,1.0,Positive,0.3563,FOX News or Moderators,1.0,,joshuawoodz,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:47 -0700,629477506500816897,California,International Date Line West -12412,Donald Trump,1.0,yes,1.0,Negative,0.6517,FOX News or Moderators,1.0,,jodigirl1000,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:45 -0700,629477496942108672,"Cary, NC & Chicago, IL",Eastern Time (US & Canada) -12413,No candidate mentioned,0.6774,yes,1.0,Positive,0.6774,None of the above,1.0,,LeslieMcArno,,0,,,Huckster is on fire! I'm starting to think he's really interested in running for president...for the first time. #GOPDebates #tcot #TLOT,,2015-08-06 19:21:44 -0700,629477494551240705,"Sheridan, WY",Mountain Time (US & Canada) -12414,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6571,,skitzfiggitous,,0,,,The candidates talk about Iran like gamers talk about enemies in Destiny.Take out Iran! Obama can't get us to level 32! #GOPdebates,,2015-08-06 19:21:44 -0700,629477493523611649,Austin,Central Time (US & Canada) -12415,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Freedom4Dummies,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:21:44 -0700,629477493246947328,, -12416,Donald Trump,1.0,yes,1.0,Negative,0.6522,FOX News or Moderators,0.3478,,Leannbe,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:21:42 -0700,629477486745681920,,Eastern Time (US & Canada) -12417,Donald Trump,1.0,yes,1.0,Negative,0.6633,FOX News or Moderators,1.0,,OrtaineDevian,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:42 -0700,629477484677996544,"Boston, MA", -12418,No candidate mentioned,1.0,yes,1.0,Negative,0.6344,None of the above,1.0,,ScoutMacEachron,,0,,,I've always hoped a mailman's son would make it in to office. They understand everyone's plight-- lost mail. #GOPDebates,,2015-08-06 19:21:41 -0700,629477481943318528,"New York, NY", -12419,Donald Trump,1.0,yes,1.0,Positive,0.6744,FOX News or Moderators,1.0,,shamrocklaw454,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:41 -0700,629477480013770752,"Texas, USA", -12420,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,PuestoLoco,,0,,,".@dthomicide -Cancel primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bgzYsySfSU",,2015-08-06 19:21:40 -0700,629477479619653632,Florida Central West Coast,America/New_York -12421,Donald Trump,1.0,yes,1.0,Negative,0.6534,FOX News or Moderators,1.0,,n0tofthisw0rld,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:40 -0700,629477479451897856,USA,Central Time (US & Canada) -12422,Mike Huckabee,1.0,yes,1.0,Negative,0.6667,Jobs and Economy,0.6667,,TheLizbeth10,,2,,,RT @MaryFolley: Huckabee tax plan gonna make it hard out here for the pimps. And the hos. And the drug dealers. #GOPDebates,,2015-08-06 19:21:40 -0700,629477476390072320,Little town on the water,Eastern Time (US & Canada) -12423,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KyleScatliffe,,4,,,RT @Kiarri_: Huckabee looks like one of those Muppets up in the balcony. His name even sounds like one. #GOPDebates,,2015-08-06 19:21:39 -0700,629477473500004352,"NY, NY",Atlantic Time (Canada) -12424,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,andykazie,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:36 -0700,629477461080821760,"Manalapan, NJ",Eastern Time (US & Canada) -12425,Donald Trump,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,kaceykaceykc,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:36 -0700,629477460728541185,"Florida, USA",Indiana (East) -12426,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,LGBT issues,0.4123,,katielewDC,,0,,,"After insulting women $ the LGBT community, I'm not sure I can handle these guys talking about social issues in the next round. #GOPDebates",,2015-08-06 19:21:35 -0700,629477457285005312,,Eastern Time (US & Canada) -12427,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,heritagefive5,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:35 -0700,629477455191891968,, -12428,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6932,,JJandS,,0,,,Keep running on Obama's policies with the economy. Republicans think all people are as stupid as they are #GOPDebates,,2015-08-06 19:21:34 -0700,629477454709661696,"Defiance, Ohio",Eastern Time (US & Canada) -12429,Donald Trump,1.0,yes,1.0,Negative,0.6625,FOX News or Moderators,1.0,,marker98,,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:34 -0700,629477453078089728,Savannah Georgia,Quito -12430,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BoeseanFactor,,0,,,"""Trust but vilify"" was my line some 20 years ago against GOP neocons. #GOPdebates",,2015-08-06 19:21:33 -0700,629477450167136256,,Eastern Time (US & Canada) -12431,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6413,,mkcoy55,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:21:30 -0700,629477434048577536,, -12432,No candidate mentioned,0.4512,yes,0.6717,Negative,0.3434,Religion,0.2307,,mariecorfield,,2,,,"RT @joeynovick: #GOPDebate #gopdebates #TheDayOne question: I'd vote for the guy who's says ""On Day One? I'm gonna chill. I'm f'kin exhaust…",,2015-08-06 19:21:27 -0700,629477422820364288,New Jersey,Eastern Time (US & Canada) -12433,No candidate mentioned,0.4204,yes,0.6484,Negative,0.6484,FOX News or Moderators,0.4204,,Kujo1985,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:26 -0700,629477417371893760,, -12434,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6774,,GOPOnU,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:21:25 -0700,629477416524603392,Great state of Texas, -12435,No candidate mentioned,0.4869,yes,0.6978,Neutral,0.3582,None of the above,0.4869,,xoSweetTweetxo,,6,,,RT @CatholicDems: A weakness in Kasich's armor - making support for poor conditional. Needs a little help from #PopeFrancis #GOPDebates,,2015-08-06 19:21:24 -0700,629477411772628992,"Birmingham, AL", -12436,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,henrysteiger,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:24 -0700,629477408983220224,USA,Eastern Time (US & Canada) -12437,Donald Trump,0.3819,yes,0.618,Positive,0.3146,FOX News or Moderators,0.3819,,blessmyliberty,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:24 -0700,629477408844845058,,Atlantic Time (Canada) -12438,No candidate mentioned,0.6433,yes,1.0,Negative,0.664,FOX News or Moderators,1.0,,ConcernedHigh,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:21:21 -0700,629477398506012673,, -12439,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RWSurferGirl,,134,,,The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:20 -0700,629477392226979840,"Newport Beach, California",Pacific Time (US & Canada) -12440,No candidate mentioned,0.447,yes,0.6686,Negative,0.6686,FOX News or Moderators,0.447,,cat_1012000,,9,,,"Thanks @FoxTV for holding the #GOPDebates Now millions of people KNOW you're no better or balanced then MSN, ABC, CBS... #InTheTank",,2015-08-06 19:21:19 -0700,629477390264066048,"Midwest (NE,MO,KS)",Central Time (US & Canada) -12441,Donald Trump,1.0,yes,1.0,Negative,0.355,None of the above,1.0,,nanlayko,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:19 -0700,629477388771041280,, -12442,Donald Trump,1.0,yes,1.0,Neutral,0.3695,None of the above,1.0,,Debramax,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:19 -0700,629477388687142912,, -12443,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,jvickers78,,0,,,The #GOPDebates should require all debaters to do a keg stand prior to speaking or answering questions,,2015-08-06 19:21:19 -0700,629477388326432768,"Dunbar, West Virginia",Eastern Time (US & Canada) -12444,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6774,,waldrizzy64,,0,,,"It's called ""screaming like a fascist"" for a reason #GOPDebates",,2015-08-06 19:21:16 -0700,629477377941336064,The Tristate Area, -12445,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6667,,volunteer_texan,,0,,,"I'm frustrated that the ""top"" candidates are getting lion's share of time. Guess I'm a socialist regarding debates. #GOPDebates",,2015-08-06 19:21:16 -0700,629477377232384000,, -12446,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,AngelaBellGoode,,0,,,Storming here and directv satellite is coming and going. Let me know If THE DONALD actually ^answers^ a question! #GOPdebates,,2015-08-06 19:21:16 -0700,629477377211506688,Tennessee,Eastern Time (US & Canada) -12447,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6947,,emilynotemery,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:15 -0700,629477374128558081,, -12448,Donald Trump,1.0,yes,1.0,Neutral,0.3563,FOX News or Moderators,1.0,,andykazie,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:15 -0700,629477371553402881,"Manalapan, NJ",Eastern Time (US & Canada) -12449,Donald Trump,1.0,yes,1.0,Positive,0.6791,FOX News or Moderators,1.0,,misserdoodles,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:13 -0700,629477364083265536,, -12450,Donald Trump,1.0,yes,1.0,Positive,0.3656,None of the above,0.6344,,Kerr_dogg,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:12 -0700,629477360971046912,, -12451,Donald Trump,0.4594,yes,0.6778,Positive,0.6778,None of the above,0.4594,,Dmbsr312,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:12 -0700,629477360371388416,USA, -12452,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,breezyhanlon,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:21:10 -0700,629477351714332672,304,Quito -12453,Ted Cruz,0.4137,yes,0.6432,Negative,0.6432,FOX News or Moderators,0.4137,,Zone6Combat,,1,,,"Hey #FoxNews, planning on giving #TedCruz chance to speak? You're trying to marginalize him as you do on your daily news cycle. #GOPDebates",,2015-08-06 19:21:07 -0700,629477340842561536,FEMA Region V,Central Time (US & Canada) -12454,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,srhash,,0,,,@ScottWalker obviously you're not running your own Twitter account either because you're at the live GOP debate! #GOPDebates,,2015-08-06 19:21:07 -0700,629477340477792256,NYC, -12455,Donald Trump,1.0,yes,1.0,Positive,0.643,FOX News or Moderators,1.0,,AbigailLynnXoXo,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 19:21:07 -0700,629477337612947461,, -12456,Scott Walker,0.3872,yes,0.6222,Negative,0.6222,,0.2351,,mombizzz,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:21:05 -0700,629477331774631937,U.S.A,Central Time (US & Canada) -12457,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,ptq1968,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:21:05 -0700,629477331640430592,, -12458,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,us_stryker21,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:04 -0700,629477327496441856,United States of America, -12459,No candidate mentioned,0.4192,yes,0.6475,Negative,0.6475,,0.2282,,seanpmccoy,,0,,,@seanpmccoy #Blaw-blaw-blaw #gopidiots R full of #hot-air! These #Radicale #TEABAGGERS on the #GOPDebates R full of #shit. Redneck #loosers,,2015-08-06 19:21:04 -0700,629477325873156096,"Longmont, Colorado", -12460,Donald Trump,1.0,yes,1.0,Positive,0.6632,FOX News or Moderators,1.0,,BAustin56,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:21:03 -0700,629477323109068800,Hazzard County USA, -12461,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,6string_machine,,0,,,This reboot of Golden Girls sucks #GOPdebates,,2015-08-06 19:21:03 -0700,629477321641062400,St. Louis, -12462,No candidate mentioned,1.0,yes,1.0,Neutral,0.6477,None of the above,1.0,,RockRollGhost,,3,,,"RT @craiggasscomedy: Something about invoking the name Ronald Reagan that makes conservatives start hushing up and going, ""Ooohhhhh...."" #S…",,2015-08-06 19:20:59 -0700,629477306147450881,Rock 'n Roll Ghost / Eater Chi,Central Time (US & Canada) -12463,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,Foreign Policy,0.6829999999999999,,OwenSmith4Real,,1,,,I wish they’d ask which politicians actually read the Iran deal. #GOPDebates,,2015-08-06 19:20:59 -0700,629477306122244096,Everywhere You Are,Pacific Time (US & Canada) -12464,Jeb Bush,0.4102,yes,0.6404,Negative,0.6404,None of the above,0.4102,,scottaxe,,1,,,RT @grimmtales02: #GOPDebates if Jed bush wins presidency does that mean we get more of that hilarious show LIL BUSH? ✋👊,,2015-08-06 19:20:57 -0700,629477298798899200,Los Angeles , -12465,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RaceFor2016,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:54 -0700,629477285960101888,Coast 2 Coast , -12466,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,Foreign Policy,0.6579999999999999,,treyflr,,0,,,What are the republican candidates going to do to keep nuclear weapons out of the wrong hands? #GOPDebates,,2015-08-06 19:20:52 -0700,629477278297288706,, -12467,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jennlynn122001,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:20:52 -0700,629477276590149632,, -12468,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mombizzz,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:20:52 -0700,629477275726159872,U.S.A,Central Time (US & Canada) -12469,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TracyMouton,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:50 -0700,629477269266804736,South,Central Time (US & Canada) -12470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AnthonyBlock1,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:49 -0700,629477265642881024,, -12471,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,WaltOrr4,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:49 -0700,629477262564442112,,Eastern Time (US & Canada) -12472,No candidate mentioned,1.0,yes,1.0,Negative,0.6457,None of the above,0.6862,,BijouxIce,,0,,,@Ali_Davis My money's on sickoqueer #GOPdebates,,2015-08-06 19:20:49 -0700,629477262102958080,"Springfield, Missouri",Central Time (US & Canada) -12473,No candidate mentioned,0.4681,yes,0.6842,Neutral,0.3474,None of the above,0.4681,,nanblunt,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:20:48 -0700,629477259980570625,Maryland,Eastern Time (US & Canada) -12474,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Erosunique,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:46 -0700,629477251814424576,Milan-Italy,Rome -12475,Ted Cruz,1.0,yes,1.0,Positive,0.6703,None of the above,0.6703,,SCIslanderfan,,0,,,Ted Cruz appears to be the oddan put so far. More Ted please #FoxNews #GOPDebates,,2015-08-06 19:20:45 -0700,629477248316403712,"Lexington,SC",Eastern Time (US & Canada) -12476,Donald Trump,1.0,yes,1.0,Positive,0.622,None of the above,1.0,,RalphHause,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:44 -0700,629477243966869505,"The Villages, Fl", -12477,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7045,,Alex_Ojedha,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:20:43 -0700,629477240292552704,"Tampico, Tamaulipas",Central Time (US & Canada) -12478,Donald Trump,1.0,yes,1.0,Positive,0.3448,None of the above,1.0,,rachelpugh177,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:43 -0700,629477237897605124,, -12479,Donald Trump,0.4074,yes,0.6383,Negative,0.3298,FOX News or Moderators,0.4074,,photo4art,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:20:39 -0700,629477221279879168,The Lake of the Ozarks,Central Time (US & Canada) -12480,No candidate mentioned,1.0,yes,1.0,Positive,0.6625,None of the above,0.6625,,jackalexstuart,,0,,,"Social issues. Well, this is just gonna be too much fun. #GOPDebates http://t.co/S9ODN2Zr5g",,2015-08-06 19:20:38 -0700,629477219379867648,,Pacific Time (US & Canada) -12481,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3441,None of the above,0.4444,,rosalyncni,,3,,,RT @ncsr18: Muppet show. #GOPdebates,,2015-08-06 19:20:37 -0700,629477215663579136,Florida ,Atlantic Time (Canada) -12482,Mike Huckabee,1.0,yes,1.0,Neutral,0.6691,None of the above,1.0,,AmeliousW,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:20:37 -0700,629477213587439616,Minneapolis ,Central Time (US & Canada) -12483,No candidate mentioned,1.0,yes,1.0,Negative,0.6426,None of the above,1.0,,looknathstry,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:20:37 -0700,629477213457543172,Michigan, -12484,Donald Trump,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,b140tweet,,2,,,"RT @fsxbc: Trump sez- Four, FOUR times I've taken advantage of the law, and as your prez, I'd be honored to do it again. #GOPDebates",,2015-08-06 19:20:36 -0700,629477209649098752,Heaven ,Eastern Time (US & Canada) -12485,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6409,,ksnpeters,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:20:36 -0700,629477207757303808,Hutchinson Ks,Central Time (US & Canada) -12486,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LINDNLD,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:20:32 -0700,629477193727381504,News & Video Sources: Multiple,Central Time (US & Canada) -12487,No candidate mentioned,1.0,yes,1.0,Negative,0.6566,None of the above,1.0,,joeynovick,,2,,,"#GOPDebate #gopdebates #TheDayOne question: I'd vote for the guy who's says ""On Day One? I'm gonna chill. I'm f'kin exhausted, dude.""",,2015-08-06 19:20:30 -0700,629477183573110784,"Flemington, NJ",Quito -12488,Donald Trump,1.0,yes,1.0,Positive,0.6729,None of the above,0.6729,,dannytwocents,,0,,,#Trump is killing me in the #GOPDebates. Loved his #AtlanticCity zinger to #ChrisChristie. And how condescending he was to the moderator.,,2015-08-06 19:20:30 -0700,629477182432112640,America,Eastern Time (US & Canada) -12489,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,girl_onthego,,1,,,"Wait, they haven't hit social issues yet? #GOPDebates - the gift that keeps on giving.",,2015-08-06 19:20:29 -0700,629477179383005185,Little Town in the Country,Eastern Time (US & Canada) -12490,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,derdebederman,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:20:29 -0700,629477178607030272,,Eastern Time (US & Canada) -12491,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JackKlemeyer,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:27 -0700,629477173489967106,"Brownsburg, Indiana",Indiana (East) -12492,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6715,,PattyDs50,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:20:27 -0700,629477173393498112,NH USA ,Eastern Time (US & Canada) -12493,Donald Trump,1.0,yes,1.0,Positive,0.6809,FOX News or Moderators,1.0,,Erosunique,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:20:27 -0700,629477173171212289,Milan-Italy,Rome -12494,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Marmillon_Gast,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:20:26 -0700,629477169429917696,"Buenos Aires, Argentina.",Buenos Aires -12495,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,pebbles_1969,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:25 -0700,629477163251707905,, -12496,No candidate mentioned,1.0,yes,1.0,Neutral,0.619,None of the above,1.0,,craiggasscomedy,,3,,,"Something about invoking the name Ronald Reagan that makes conservatives start hushing up and going, ""Ooohhhhh...."" #SafeWord #GOPDebates",,2015-08-06 19:20:25 -0700,629477161406038016,Today I'm back in LA!!!!,Eastern Time (US & Canada) -12497,No candidate mentioned,0.4444,yes,0.6667,Positive,0.3333,None of the above,0.2222,,ChadwickJeffrey,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:20:21 -0700,629477147657175041,, -12498,Donald Trump,0.4642,yes,0.6813,Positive,0.3516,None of the above,0.4642,,EurekaMama,,0,,,"@kvlxi19xx Yes he does and never claimed that he would do that. -#DUH #DonaldTrump #GOPDebates",,2015-08-06 19:20:21 -0700,629477147103612929,, -12499,Mike Huckabee,0.6591,yes,1.0,Negative,1.0,None of the above,1.0,,brock_a_r,,0,,,What about the Manson Family? #GOPDebates https://t.co/mz3W3oRACw,,2015-08-06 19:20:19 -0700,629477136047468544,Indy, -12500,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GManUSofA,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:18 -0700,629477132448567296,"Kansas, USA",Central Time (US & Canada) -12501,No candidate mentioned,1.0,yes,1.0,Negative,0.6382,None of the above,0.6382,,theamysituation,,0,,,Tax the pimps! #GOPdebates,,2015-08-06 19:20:16 -0700,629477126723350529,"Austin, TX",Central Time (US & Canada) -12502,Mike Huckabee,1.0,yes,1.0,Negative,0.6721,None of the above,1.0,,TheBeatlesRule4,,0,,,You know. Huckabee- I can see it. It's like this country is overflowing with pimps... 😒#GOPDebates,,2015-08-06 19:20:16 -0700,629477124886245377,, -12503,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alexarenas28,,3,,,RT @b140_tweet: Does this remind you of #Trump's lips #GOPDebates http://t.co/Ph9L6DrInF,,2015-08-06 19:20:15 -0700,629477121958805509,,Bogota -12504,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,whimsikal,,4,,,RT @Kiarri_: Huckabee looks like one of those Muppets up in the balcony. His name even sounds like one. #GOPDebates,,2015-08-06 19:20:15 -0700,629477121354801152,A Street Called Straight,Eastern Time (US & Canada) -12505,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_Cangri,,11,,,RT @SupermanHotMale: Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined …,,2015-08-06 19:20:14 -0700,629477117668016128,,Quito -12506,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Tajalithaca,,0,,,Ignore the fact that our Allies negotiated the Iran deal with us. Why not just bomb them? #GOPDebates,,2015-08-06 19:20:14 -0700,629477117521170432,,Central Time (US & Canada) -12507,No candidate mentioned,0.7,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,scottaxe,,0,,,“@JimmyJames38: Why is Huckster getting so much air time? #GOPDebates” maybe because he's worked for Fox News?,,2015-08-06 19:20:14 -0700,629477116925493248,Los Angeles , -12508,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Txlegespace,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:12 -0700,629477109216382977,,Eastern Time (US & Canada) -12509,Donald Trump,0.4329,yes,0.6579999999999999,Neutral,0.342,None of the above,0.4329,,devyntowery,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:12 -0700,629477107970629632,Coleto Lake is home☀, -12510,No candidate mentioned,1.0,yes,1.0,Negative,0.6437,FOX News or Moderators,1.0,,RaCuevas,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:12 -0700,629477107874271232,Bay Harbor Islands,Eastern Time (US & Canada) -12511,Ted Cruz,0.6588,yes,1.0,Neutral,0.6701,None of the above,0.6588,,BradMcKee10,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:20:12 -0700,629477107014475780,,Central Time (US & Canada) -12512,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.375,None of the above,0.4495,,liamjlhill,,0,,,"""Social issues... next."" - -Uh oh. - -#GOPdebates http://t.co/8LveUHTJuj",,2015-08-06 19:20:11 -0700,629477105504514048,London,London -12513,No candidate mentioned,1.0,yes,1.0,Neutral,0.6395,None of the above,1.0,,Lef_iv,,0,,,I wish they would show out takes of Dick Cheney #GOPdebates,,2015-08-06 19:20:11 -0700,629477104875384833,NYC,Eastern Time (US & Canada) -12514,Donald Trump,1.0,yes,1.0,Neutral,0.3667,None of the above,1.0,,laurepdabomb,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:11 -0700,629477103889682433,,Pacific Time (US & Canada) -12515,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6411,,EnzoWestie,,0,,,Does #donaldtrump know that the USA can't declare bankruptcy and stiff our Chinese creditors? #askingforafriend #gopdebates,,2015-08-06 19:20:10 -0700,629477101951827968,"Austin, Texas",Central Time (US & Canada) -12516,Donald Trump,1.0,yes,1.0,Negative,0.6546,FOX News or Moderators,0.6569,,ClaireStM1996,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:20:10 -0700,629477100223864833,, -12517,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Rockprincess818,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:20:09 -0700,629477097178685440,"Calabasas, CA",Pacific Time (US & Canada) -12518,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6418,,samantha_varela,,2,,,RT @_alexandragold_: *Roots for small businesses* *Campaign is almost completely funded through large corporations* #GOPDebates,,2015-08-06 19:20:09 -0700,629477096318963712,da 'Burgh, -12519,Donald Trump,0.465,yes,0.6819,Neutral,0.3499,None of the above,0.465,,dskahoopay,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:09 -0700,629477094976663552,the depths of wisdom and mirth,Atlantic Time (Canada) -12520,No candidate mentioned,0.4233,yes,0.6506,Negative,0.6506,FOX News or Moderators,0.4233,,sthrngrl926,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:08 -0700,629477093869531136,"Mississippi, USA", -12521,No candidate mentioned,0.4853,yes,0.6966,Negative,0.3596,None of the above,0.4853,,T4RD1S,,0,,,Damn... I'd turn Republican for this. #GOPDebates http://t.co/jP3gDzjWCm,,2015-08-06 19:20:08 -0700,629477092657229824,Gotham City/formerly Gallifrey,Eastern Time (US & Canada) -12522,No candidate mentioned,1.0,yes,1.0,Negative,0.6894,None of the above,1.0,,b140tweet,,3,,,RT @fergie_spuds: You would do a far better job @Frank_Underwood @KevinSpacey #GopDebates,,2015-08-06 19:20:08 -0700,629477090451173376,Heaven ,Eastern Time (US & Canada) -12523,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,emberlivi,,0,,,"Ugh, every time the GOP invokes Reagan it means the Redline is on delay…again #GOPDebates #ZombieReaganRises",,2015-08-06 19:20:07 -0700,629477085917106176,,Eastern Time (US & Canada) -12524,Donald Trump,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,0.6774,,DadusAmericanis,,0,,,"@megynkelly and @BretBaier are the GOP's new Trump attack dog. - -Never saw that coming. - -#GOPDebates @FoxNews #Shameful",,2015-08-06 19:20:06 -0700,629477085518532608,USA,Mountain Time (US & Canada) -12525,No candidate mentioned,1.0,yes,1.0,Negative,0.6855,FOX News or Moderators,1.0,,azeducator,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:06 -0700,629477082192437248,"Phoenix, Arizona",Arizona -12526,Ben Carson,0.6742,yes,1.0,Neutral,0.3371,None of the above,0.6742,,recookie,,0,,,having @hannibalburess RT me might have made this and all #GOPDebates worth it. #hardswoon,,2015-08-06 19:20:05 -0700,629477078367342592,"Washington, D.C.",Eastern Time (US & Canada) -12527,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,fireguy21,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:20:04 -0700,629477074395373569,"Haddon Heights, NJ", -12528,Mike Huckabee,1.0,yes,1.0,Neutral,0.6517,Gun Control,1.0,,AdamUltraberg,,0,,,"HEADLINE: Huckabee comes out strong for Gun Reform: ""If someone points a gun at you...take them seriously."" #GOPDebates #NRA",,2015-08-06 19:20:02 -0700,629477068405805057,favstar.fm/users/AdamUltraberg,Pacific Time (US & Canada) -12529,Donald Trump,1.0,yes,1.0,Neutral,0.6397,None of the above,1.0,,MichaelCalvert9,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:02 -0700,629477065910153216,IN, -12530,Mike Huckabee,0.3627,yes,0.6023,Neutral,0.6023,None of the above,0.3627,,astrya6,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:20:01 -0700,629477061753573376,Texas, -12531,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,roughliterature,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:20:01 -0700,629477060793085952,#ProudTexan,Central Time (US & Canada) -12532,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.449,,UK_Skip,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:20:00 -0700,629477057093722112,Mississippi,Central Time (US & Canada) -12533,Donald Trump,1.0,yes,1.0,Positive,0.6431,None of the above,1.0,,frodorules7,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:59 -0700,629477056011702272,finger lakes region new york,Eastern Time (US & Canada) -12534,No candidate mentioned,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,1.0,,n8mdp,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:59 -0700,629477052178153472,"Cleveland, Oh", -12535,Donald Trump,0.4207,yes,0.6486,Negative,0.3407,None of the above,0.4207,,RoniSeale,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:57 -0700,629477047702831105," In GOD We Trust, USA",Quito -12536,Ted Cruz,1.0,yes,1.0,Negative,0.6536,None of the above,1.0,,CathiStephens,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:19:55 -0700,629477038055780353,, -12537,No candidate mentioned,0.3889,yes,0.6237,Positive,0.3226,FOX News or Moderators,0.3889,,Rockprincess818,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:55 -0700,629477037321748480,"Calabasas, CA",Pacific Time (US & Canada) -12538,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,steverbridges,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:54 -0700,629477034658402304,"Mesa, Arizona",Pacific Time (US & Canada) -12539,Donald Trump,0.6986,yes,1.0,Neutral,0.6329,FOX News or Moderators,0.6986,,donnasfineart,,0,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates-sorry acting like democrat",,2015-08-06 19:19:54 -0700,629477033425391616,"iPhone: 33.968987,-84.263611",Eastern Time (US & Canada) -12540,No candidate mentioned,1.0,yes,1.0,Positive,0.6591,None of the above,1.0,,__ladydean,,0,,,Social issues next. Dis will be goooood #GOPDebates,,2015-08-06 19:19:54 -0700,629477031911247872,"Buffalo, NY",Eastern Time (US & Canada) -12541,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Chris05272129,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:19:53 -0700,629477030539583488,, -12542,No candidate mentioned,1.0,yes,1.0,Negative,0.6861,FOX News or Moderators,1.0,,RealRyanSipple,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:53 -0700,629477027515662336,World Wide ,Central Time (US & Canada) -12543,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MFL1956,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:19:49 -0700,629477013913403392,, -12544,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SupermanHotMale,,11,,,Pres Obama has more brains in his little toe than all you totally fucking idiots have in your whole families combined #BOOM #GopDebates,,2015-08-06 19:19:47 -0700,629477004098826240,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12545,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CantIgnoreUSAll,,9,,,"RT @PuestoLoco: Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bg…",,2015-08-06 19:19:46 -0700,629476998256046080,"Boston, MA",Quito -12546,Mike Huckabee,0.435,yes,0.6596,Neutral,0.6596,None of the above,0.435,,3rebboys,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:19:45 -0700,629476996532170752,WAOM,Central Time (US & Canada) -12547,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,Foreign Policy,1.0,,winnieg22,,0,,,"#GOPDebates Reps. so angry about the Iran Deal, fair enough, but please offer a solution instead of whining about an attempt at peace/talks",,2015-08-06 19:19:41 -0700,629476978991726593,,Pacific Time (US & Canada) -12548,Donald Trump,1.0,yes,1.0,Negative,0.6837,FOX News or Moderators,1.0,,THE_SENATOR_,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:19:39 -0700,629476970569437184,,Pacific Time (US & Canada) -12549,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,b140tweet,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:19:39 -0700,629476969600651264,Heaven ,Eastern Time (US & Canada) -12550,Donald Trump,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,meghnanijhawan,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:19:38 -0700,629476966526103552,"new delhi, India",New Delhi -12551,Mike Huckabee,1.0,yes,1.0,Negative,0.6932,None of the above,0.6932,,JamalDajani,,0,,,@GovMikeHuckabee no one takes you seriously #GOPDebates,,2015-08-06 19:19:38 -0700,629476966219943936,San Francisco- Jerusalem,Pacific Time (US & Canada) -12552,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,OduorLive,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:19:38 -0700,629476964936585221,Kenya, -12553,Donald Trump,1.0,yes,1.0,Positive,0.6517,None of the above,1.0,,ConcernedHigh,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:35 -0700,629476953913958400,, -12554,No candidate mentioned,0.6588,yes,1.0,Negative,1.0,None of the above,1.0,,HerQueen_,,1,,,RT @_HerKing__: For your entertainment. #GOPDebates http://t.co/rEAvo89PTj,,2015-08-06 19:19:35 -0700,629476951665717249,KillaCali ✈ StrongIsland ✈ GA,Pacific Time (US & Canada) -12555,No candidate mentioned,0.3872,yes,0.6222,Negative,0.6222,FOX News or Moderators,0.3872,,namesdaner,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:34 -0700,629476950579539968,, -12556,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,JonJBurrows,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:34 -0700,629476949186904064,,Central Time (US & Canada) -12557,Ben Carson,1.0,yes,1.0,Negative,0.7011,Racial issues,1.0,,mielkeway54,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:19:34 -0700,629476948335464449,Sierra Maestra,Atlantic Time (Canada) -12558,No candidate mentioned,0.4545,yes,0.6742,Negative,0.3483,FOX News or Moderators,0.2348,,JoseyWales58,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:33 -0700,629476944468291584,Southeastern USA, -12559,Donald Trump,0.4495,yes,0.6705,Negative,0.6705,None of the above,0.4495,,alouzon,,2,,,RT @ScottLinnen: You screwed Atlantic City more ways than the Kama Sutra with Trump Taj Mahal. #GOPDebates,,2015-08-06 19:19:32 -0700,629476941402406912,Canada,Eastern Time (US & Canada) -12560,Rand Paul,1.0,yes,1.0,Neutral,0.6742,None of the above,1.0,,Nomnomqondiso,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:19:30 -0700,629476931537371136,, -12561,No candidate mentioned,1.0,yes,1.0,Negative,0.6915,FOX News or Moderators,1.0,,BrungerB,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:29 -0700,629476927032537088,"Silicon Valley, CA",Pacific Time (US & Canada) -12562,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,scrab8448,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:19:29 -0700,629476926986539008,NJ, -12563,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheBobbyLama,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:26 -0700,629476917402583040,Staten Island,Eastern Time (US & Canada) -12564,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6778,,MissMahlia,,0,,,These candidates know that stupid pipeline doesn't give any oil to the states right? Why would you be for that crap? #GOPDebates,,2015-08-06 19:19:26 -0700,629476915158499330,Sin City,Pacific Time (US & Canada) -12565,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,brimaddy1967,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:26 -0700,629476914839687168,Merica, -12566,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,FOX News or Moderators,1.0,,socalmike_SD,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:25 -0700,629476912893591552,"San Diego, CA", -12567,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mikafrost,,8,,,RT @TheJennaBee: Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:19:25 -0700,629476911937363969,,Eastern Time (US & Canada) -12568,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,whatisanti,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:25 -0700,629476911668858881,,Arizona -12569,Donald Trump,0.4123,yes,0.6421,Negative,0.3263,None of the above,0.4123,,WILCREATIVE,,0,,,Trump has a FRESH Gaussian blur on that hair #Republicandebate #GopDebates,,2015-08-06 19:19:25 -0700,629476911555555328,washington dc,Eastern Time (US & Canada) -12570,Jeb Bush,1.0,yes,1.0,Negative,0.6828,None of the above,1.0,,grimmtales02,,1,,,#GOPDebates if Jed bush wins presidency does that mean we get more of that hilarious show LIL BUSH? ✋👊,,2015-08-06 19:19:23 -0700,629476904299532288,"Midtown, NYC",Adelaide -12571,No candidate mentioned,0.6907,yes,1.0,Negative,1.0,None of the above,1.0,,bluebonnetbunny,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:19:23 -0700,629476901237727232,A field of Texas bluebonnets,Central Time (US & Canada) -12572,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,keithweather1,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:22 -0700,629476900071714817,Bonita Springs Florida, -12573,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,92bulldogBob,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:19:22 -0700,629476897332830209,, -12574,Ben Carson,0.4218,yes,0.6495,Negative,0.6495,,0.2277,,KateSpritz,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:19:20 -0700,629476892274462721,"Washington, DC",London -12575,Rand Paul,0.4113,yes,0.6413,Negative,0.6413,Foreign Policy,0.4113,,Jamie_Mac75,,1,,,"RT @jsc1835: Dear Rand Paul: Did you READ the Iran Agreement? .. I doubt it. -#GOPDebates",,2015-08-06 19:19:18 -0700,629476884175138817,chicago,Eastern Time (US & Canada) -12576,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,calfit32,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:17 -0700,629476877070020612,California ,Pacific Time (US & Canada) -12577,Donald Trump,1.0,yes,1.0,Neutral,0.361,None of the above,1.0,,angelavansoest,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:16 -0700,629476874385756163,NEW YORK!!, -12578,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,zabackj,,0,,,"Ok. This has gotten boring now. See you soon, Jeb. @GOP #GOPDebate #GOPDebate2016 #GOPDebates #PresidentialDebate",,2015-08-06 19:19:13 -0700,629476862423642112,"New York, NY",Eastern Time (US & Canada) -12579,Mike Huckabee,0.7186,yes,1.0,Neutral,0.6573,None of the above,0.7186,,msgoddessrises,,0,,,Oh here we go for Mr. Adelson love #Israel #Huckster #GOPDebates,,2015-08-06 19:19:12 -0700,629476856446607360,Viva Las Vegas NV.,Pacific Time (US & Canada) -12580,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6471,,lfsgd_diane,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:19:11 -0700,629476851027738624,"San Antonio, Fl", -12581,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MDTwankyTwank,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:10 -0700,629476850482331648,"Greenbow, Alabama", -12582,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,happyandersons,,0,,,Great answer @GovMikeHuckabee #GOPDebates,,2015-08-06 19:19:08 -0700,629476841611378693,, -12583,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,StephenWidener,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:07 -0700,629476838138638336,The Blue Ridge Mtns. NC,Eastern Time (US & Canada) -12584,Donald Trump,0.4233,yes,0.6506,Positive,0.3373,None of the above,0.4233,,n0tofthisw0rld,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:07 -0700,629476837664669696,USA,Central Time (US & Canada) -12585,Donald Trump,1.0,yes,1.0,Negative,0.6889,FOX News or Moderators,1.0,,afezio1952,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:19:04 -0700,629476824939163648,TEXAS..Voting 4 TRUMP-CRUZ AG ,Central Time (US & Canada) -12586,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6951,,myname_is_kathm,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:19:04 -0700,629476824414863360,, -12587,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6458,,scottaxe,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:19:04 -0700,629476823764594688,Los Angeles , -12588,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6564,,ItsOnlyOneNiara,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:19:04 -0700,629476823089479681,,Central Time (US & Canada) -12589,No candidate mentioned,0.4491,yes,0.6701,Negative,0.6701,FOX News or Moderators,0.4491,,erikwill,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:19:02 -0700,629476817062240257,south bend . indiana . usa ,Quito -12590,Jeb Bush,1.0,yes,1.0,Negative,0.6525,FOX News or Moderators,1.0,,dudeinchicago,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:19:00 -0700,629476807360823296,, -12591,No candidate mentioned,0.3923,yes,0.6264,Negative,0.6264,FOX News or Moderators,0.3923,,blueTennille,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:59 -0700,629476802231144450,Upstate S.C.,Eastern Time (US & Canada) -12592,Chris Christie,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6687,,lwdgrfx,,2,,,RT @winkbarry: Take care of people who've worked hard and played by the rules? #WRONG #Christie! You're not paying into NJ pension. #GOPDeb…,,2015-08-06 19:18:59 -0700,629476801660608512,"Jackson,MS",Central America -12593,No candidate mentioned,0.3735,yes,0.6111,Neutral,0.3111,,0.2377,,nthdegreeburns,,0,,,This would be much better if they'd had a bracketed battle bot competition. Only the 4 finalist bot builders get to debate. #GOPdebates,,2015-08-06 19:18:59 -0700,629476801602035712,"Atlanta, GA",Eastern Time (US & Canada) -12594,No candidate mentioned,0.435,yes,0.6596,Negative,0.6596,FOX News or Moderators,0.435,,RoniSeale,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:58 -0700,629476797978177542," In GOD We Trust, USA",Quito -12595,No candidate mentioned,1.0,yes,1.0,Negative,0.6404,FOX News or Moderators,1.0,,IslandTimeDawg,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:57 -0700,629476794165366784,"Jost Van Dyke, BVI. #Iwished", -12596,Ben Carson,1.0,yes,1.0,Negative,0.6492,Racial issues,0.6492,,ericdeamer,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:18:56 -0700,629476791065948160,"Lakewood, OH",Eastern Time (US & Canada) -12597,Donald Trump,0.4214,yes,0.6492,Neutral,0.3508,FOX News or Moderators,0.4214,,ksteven37,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:18:56 -0700,629476788708601856,,Eastern Time (US & Canada) -12598,Donald Trump,1.0,yes,1.0,Positive,0.6915,None of the above,1.0,,jhewitt1280,,72,,,RT @RWSurferGirl: You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:55 -0700,629476787102318593,"Lisbon, WI",Central Time (US & Canada) -12599,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6706,,rachelweissss,,1,,,"RT @Farrellelisms: Please end these excruciating introductory childhood anecdotes, I am trying to stay awake #GOPDebates",,2015-08-06 19:18:53 -0700,629476779275780096,,Pacific Time (US & Canada) -12600,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Kevinlandreth,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:53 -0700,629476777652412416,"Dallas, Texas",Central Time (US & Canada) -12601,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,afabulous50,,0,,,Huckabee. I'm calling bullshit about partisan politics..#GOPDebates,,2015-08-06 19:18:50 -0700,629476762997649408,USA-CT,Pacific Time (US & Canada) -12602,Mike Huckabee,0.6705,yes,1.0,Negative,0.6705,None of the above,0.6591,,JimmyJames38,,0,,,Why is Huckster getting so much air time? #GOPDebates,,2015-08-06 19:18:48 -0700,629476757603749888,Center of the Buckeye,Eastern Time (US & Canada) -12603,Rand Paul,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,jsc1835,,1,,,"Dear Rand Paul: Did you READ the Iran Agreement? .. I doubt it. -#GOPDebates",,2015-08-06 19:18:47 -0700,629476753065422848,,Central Time (US & Canada) -12604,Mike Huckabee,1.0,yes,1.0,Negative,0.6784,None of the above,1.0,,IamthatGuy1986,,0,,,I don't think you actually read it Huckabee. #GOPDebates,,2015-08-06 19:18:47 -0700,629476752427978752,"Baltimore, MD", -12605,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Kiarri_,,4,,,Huckabee looks like one of those Muppets up in the balcony. His name even sounds like one. #GOPDebates,,2015-08-06 19:18:47 -0700,629476751937273856,At Grandmother Willow's,Eastern Time (US & Canada) -12606,No candidate mentioned,1.0,yes,1.0,Negative,0.6732,None of the above,1.0,,dlayphoto,,1,,,RT @emberlivi: I hear the rumbling beneath the FEDRAL TRIANGLE WHICH HOUSES THE EPA...THE REAGAN BUILDING #GOPDebates #ZOMBIEREAGAN,,2015-08-06 19:18:46 -0700,629476749437468672,DC/Silver Spring/Baltimore,Eastern Time (US & Canada) -12607,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mog1717,,0,,,@MikeHuckabeeGOP is great at this stuff. #GOPDebates,,2015-08-06 19:18:46 -0700,629476748422463488,,Quito -12608,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PuestoLoco,,9,,,"Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #CantTrustABush #morningjoe http://t.co/bgzYsySfSU",,2015-08-06 19:18:45 -0700,629476745192804353,Florida Central West Coast,America/New_York -12609,Scott Walker,1.0,yes,1.0,Negative,0.6778,Foreign Policy,0.3667,,AstroSHayden,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:18:45 -0700,629476744924299264,Be the star YOU were meant2B,Central Time (US & Canada) -12610,Donald Trump,1.0,yes,1.0,Positive,0.3441,None of the above,1.0,,RWSurferGirl,,72,,,You would never know @realDonaldTrump is the frontrunner from watching this debate. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:45 -0700,629476743967969282,"Newport Beach, California",Pacific Time (US & Canada) -12611,Donald Trump,1.0,yes,1.0,Positive,0.6591,FOX News or Moderators,1.0,,Hstockpicks,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:18:45 -0700,629476742579810304,, -12612,Donald Trump,0.6897,yes,1.0,Positive,0.3563,FOX News or Moderators,1.0,,nohilary,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:18:42 -0700,629476730760114176,"Washington, DC", -12613,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ShannanSinclair,,0,,,Leave it to the #GOPDebates to make me break my #socialmediafast. What a bunch of asshats!,,2015-08-06 19:18:42 -0700,629476730395361280,"Modesto, CA",Hawaii -12614,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheatheMBAGrad,,0,,,😂 RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:41 -0700,629476728470171648,CT,Eastern Time (US & Canada) -12615,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,Foreign Policy,0.6387,,tomabrahams,,0,,,.@GovMikeHuckabee : @BarackObama trusts his enemies and vilifies anyone who disagrees with him (re: #IranDeal) #GOPDebates,,2015-08-06 19:18:41 -0700,629476725735485440,TX,Central Time (US & Canada) -12616,No candidate mentioned,0.4351,yes,0.6596,Negative,0.6596,FOX News or Moderators,0.4351,,tbrunt4,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:39 -0700,629476719011852293,"18.343966,-64.946969",Atlantic Time (Canada) -12617,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,Foreign Policy,1.0,,BrendanKKirby,,0,,,"""We got nothing"" on Iran deal, @MikeHuckabeeGOP says at #GOPdebates #LZDebates",,2015-08-06 19:18:37 -0700,629476710883262464,"Mobile, AL",Central Time (US & Canada) -12618,No candidate mentioned,0.4123,yes,0.6421,Negative,0.6421,FOX News or Moderators,0.4123,,Hstockpicks,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:36 -0700,629476706844282880,, -12619,Donald Trump,0.4906,yes,0.7004,Negative,0.3615,None of the above,0.4906,,_HerKing__,,1,,,For your entertainment. #GOPDebates http://t.co/rEAvo89PTj,,2015-08-06 19:18:36 -0700,629476706718330880,"40.7828, -73.2035",Eastern Time (US & Canada) -12620,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LogicPrevail,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:36 -0700,629476704831057920,"MD, United States of America", -12621,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,aubrynathome,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:33 -0700,629476695515398145,In the Fields of the Lord,Pacific Time (US & Canada) -12622,No candidate mentioned,1.0,yes,1.0,Negative,0.3571,Jobs and Economy,1.0,,web_supergirl,,1,,,RT @JimmyJames38: Flat tax for the win #GOPDebates,,2015-08-06 19:18:32 -0700,629476689047855104,,Central Time (US & Canada) -12623,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,laurel720,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:31 -0700,629476686212395008,,Pacific Time (US & Canada) -12624,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,edmott59,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:30 -0700,629476682219458561,"Cut Off, La", -12625,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6468,,TXPatriot76,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:18:30 -0700,629476680684277760,"Dallas, TX",Eastern Time (US & Canada) -12626,No candidate mentioned,0.4444,yes,0.6667,Negative,0.3438,None of the above,0.4444,,emberlivi,,1,,,I hear the rumbling beneath the FEDRAL TRIANGLE WHICH HOUSES THE EPA...THE REAGAN BUILDING #GOPDebates #ZOMBIEREAGAN,,2015-08-06 19:18:30 -0700,629476679296110592,,Eastern Time (US & Canada) -12627,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Sarahannstar,,0,,,@GovMikeHuckabee yes I agree #GOPDebates,,2015-08-06 19:18:29 -0700,629476676905365504,USA, -12628,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6703,,viadear,,0,,,"I DARE one of you guys to pronounce ""Iran"" correctly. #GOPDebates",,2015-08-06 19:18:29 -0700,629476675022155776,,Atlantic Time (Canada) -12629,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kevedwards142,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:28 -0700,629476674355240960,, -12630,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,FOX News or Moderators,0.4218,,sportschef,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:28 -0700,629476672522227713,BFE,Pacific Time (US & Canada) -12631,No candidate mentioned,1.0,yes,1.0,Neutral,0.6701,None of the above,1.0,,thacondition,,3,,,RT @fergie_spuds: You would do a far better job @Frank_Underwood @KevinSpacey #GopDebates,,2015-08-06 19:18:26 -0700,629476664670601217,876 → 561 → 352,Eastern Time (US & Canada) -12632,Ted Cruz,1.0,yes,1.0,Neutral,0.6824,None of the above,0.6824,,BringBackUS,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:18:25 -0700,629476659729666048,Illinois,Central Time (US & Canada) -12633,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,Tizzle78,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:18:24 -0700,629476656650956800,"Titan, Saturn ",Eastern Time (US & Canada) -12634,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6374,,RobynSChilson,,0,,,"@RWSurferGirl This #GOPDebates is so biased against Trump and others, it's not funny!",,2015-08-06 19:18:24 -0700,629476655321489408,Pennsylvania,Atlantic Time (Canada) -12635,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,Perry_T,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:18:23 -0700,629476651278188544,,Mid-Atlantic -12636,Jeb Bush,1.0,yes,1.0,Negative,0.7174,None of the above,1.0,,IndeChic47,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:21 -0700,629476644571492352,"Makeup Hoarder, USA",Eastern Time (US & Canada) -12637,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DBAAyo,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:21 -0700,629476642138619905,the Bayou, -12638,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,averykayla,,0,,,"""I sympathize with child molestors"" what I assume @MikeHuckabeeGOP is saying anytime his mouth opens #GOPDebates",,2015-08-06 19:18:20 -0700,629476640297517056,Boston,Eastern Time (US & Canada) -12639,Scott Walker,1.0,yes,1.0,Negative,0.6726,None of the above,0.6399,,tmservo433,,0,,,Scott Walker remembers tying a yellow ribbon.. He was 5 years old going on 6 then. Heck of a memory. #GOPdebates,,2015-08-06 19:18:20 -0700,629476637923524609,, -12640,Ted Cruz,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SpringSteps,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:18:17 -0700,629476624916807680,#StandWithIsrael #TedCruz ,Eastern Time (US & Canada) -12641,Donald Trump,1.0,yes,1.0,Positive,0.7009,FOX News or Moderators,1.0,,jonnysayhey,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:18:16 -0700,629476623511891968,New Jersey, -12642,Donald Trump,1.0,yes,1.0,Negative,0.6771,None of the above,1.0,,acampas93,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:18:15 -0700,629476619984355329,AZ,Arizona -12643,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,1.0,,OldSkull65,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:15 -0700,629476619774771200,,Pacific Time (US & Canada) -12644,No candidate mentioned,1.0,yes,1.0,Negative,0.8848,Foreign Policy,0.6676,No candidate mentioned,MilaTheNL,yes,88,"Negative -Neutral","Abortion -Foreign Policy",RT @thisbrokenwheel: People who five minutes ago were advocating for more violence in the Middle East now straight-faced defend the sanctit…,,2015-08-07 09:14:08 -0700,629686974086053888,,Amsterdam -12645,No candidate mentioned,1.0,yes,1.0,Negative,0.682,None of the above,0.67,,taniadrussell,,0,,,Yeah I'm skipping the #GOPDebates #mentalhealth,,2015-08-06 19:18:14 -0700,629476614200385537,Sunny LA,Pacific Time (US & Canada) -12646,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,n0tofthisw0rld,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:18:12 -0700,629476607003107328,USA,Central Time (US & Canada) -12647,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6526,,BairdedLady,,0,,,WHY WHY WHY with ALWAYS the Reagan stuff?! #letitgo #GOPDebates,,2015-08-06 19:18:11 -0700,629476603001729024,"Atlanta, GA", -12648,No candidate mentioned,1.0,yes,1.0,Neutral,0.7048,None of the above,1.0,,hyeyoothere,,0,,,Ronald Reagan is their go to guy forever #GOPDebates,,2015-08-06 19:18:11 -0700,629476600237588480,,Eastern Time (US & Canada) -12649,Donald Trump,1.0,yes,1.0,Negative,0.6703,FOX News or Moderators,1.0,,azeducator,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:18:08 -0700,629476587763712000,"Phoenix, Arizona",Arizona -12650,Ted Cruz,0.7017,yes,1.0,Positive,0.6329,None of the above,1.0,,mackette52,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:18:04 -0700,629476569912868864,"Poconos, USA", -12651,No candidate mentioned,0.46299999999999997,yes,0.6804,Negative,0.6804,None of the above,0.46299999999999997,,elonmellen,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:18:04 -0700,629476569900257280,,Central Time (US & Canada) -12652,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6722,,tjackson_2014,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:18:02 -0700,629476565076672513,"Paris, TX",Mountain Time (US & Canada) -12653,No candidate mentioned,0.4218,yes,0.6495,Negative,0.6495,None of the above,0.4218,,b140tweet,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:17:59 -0700,629476549943783424,Heaven ,Eastern Time (US & Canada) -12654,Ted Cruz,0.6842,yes,1.0,Negative,0.3579,None of the above,1.0,,AshleyBurrowss,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:17:59 -0700,629476549734060033,, -12655,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,FOX News or Moderators,1.0,,rcale1776,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:59 -0700,629476549662756868,"Lynchburg,Va.", -12656,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SoCalrockergal,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:59 -0700,629476549025107968,Coastal Orange County CA,Arizona -12657,Donald Trump,0.6477,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,AcerbicAxioms,,1,,,Is @FoxNews going to ask #Trump2016 any more POLICY questions? Or just character smears? #GOPDebate #GOPDebates #MakeAmericaGreatAgain,,2015-08-06 19:17:58 -0700,629476548534382592,Republic of Texas, -12658,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jacksonweaver17,,0,,,"Watch, listen, learn, be aware! #GOPDebates",,2015-08-06 19:17:58 -0700,629476547066490882,Somewhere Over the Rainbow ,Central Time (US & Canada) -12659,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PalookesWorld,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:17:57 -0700,629476544008712192,Here!,Eastern Time (US & Canada) -12660,Donald Trump,0.4302,yes,0.6559,Positive,0.3333,None of the above,0.4302,,peirfour,,3,,,RT @b140_tweet: Does this remind you of #Trump's lips #GOPDebates http://t.co/Ph9L6DrInF,,2015-08-06 19:17:57 -0700,629476543396474880,Atlanta Ga, -12661,Donald Trump,1.0,yes,1.0,Neutral,0.7079,None of the above,1.0,,jazjillette,,0,,,Walked into the Donald Trump Show #GopDebates,,2015-08-06 19:17:57 -0700,629476541261606912,in the studio,Eastern Time (US & Canada) -12662,No candidate mentioned,1.0,yes,1.0,Neutral,0.6434,None of the above,1.0,,Perry_T,,1,,,RT @brandnewsheriff: This debate reminds me how much I'm gonna miss #JonStewart #GOPDebates #GOPDebate #TheDailyShow @jonstewartbooks,,2015-08-06 19:17:56 -0700,629476538031951872,,Mid-Atlantic -12663,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,baileyyatx,,0,,,Sitting in my lap. Watching the #gopdebates https://t.co/3e3PwiXgRw,,2015-08-06 19:17:55 -0700,629476535485997056,"Austin, Texas", -12664,Donald Trump,1.0,yes,1.0,Positive,0.6995,FOX News or Moderators,0.6612,,judymorris3,,0,,,"CDM @RWSurferGirl 3m3 minutes ago -Thanks Fox News, you're raising @realDonaldTrump 's ratings. 󾓬󾓦 #GOPDebate #GOPDebates",,2015-08-06 19:17:54 -0700,629476530683539456,Texas,Central Time (US & Canada) -12665,Donald Trump,0.4444,yes,0.6667,Neutral,0.3434,FOX News or Moderators,0.4444,,customjewel,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:53 -0700,629476524647940096,NY,Eastern Time (US & Canada) -12666,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,LeslieDye4,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:17:52 -0700,629476523582562304,Ohio,Eastern Time (US & Canada) -12667,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,julielclarke,,155,,,RT @RWSurferGirl: Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:52 -0700,629476522437447680,"Texas, USA", -12668,Donald Trump,1.0,yes,1.0,Positive,0.7045,FOX News or Moderators,1.0,,BilllyCoxTweets,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:49 -0700,629476510336856064,Texas Born and Bred,Central Time (US & Canada) -12669,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,junipersage1,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:49 -0700,629476507409231872,USA, -12670,No candidate mentioned,1.0,yes,1.0,Neutral,0.6396,None of the above,1.0,,jaricadavis,,0,,,"@D_Copperfield Watching the #GOPdebates, eh?",,2015-08-06 19:17:46 -0700,629476496202145792,, -12671,Scott Walker,0.7079,yes,1.0,Negative,1.0,Foreign Policy,0.7079,,CARLOSDAMATA3,,7,,,"RT @SupermanHotMale: Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:17:45 -0700,629476493295550464, São Paulo-SP-BRASIL, -12672,Donald Trump,0.6686,yes,1.0,Positive,0.6472,None of the above,1.0,,Amstrix1,,0,,,Good show. Bring on #JonVoyage. Prediction: Trump goes independent. #GOPDebate #GopDebates @FoxNews see ya once y'all narrow it to 1. Gah!,,2015-08-06 19:17:45 -0700,629476491374555136,Florida,Eastern Time (US & Canada) -12673,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheJennaBee,,8,,,Rand Paul's hair will be sold as calamari after the debate. #GOPDebates,,2015-08-06 19:17:41 -0700,629476474894946304,Indianapolis,Indiana (East) -12674,Donald Trump,1.0,yes,1.0,Positive,0.6316,Jobs and Economy,0.7008,,sarah_harris7,,0,,,Trump: This country owns $19 Trillion Dollars and they need someone like me to fix it #QUDebates #GOPDebates,,2015-08-06 19:17:41 -0700,629476473733169152,"Oregon, USA - current",Central Time (US & Canada) -12675,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,swterry91,,1,,,"RT @SwayzeGuy: Some of these guys are nailing it, unfortunately @megynkelly put herself at the center of tomorrow's headlines. Pathetic. #G…",,2015-08-06 19:17:40 -0700,629476471858315264,,Central Time (US & Canada) -12676,Ben Carson,0.4171,yes,0.6458,Negative,0.6458,Racial issues,0.4171,,epsilonicus,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:17:40 -0700,629476471405346816,USA,Eastern Time (US & Canada) -12677,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RWSurferGirl,,155,,,Fox News is obviously trying to influence the makeup of the Republican field. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:40 -0700,629476471048830977,"Newport Beach, California",Pacific Time (US & Canada) -12678,Donald Trump,1.0,yes,1.0,Negative,0.6596,None of the above,1.0,,jacksonweaver17,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:17:40 -0700,629476470856019968,Somewhere Over the Rainbow ,Central Time (US & Canada) -12679,No candidate mentioned,1.0,yes,1.0,Negative,0.701,FOX News or Moderators,1.0,,Ninjavizion,,1,,,"RT @capitalV: If the moderators followed up every lip service rant with ""ok, how?"" this debate would reveal everything you need to know. #G…",,2015-08-06 19:17:38 -0700,629476464769892352,35° 40' 60 N 139° 46' 0 E,Tokyo -12680,Mike Huckabee,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,sandygholston,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:17:38 -0700,629476463255797760,"Big Rapids, Mich.",Eastern Time (US & Canada) -12681,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6768,,risetoflyy,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:36 -0700,629476453982191617,queens,Eastern Time (US & Canada) -12682,Marco Rubio,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,Tajalithaca,,1,,,RT @RememberZion: Rubio wants to repeal #DoddFrank #GOPDebates,,2015-08-06 19:17:35 -0700,629476451495055360,,Central Time (US & Canada) -12683,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DiLiLaura,,0,,,Shame on @Foxnews. They R doing what @Obama does - trying 2 make winners & losers. Loving @realDonaldTrump #GOPdebates,,2015-08-06 19:17:35 -0700,629476449246912512,, -12684,Donald Trump,1.0,yes,1.0,Negative,0.6499,None of the above,0.6519,,C57Sandy,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:17:34 -0700,629476447967510528,Mississippi, -12685,No candidate mentioned,1.0,yes,1.0,Negative,0.6496,Foreign Policy,0.6903,,joannie0624,,23,,,"RT @MarkDavis: #Perry, #Fiorina clips on #IranDeal are better than most answers being given in this debate #GOPDebates",,2015-08-06 19:17:34 -0700,629476445710979076,"Jacksonville, FL",Quito -12686,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,crfontaine,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:17:34 -0700,629476444532412418,Boston, -12687,Donald Trump,1.0,yes,1.0,Positive,0.6813,FOX News or Moderators,1.0,,MelanieKurdys,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:33 -0700,629476441839771648,"Plainwell, Michigan", -12688,No candidate mentioned,0.2244,yes,0.66,Negative,0.66,Racial issues,0.4356,,llr517,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:17:32 -0700,629476437452427264,,Arizona -12689,Rand Paul,1.0,yes,1.0,Neutral,0.625,None of the above,1.0,,Republikim1,,0,,,"How is #Rand ""a Reagan conservative?"" #GOPDebates",,2015-08-06 19:17:31 -0700,629476432297590785,,Pacific Time (US & Canada) -12690,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6596,,zumikiss,,8,,,RT @monaeltahawy: Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:17:28 -0700,629476420637585408,Brooklyn & Planet Earth,Eastern Time (US & Canada) -12691,No candidate mentioned,1.0,yes,1.0,Negative,0.6541,None of the above,0.6541,,fergie_spuds,,3,,,You would do a far better job @Frank_Underwood @KevinSpacey #GopDebates,,2015-08-06 19:17:27 -0700,629476418510913536,Where you least expect ▲,Alaska -12692,No candidate mentioned,1.0,yes,1.0,Neutral,0.6429,None of the above,0.6429,,QNguyen21,,6,,,RT @KatMurti: Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:17:23 -0700,629476399036788736,,Mountain Time (US & Canada) -12693,No candidate mentioned,1.0,yes,1.0,Negative,0.6792,None of the above,1.0,,b140tweet,,3,,,RT @NYCdeb8tr: We need a good and bad egg chute...to weed out these politicians...boos just aren't cutting it. #GOPDebates http://t.co/fon9…,,2015-08-06 19:17:22 -0700,629476394448371712,Heaven ,Eastern Time (US & Canada) -12694,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TamiekaChisolm,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:17:21 -0700,629476393210908672,,Arizona -12695,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,SupermanHotMale,,7,,,"Scott Walker: Don't do business with Iran, just the crooked Koch Brothers... Way to go Dickhead Walker #GopDebates",,2015-08-06 19:17:21 -0700,629476392455966720,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12696,Marco Rubio,0.3711,yes,0.6092,Positive,0.6092,None of the above,0.3711,,sarah_ross,,2,,,"RT @OnceUponALiz: I'm about as Bernie Sanders as they come, but my god, HOW is Marco Rubio not ahead of his race by 40+ points? #GOPDebates",,2015-08-06 19:17:18 -0700,629476379013189633,"Los Angeles, CA",Pacific Time (US & Canada) -12697,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tdbissell,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:16 -0700,629476370121277440,USA, -12698,Ted Cruz,0.6854,yes,1.0,Neutral,0.6854,None of the above,0.6854,,MissBrneyes,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:17:15 -0700,629476368330326016,Arizona USA, -12699,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7111,,ibisflight,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:17:15 -0700,629476364979081217,location: Right now? Arkansas ,Central Time (US & Canada) -12700,Donald Trump,1.0,yes,1.0,Positive,0.6449,FOX News or Moderators,0.6449,,sgentilhomme1,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:14 -0700,629476362785550337,,Eastern Time (US & Canada) -12701,No candidate mentioned,1.0,yes,1.0,Neutral,0.6989,None of the above,0.6989,,steeple3k,,0,,,I'm honestly not sure which quotes in my timeline are from the #GOPDebates answer which are people joking about the #GOPDebacle.,,2015-08-06 19:17:13 -0700,629476359950041088,"Portland, OR, Cascadia",Pacific Time (US & Canada) -12702,Mike Huckabee,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6667,,bigkritney,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:17:13 -0700,629476356342943744,"Washington, D.C.", -12703,Jeb Bush,1.0,yes,1.0,Neutral,0.7,FOX News or Moderators,1.0,,flossbish,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:17:12 -0700,629476355281956865,,Eastern Time (US & Canada) -12704,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,sidiki_fofana,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:17:12 -0700,629476354208174080,"BRONX, NY", -12705,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,JeffGniffke1,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:11 -0700,629476350177341440,"St Paul, MN", -12706,Mike Huckabee,1.0,yes,1.0,Negative,0.664,Jobs and Economy,0.6615,,ashleymmck,,0,,,@WubsNet mike Huckabee wants to slap a hoe (with taxes) #GOPDebates,,2015-08-06 19:17:09 -0700,629476340878610432,My own time and space, -12707,Chris Christie,1.0,yes,1.0,Neutral,0.6518,Immigration,1.0,,TheSnowmanNW,,60,,,"RT @DougBenson: ""I'll stop illegal immigration by closing all the bridges."" -C crispie #GOPDebates",,2015-08-06 19:17:09 -0700,629476339406368768,, -12708,Donald Trump,1.0,yes,1.0,Negative,0.6489,None of the above,1.0,,fsxbc,,2,,,"Trump sez- Four, FOUR times I've taken advantage of the law, and as your prez, I'd be honored to do it again. #GOPDebates",,2015-08-06 19:17:07 -0700,629476331315687424,"Tampa, FL",Eastern Time (US & Canada) -12709,No candidate mentioned,1.0,yes,1.0,Negative,0.6722,None of the above,0.6722,,CarverTamera,,2,,,RT @Chatney_Grimm: $40 for a blowjob...plus tax. #GOPDebates,,2015-08-06 19:17:06 -0700,629476328840957952,, -12710,Mike Huckabee,1.0,yes,1.0,Negative,0.6889,Jobs and Economy,0.3778,,Medusausi,,1,,,RT @WillyHCates: #BNRDebates #GOPDebates Is Mike Huckabee about to tax prostitution???,,2015-08-06 19:17:05 -0700,629476325766492160,,Eastern Time (US & Canada) -12711,Donald Trump,1.0,yes,1.0,Positive,0.6842,FOX News or Moderators,1.0,,foxnewlife,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:17:04 -0700,629476321521979394,,London -12712,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,carriedaway16,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:17:04 -0700,629476321442275328,New York City,Atlantic Time (Canada) -12713,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,the_devik,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:17:02 -0700,629476311019339776,"63.1650° N, 50.7379° W", -12714,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6842,,Farrellelisms,,1,,,"Please end these excruciating introductory childhood anecdotes, I am trying to stay awake #GOPDebates",,2015-08-06 19:17:01 -0700,629476308314136577,,Eastern Time (US & Canada) -12715,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AlexWilliamsdt,,3,,,RT @mette_mariek: Donald Trump is @eddiepepitone's best character ever. #GOPDebates,,2015-08-06 19:16:59 -0700,629476301082988544,"Los Angles, CA",Central Time (US & Canada) -12716,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,Jobs and Economy,0.6774,,Sarah_Stoss,,2,,,RT @_alexandragold_: *Roots for small businesses* *Campaign is almost completely funded through large corporations* #GOPDebates,,2015-08-06 19:16:57 -0700,629476292556144640,wilkes university,Arizona -12717,,0.2258,yes,0.6556,Neutral,0.3333,None of the above,0.4298,,bkjamison73,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:16:55 -0700,629476280413458437,"New Albany, Indiana", -12718,Donald Trump,0.5168,yes,0.7189,Positive,0.7189,None of the above,0.272,,tweetybird2009,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:54 -0700,629476279063048192,South Carolina, -12719,Scott Walker,1.0,yes,1.0,Negative,0.382,Foreign Policy,0.7079,,NateMJensen,,0,,,Walker answering on Iran. First straighten out our Brewers. #GOPdebates,,2015-08-06 19:16:53 -0700,629476275774713864,"Silver Spring, MD",Eastern Time (US & Canada) -12720,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6744,,grandad59,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:53 -0700,629476275732623361,,Eastern Time (US & Canada) -12721,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jsc1835,,0,,,"Aww, Scotty Walker tied a yellow ribbon around a tree. Give him a cookie, and a beer. -#GOPDebates #WhoCares",,2015-08-06 19:16:53 -0700,629476273299951616,,Central Time (US & Canada) -12722,Donald Trump,1.0,yes,1.0,Negative,0.6629,FOX News or Moderators,0.653,,SallyStabb,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:52 -0700,629476270410235904,"Syracuse, NY", -12723,Donald Trump,0.6947,yes,1.0,Neutral,0.6947,None of the above,1.0,,pksfrk,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:16:49 -0700,629476259110764544,"iPhone: 36.020367,-86.782043",Central Time (US & Canada) -12724,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,1.0,,monaeltahawy,,8,,,Can someone tell me why Ben Carson is carrying water for people who will barely let him speak? Racism much? #GOPDebates,,2015-08-06 19:16:48 -0700,629476252194357248,Cairo/NYC,Eastern Time (US & Canada) -12725,Donald Trump,1.0,yes,1.0,Neutral,0.6774,None of the above,0.6452,,skohayes,,1,,,"RT @tmservo433: Trump: Banks aren't babies. They are killers. Hell yes I got away from bad deals, and I can make the USA a scofflaw too! #G…",,2015-08-06 19:16:45 -0700,629476239183450112,, -12726,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6593,,SKSIVY,,0,,,"#GOPDebates @FoxNews. Frightening to think the media is giving so much attention to a man who uses the word ""stupid"" SO much!#DonaldTrump",,2015-08-06 19:16:44 -0700,629476234905292800,, -12727,Donald Trump,0.4584,yes,0.6771,Neutral,0.6771,None of the above,0.4584,,setowne,,1,,,RT @llaughlin: So Trump is rich? #GOPDebates,,2015-08-06 19:16:44 -0700,629476234389491712,"Washington, DC",Eastern Time (US & Canada) -12728,Ted Cruz,1.0,yes,1.0,Negative,0.6905,FOX News or Moderators,0.6786,,AmeriJeepRang2,,6,,,RT @Mariacka: Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:16:42 -0700,629476229607895040,Alter twitterego @LibertyLinda,Eastern Time (US & Canada) -12729,No candidate mentioned,0.4298,yes,0.6556,Negative,0.6556,None of the above,0.4298,,Tea_Er_Nan,,0,,,"Maybe, 'Greedy Old Perverts?' #GOPDebates",,2015-08-06 19:16:42 -0700,629476228592988161,United Kingdom,London -12730,Donald Trump,1.0,yes,1.0,Positive,0.6813,FOX News or Moderators,1.0,,KarenDeVere2,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:37 -0700,629476208854585344,"Kerrville, TX", -12731,Mike Huckabee,1.0,yes,1.0,Neutral,0.6453,None of the above,1.0,,JTJ24,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:16:37 -0700,629476207998861312,"Oregon, USA", -12732,Donald Trump,0.6444,yes,1.0,Positive,0.6333,None of the above,1.0,,graniteman1953,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:16:37 -0700,629476206291906560,"Derry, NH",Eastern Time (US & Canada) -12733,Marco Rubio,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,RememberZion,,1,,,Rubio wants to repeal #DoddFrank #GOPDebates,,2015-08-06 19:16:34 -0700,629476196355473408,"Carson City, Nevada", -12734,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,0.6429,,malharden,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:16:34 -0700,629476192899440640,"Alexandria, VA",Eastern Time (US & Canada) -12735,No candidate mentioned,0.4025,yes,0.6344,Negative,0.6344,FOX News or Moderators,0.4025,,capitalV,,1,,,"If the moderators followed up every lip service rant with ""ok, how?"" this debate would reveal everything you need to know. #GOPDebates",,2015-08-06 19:16:33 -0700,629476190433189888,NYC,Eastern Time (US & Canada) -12736,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6463,,Babex12,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:16:32 -0700,629476185047744512,DM[V],Alaska -12737,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,bulldog338,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:31 -0700,629476183231602690,USA,Eastern Time (US & Canada) -12738,No candidate mentioned,0.3877,yes,0.6227,Neutral,0.6227,None of the above,0.3877,,js_cannon89,,6,,,RT @KatMurti: Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:16:30 -0700,629476175878991872,, -12739,Jeb Bush,0.3819,yes,0.618,Negative,0.618,None of the above,0.3819,,DaThompsons,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:16:29 -0700,629476174629076992,"Fords, NJ",Atlantic Time (Canada) -12740,No candidate mentioned,1.0,yes,1.0,Positive,0.3472,None of the above,1.0,,DLPTony,,0,,,BWAHAHA!! Love this #tweet! #GOPDebate #GOPDebates https://t.co/NZiNvXFDCD,,2015-08-06 19:16:29 -0700,629476173484044288,Midtown Atlanta!,Eastern Time (US & Canada) -12741,Donald Trump,1.0,yes,1.0,Positive,0.6556,FOX News or Moderators,1.0,,918Lee,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:28 -0700,629476169541386240, NY State, -12742,Ted Cruz,1.0,yes,1.0,Negative,0.6705,FOX News or Moderators,0.6705,,Mariacka,,6,,,Have they only asked #TedCruz two questions? #GOPDebates,,2015-08-06 19:16:28 -0700,629476169432219648,USA,Central Time (US & Canada) -12743,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6382,,MichaelCalvert9,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:25 -0700,629476157784637440,IN, -12744,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6505,,MariaNYC,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:16:24 -0700,629476150650216448,"South Fl., NYC, DC",Eastern Time (US & Canada) -12745,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,OnceUponALiz,,2,,,"I'm about as Bernie Sanders as they come, but my god, HOW is Marco Rubio not ahead of his race by 40+ points? #GOPDebates",,2015-08-06 19:16:23 -0700,629476149350002688,"Massachusetts, USA",Eastern Time (US & Canada) -12746,No candidate mentioned,0.39399999999999996,yes,0.6277,Negative,0.6277,Foreign Policy,0.39399999999999996,,TheBookBabe84,,0,,,The GOP not supporting the Iran deal is scary...and they are spreading misinformation; just lets us know they want a war. #GOPDebates,,2015-08-06 19:16:23 -0700,629476147932332032,"Dover, Delaware",Central Time (US & Canada) -12747,No candidate mentioned,0.474,yes,0.6885,Neutral,0.3794,None of the above,0.2612,,jordiemojordie,,0,,,LOL they're clapping for Carly. I think she won this debate too. #GOPDebates,,2015-08-06 19:16:23 -0700,629476147793760256,Chicago | Eastman,Quito -12748,Donald Trump,1.0,yes,1.0,Negative,0.6763,FOX News or Moderators,0.6634,,CommonDem,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:22 -0700,629476145616961536,"Denver, CO", -12749,Donald Trump,1.0,yes,1.0,Neutral,0.3739,None of the above,1.0,,Amurphree6,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:16:22 -0700,629476143968555008,, -12750,No candidate mentioned,0.4204,yes,0.6484,Negative,0.3297,None of the above,0.4204,,electro_moon,,2,,,RT @averykayla: At what point am I suppose to stop laughing and start crying? #GOPDebates #DebateWIthBernie,,2015-08-06 19:16:22 -0700,629476142349746176,"Denver, ColoRADo",Eastern Time (US & Canada) -12751,No candidate mentioned,0.6526,yes,1.0,Negative,0.6526,None of the above,0.6526,,brandnewsheriff,,1,,,This debate reminds me how much I'm gonna miss #JonStewart #GOPDebates #GOPDebate #TheDailyShow @jonstewartbooks,,2015-08-06 19:16:20 -0700,629476137316564993,"Charlotte, NC",Quito -12752,Donald Trump,1.0,yes,1.0,Negative,0.6602,FOX News or Moderators,1.0,,AskGrasscutter,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:20 -0700,629476135903039488,#ChildAbuse #DomesticViolence, -12753,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,LoriStephens500,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:16 -0700,629476118899359744,Where Im meant to be and happy, -12754,Donald Trump,1.0,yes,1.0,Positive,0.6629,FOX News or Moderators,1.0,,mpkienzle,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:14 -0700,629476112226217984,"Oxford, PA",Eastern Time (US & Canada) -12755,No candidate mentioned,1.0,yes,1.0,Neutral,0.6364,FOX News or Moderators,1.0,,mr_bolex,,0,,,If Fox News had any sense they'd ask the candidates what they thought about Dirty Sprite 2 #GOPDebates #FutureHive,,2015-08-06 19:16:13 -0700,629476108132552705,,Eastern Time (US & Canada) -12756,Ted Cruz,0.4539,yes,0.6737,Negative,0.3579,None of the above,0.4539,,TweetyPAK,,19,,,"RT @TeaPainUSA: While Ted Cruz is speaking, all over America parents are tryin' to convince their 5 year olds that vampires aren't real. #G…",,2015-08-06 19:16:13 -0700,629476105888657408,"Richmond, VA",Atlantic Time (Canada) -12757,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BarockNoDrama,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:16:12 -0700,629476102218473472, Ambient,Central Time (US & Canada) -12758,Marco Rubio,1.0,yes,1.0,Neutral,0.6304,None of the above,1.0,,maximus_bane,,0,,,Marco Rubio was like Yes!! Finally lol #GOPDebates,,2015-08-06 19:16:12 -0700,629476102214393856,,Eastern Time (US & Canada) -12759,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jeboyt,,1,,,"RT @tmetz1226: Everyone in my stream is watching this #GOPDebates show, which has to mean FOX is going to cancel it soon.",,2015-08-06 19:16:10 -0700,629476095457280000,"Austin, Texas", -12760,No candidate mentioned,1.0,yes,1.0,Neutral,0.6616,None of the above,1.0,,KaiserSlowzie,,0,,,@SBNLukeThomas I didn't know the #GOPDebates HAD PRELIMS!?,,2015-08-06 19:16:09 -0700,629476091615285249,"Houston, TX", -12761,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,b140tweet,,1,,,RT @ken2ts: Huckabee is the devil. #GOPDebates,,2015-08-06 19:16:04 -0700,629476067171016704,Heaven ,Eastern Time (US & Canada) -12762,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.639,,NildoD9,,2,,,"RT @SupermanHotMale: Hey Mike Huckabee, Leave Prostitutes alone, you are one also... #GopDebates",,2015-08-06 19:16:04 -0700,629476066952937473,,Brasilia -12763,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,romarcimc,,0,,,#GOPDEBATES Are they going to allow Toby...I mean Ben to speak again?,,2015-08-06 19:16:04 -0700,629476066768228352,, -12764,Donald Trump,1.0,yes,1.0,Positive,0.6667,FOX News or Moderators,1.0,,JoannaWoman991,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:03 -0700,629476062510985216,TEXAS CONSERVATIVE , -12765,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6798,,KingMachGunFunk,,0,,,They better turn up the lights because there's an awful lot of shade being thrown on this stage. #GOPDebates #Republicandebate,,2015-08-06 19:16:02 -0700,629476061315747840,Maryland,Eastern Time (US & Canada) -12766,Donald Trump,1.0,yes,1.0,Positive,0.6742,FOX News or Moderators,1.0,,LibertyUSA1776,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:16:02 -0700,629476058962657280,,Pacific Time (US & Canada) -12767,Marco Rubio,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,jsc1835,,0,,,"Sure, Marco Rubio, let's give ALL businesses more tax breaks. Put more stress on the backs of the middle class and the poor. #GOPDebates",,2015-08-06 19:15:57 -0700,629476038221758464,,Central Time (US & Canada) -12768,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,jason_gavril,,0,,,@marcorubio seems to hav his stuff together. Wish he was getting more time. #GOPdebates,,2015-08-06 19:15:56 -0700,629476033587249152,Washington DC,Quito -12769,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Kiarri_,,0,,,There's a LOT of make-up on that stage... #GOPDebates,,2015-08-06 19:15:55 -0700,629476031083204608,At Grandmother Willow's,Eastern Time (US & Canada) -12770,Donald Trump,1.0,yes,1.0,Negative,0.6771,None of the above,1.0,,fergie_spuds,,0,,,"No substance in this debate, just Trump entertaining #GOPDebates",,2015-08-06 19:15:54 -0700,629476028499521537,Where you least expect ▲,Alaska -12771,No candidate mentioned,1.0,yes,1.0,Neutral,0.7189,Jobs and Economy,1.0,,antisocialista,,1,,,RT @Serena_Diva: You wanna tax pimps?! #BNRDebates #GopDebate #GopDebates #debate http://t.co/K5rvFB2vbZ,,2015-08-06 19:15:54 -0700,629476025265623041,"Dallas, TX",Central Time (US & Canada) -12772,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,calfit32,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:50 -0700,629476010589732864,California ,Pacific Time (US & Canada) -12773,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,averykayla,,2,,,At what point am I suppose to stop laughing and start crying? #GOPDebates #DebateWIthBernie,,2015-08-06 19:15:50 -0700,629476008211664896,Boston,Eastern Time (US & Canada) -12774,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,SpamAvocado,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:49 -0700,629476005783080960,"Downey, CA",Pacific Time (US & Canada) -12775,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NateMJensen,,0,,,Rick Perry just won this debate. #lowstandards #GOPdebates,,2015-08-06 19:15:47 -0700,629475996283084801,"Silver Spring, MD",Eastern Time (US & Canada) -12776,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.7048,,shauxnough,,0,,,sky news on youtube! #GOPDebates,,2015-08-06 19:15:45 -0700,629475990167621632,"City, State or Province",Eastern Time (US & Canada) -12777,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,jakaroo65,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:44 -0700,629475985092575232,,Pacific Time (US & Canada) -12778,Ben Carson,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,mtaylorcassidy,,0,,,Ben Carson asked to comment on Lenny Kravitz wardrobe malfunction #GOPDebates,,2015-08-06 19:15:44 -0700,629475983138136064,"Fort Myers, FL", -12779,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JayTheOkay,,0,,,This is the lamest 10 man cage match in WWE history! #GOPDebates,,2015-08-06 19:15:44 -0700,629475982664077312,Up in your business ,Central Time (US & Canada) -12780,Donald Trump,1.0,yes,1.0,Positive,0.6869,FOX News or Moderators,0.6869,,chickiepotpie,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:43 -0700,629475981661618176,Rocky Mountains, -12781,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BradMcKee10,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:15:42 -0700,629475978104979457,,Central Time (US & Canada) -12782,Mike Huckabee,1.0,yes,1.0,Negative,0.6882,None of the above,0.6559,,WillyHCates,,1,,,#BNRDebates #GOPDebates Is Mike Huckabee about to tax prostitution???,,2015-08-06 19:15:42 -0700,629475977454747652,,Pacific Time (US & Canada) -12783,Donald Trump,1.0,yes,1.0,Positive,0.6458,FOX News or Moderators,1.0,,OrtaineDevian,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:42 -0700,629475975995203584,"Boston, MA", -12784,John Kasich,0.6696,yes,1.0,Negative,0.6696,Jobs and Economy,1.0,,JBax52,,6,,,RT @jesslstoner: KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:15:42 -0700,629475975638573057,United States,International Date Line West -12785,Marco Rubio,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,chefbob50,,0,,,Rubio can hardly keep to the script...#GOPDebates,,2015-08-06 19:15:39 -0700,629475964498628608,"Steger, Illinois",Central Time (US & Canada) -12786,No candidate mentioned,0.4491,yes,0.6701,Negative,0.6701,None of the above,0.4491,,Booker25,,2,,,RT @goodmanhere2: He was almost to Bitches & hoes. #GOPDebates,,2015-08-06 19:15:33 -0700,629475937839529984,,Mountain Time (US & Canada) -12787,Donald Trump,1.0,yes,1.0,Negative,0.6292,None of the above,1.0,,edfordham,,0,,,Trump sure does have a way of turning the question round @ChrisChristie @realDonaldTrump #GOPDebates #FOXNEWSDEBATE,,2015-08-06 19:15:32 -0700,629475934148653056,"Kilburn & W. Hampstead, NW6",Hawaii -12788,Scott Walker,0.7077,yes,1.0,Neutral,0.6403,Healthcare (including Medicare),0.7077,,jsn2007,,0,,,@ScottWalker Read your tweets. Let Americans choose whether they want #Obamacare We all need medical insurance. #GOPDebates,,2015-08-06 19:15:29 -0700,629475921955848192,USA,Eastern Time (US & Canada) -12789,Donald Trump,1.0,yes,1.0,Negative,0.6829,None of the above,1.0,,LeslieMcArno,,0,,,Donald Trump is starting to remind me of this guy. #GOPDebate #GOPDebates http://t.co/qoFPMIhaye,,2015-08-06 19:15:29 -0700,629475921746006016,"Sheridan, WY",Mountain Time (US & Canada) -12790,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6536,,b140tweet,,1,,,RT @MayflowerBetty: Damn freeloading pimps! #GOPDebates,,2015-08-06 19:15:29 -0700,629475920420564992,Heaven ,Eastern Time (US & Canada) -12791,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,MattMcEachran,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:28 -0700,629475917262364672,Canada, -12792,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Alisonnj,,0,,,#GOPDebates Suddenly #Trump is worth over $10 billion today....suddenly up from only $9 ???,,2015-08-06 19:15:28 -0700,629475916465459204,Northeast USA,Eastern Time (US & Canada) -12793,Donald Trump,1.0,yes,1.0,Negative,0.6701,FOX News or Moderators,1.0,,dbracing01,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:26 -0700,629475910064865280,, -12794,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,stieber_laurie,,0,,,"#GOPDebates #MikeWallace, as a moderator, you are supposed to be impartial and not air your personal contempt for #DonaldTrump. @megynkelly",,2015-08-06 19:15:26 -0700,629475909645561856,"Atlanta, GA", -12795,No candidate mentioned,1.0,yes,1.0,Neutral,0.6358,None of the above,0.6358,,_Banks__,,1,,,"Pimps, prostitutes, and strippers need to pay taxes. #GOPDebate #GOPDebates #",,2015-08-06 19:15:25 -0700,629475904876580864,FL - by way of your bushes,Eastern Time (US & Canada) -12796,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,777_Vickie,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:15:22 -0700,629475893216309248,, -12797,No candidate mentioned,1.0,yes,1.0,Negative,0.6737,None of the above,0.6421,,CatoEvents,,6,,,RT @KatMurti: Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:15:21 -0700,629475887046463488,"Washington, DC",Atlantic Time (Canada) -12798,Marco Rubio,1.0,yes,1.0,Neutral,0.6556,None of the above,1.0,,Bradywrx,,0,,,I can't stop looking at Marco Rubio's ears. #GOPDebates,,2015-08-06 19:15:20 -0700,629475885410873345,, -12799,No candidate mentioned,1.0,yes,1.0,Negative,0.6582,None of the above,1.0,,BEENATHEMISTRY,,90,,,"RT @nonsequiteuse: If you don't want alcohol poisoning from the #GOPDebates, play #YouHateIDonate instead. Pick a cause & when the GOP hate…",,2015-08-06 19:15:16 -0700,629475868843315200,"Mississauga, ON",Eastern Time (US & Canada) -12800,Donald Trump,0.4307,yes,0.6562,Positive,0.6562,FOX News or Moderators,0.2256,,Sheri0526,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:16 -0700,629475866389524481,Colorado, -12801,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IdaClaireYall,,0,,,@realDonaldTrump - keep giving him the mike 💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨💨and he may blow himself right off the stage... #GOPDebates 👀,,2015-08-06 19:15:16 -0700,629475866209296384,Southeastern USA, -12802,No candidate mentioned,0.4253,yes,0.6522,Neutral,0.3478,None of the above,0.4253,,b140tweet,,2,,,RT @goodmanhere2: He was almost to Bitches & hoes. #GOPDebates,,2015-08-06 19:15:14 -0700,629475859292930048,Heaven ,Eastern Time (US & Canada) -12803,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6977,,ccabrera83,,0,,,Chris wallace looking at the camera after Trumps turn lol #GOPDebates #FoxDebate,,2015-08-06 19:15:13 -0700,629475856360976384,San Antonio,Mountain Time (US & Canada) -12804,Ted Cruz,1.0,yes,1.0,Negative,0.6563,None of the above,0.6778,,Agwmorons,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:15:12 -0700,629475848433709056,, -12805,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,n0tofthisw0rld,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:11 -0700,629475844210184193,USA,Central Time (US & Canada) -12806,No candidate mentioned,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,nastynest,,0,,,"#GOPDebates why do they say 'America' it not the country it's the continent, US is the country",,2015-08-06 19:15:10 -0700,629475842737836032,LOS ANGELES\GLENDALE,Pacific Time (US & Canada) -12807,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jtb22297,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:15:10 -0700,629475840473083904,, -12808,Donald Trump,1.0,yes,1.0,Positive,0.6629,FOX News or Moderators,1.0,,AccelAuto,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:09 -0700,629475836798836736,"Cincinnati, Ohio",Eastern Time (US & Canada) -12809,Marco Rubio,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,GingerNacre,,0,,,I think Rubio is putting us all in a trance with his calm voice and his weird actually answering questions. #GOPDebates,,2015-08-06 19:15:09 -0700,629475836391989248,I'd rather be camping. ,Atlantic Time (Canada) -12810,Marco Rubio,0.4187,yes,0.6471,Neutral,0.3529,None of the above,0.4187,,curtismatzke,,0,,,@marcorubio's ears are freakishly huge. #GOPDebates,,2015-08-06 19:15:08 -0700,629475835116826624,"Chicago, IL",Central Time (US & Canada) -12811,Donald Trump,1.0,yes,1.0,Positive,0.6702,FOX News or Moderators,1.0,,cbd1776,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:15:05 -0700,629475821045051392,NKY, -12812,Mike Huckabee,1.0,yes,1.0,Negative,0.6778,None of the above,1.0,,_TheRealJohn_,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:15:05 -0700,629475819543506944,NC, -12813,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.7039,,bucfever56,,1,,,"RT @msgoddessrises: ""I have never gone bankrupt"" WTF???? ""Read My Lips! #GOPDebates #Trump",,2015-08-06 19:15:03 -0700,629475810936770560,Planet EARTH, -12814,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,kjohns_,,0,,,Finally home so that I can watch the #GOPDebates,,2015-08-06 19:15:02 -0700,629475810097893376,,Quito -12815,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ScottLinnen,,2,,,You screwed Atlantic City more ways than the Kama Sutra with Trump Taj Mahal. #GOPDebates,,2015-08-06 19:15:01 -0700,629475806201446404,,Tehran -12816,No candidate mentioned,0.6909,yes,1.0,Negative,0.6763,Jobs and Economy,1.0,,Kaore,,1,,,Want to help small businesses Rubio? Protect them from greedy landlords and unfair rent practices. #GOPDebates,,2015-08-06 19:15:00 -0700,629475801096847360,Los Angeles,Pacific Time (US & Canada) -12817,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,0.6522,,AmesMoreno,,0,,,@realDonaldTrump @FoxNews His new name is the #TeflonDon. Nothing Fox throws at him will stick! #GOPDebates @megynkelly @BretBaier,,2015-08-06 19:15:00 -0700,629475800950009856,,Arizona -12818,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,missnycbeauty,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:58 -0700,629475792960008192,New York USA,Central Time (US & Canada) -12819,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,adam_sommer,,0,,,If you want the Democrats to win the 2016 Presidential election you should give all the money you can to Donald Trump. #GOPdebates,,2015-08-06 19:14:57 -0700,629475787356270592,"KC, MO ",Mountain Time (US & Canada) -12820,Donald Trump,1.0,yes,1.0,Positive,0.6825,FOX News or Moderators,1.0,,PGRDET,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:56 -0700,629475784483315712,"Bobcaygeon, ON., Orlando, FLA.",Atlantic Time (Canada) -12821,Donald Trump,1.0,yes,1.0,Positive,0.6629999999999999,FOX News or Moderators,1.0,,4TheTruth2012,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:56 -0700,629475783593955328,"Chattanooga, TN",Eastern Time (US & Canada) -12822,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6847,,OduorLive,,6,,,RT @SupermanHotMale: And with his brother ran the economy of the United States into the ground #Jebby #GopDebates http://t.co/VI9yjYrst8,,2015-08-06 19:14:54 -0700,629475773351632896,Kenya, -12823,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ElyssaJechow,,0,,,"""I'm a straight up dickhead who screws over all people!"" @realDonaldTrump #GOPDebates",,2015-08-06 19:14:53 -0700,629475769832574977,"New York, NY",Central Time (US & Canada) -12824,No candidate mentioned,1.0,yes,1.0,Neutral,0.6606,Jobs and Economy,1.0,,_alexandragold_,,2,,,*Roots for small businesses* *Campaign is almost completely funded through large corporations* #GOPDebates,,2015-08-06 19:14:53 -0700,629475768788238336,New York ,Quito -12825,Marco Rubio,1.0,yes,1.0,Positive,0.6588,None of the above,0.6824,,JimmyJames38,,0,,,Rubio is killing it tonight. #GOPDebates,,2015-08-06 19:14:52 -0700,629475764837183488,Center of the Buckeye,Eastern Time (US & Canada) -12826,Donald Trump,0.6383,yes,1.0,Negative,0.6383,Jobs and Economy,1.0,,DCC3313,,0,,,@realDonaldTrump The U.S. Can't afford to file bankruptcy. #GOPDebates #StandWithRand,,2015-08-06 19:14:51 -0700,629475760768729088,North Augusta SC, -12827,Ted Cruz,1.0,yes,1.0,Positive,0.3426,None of the above,1.0,,keith_camic,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:14:50 -0700,629475759237824512,phoenix, -12828,No candidate mentioned,1.0,yes,1.0,Neutral,0.6406,None of the above,0.6638,,JasonBedrick,,6,,,RT @KatMurti: Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:14:50 -0700,629475759208312832,"Arizona, USA", -12829,Jeb Bush,1.0,yes,1.0,Negative,0.6627,None of the above,1.0,,redcat0827,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:14:50 -0700,629475758084243456,Bluegrass state conservative,Eastern Time (US & Canada) -12830,Donald Trump,0.4247,yes,0.6517,Negative,0.3483,None of the above,0.22699999999999998,,tmservo433,,1,,,"Trump: Banks aren't babies. They are killers. Hell yes I got away from bad deals, and I can make the USA a scofflaw too! #GOPdebates",,2015-08-06 19:14:48 -0700,629475748328419328,, -12831,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Republikim1,,0,,,THAT was the Trump I was expecting. #Delivered #GOPDebates,,2015-08-06 19:14:48 -0700,629475748064047104,,Pacific Time (US & Canada) -12832,Donald Trump,1.0,yes,1.0,Positive,0.6737,FOX News or Moderators,1.0,,Fictonic,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:47 -0700,629475747392950273,Northern California,Pacific Time (US & Canada) -12833,Donald Trump,1.0,yes,1.0,Negative,0.6774,FOX News or Moderators,1.0,,sdtwit09,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:45 -0700,629475737305747456,US,Eastern Time (US & Canada) -12834,Donald Trump,1.0,yes,1.0,Negative,0.6809,None of the above,0.6657,,stormy007www,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:45 -0700,629475736001376257,NC,Eastern Time (US & Canada) -12835,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Abortion,0.3571,,KoralMae,,1,,,"RT @jordanajason: The only thing ""illegals and prostitutes"" have in common is that their both better than u Mike Huckabee #GOPDebates",,2015-08-06 19:14:44 -0700,629475733153296389,Nearly Alone on Planet Earth,Pacific Time (US & Canada) -12836,Marco Rubio,0.6579999999999999,yes,1.0,Negative,1.0,Racial issues,0.6579999999999999,,cirque_de_kirk,,0,,,Dumbo is on stage. *these views do not reflect the views of Walt Disney. Mostly because they're not racist enough #GOPDebates #RubiosEars,,2015-08-06 19:14:44 -0700,629475731987259392,, -12837,Ted Cruz,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,OduorLive,,3,,,"RT @tinapayson: #TedCruz Looks like a character from #StarTrek. “I will always tell the truth”…. -#GOPDebates",,2015-08-06 19:14:42 -0700,629475723053502464,Kenya, -12838,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.7149,,jgailhuff,,0,,,I'm not going to watch the #GOPDebates . I'd rather read tweets from @pattonoswalt & @ChrisFranjola More entertaining & informative.,,2015-08-06 19:14:41 -0700,629475720721469440,Ohio,Eastern Time (US & Canada) -12839,Donald Trump,1.0,yes,1.0,Positive,0.6816,FOX News or Moderators,1.0,,seasicksiren,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:41 -0700,629475718699679744,,Pacific Time (US & Canada) -12840,No candidate mentioned,1.0,yes,1.0,Neutral,0.6471,None of the above,0.6678,,roxyschonlau,,0,,,"Done watching the #GOPDebates because I know I'll hear all the good parts on @bobbybonesshow tomorrow -@mrBobbyBones #dontletmedown",,2015-08-06 19:14:38 -0700,629475709002498048,"Wichita, KS",Central Time (US & Canada) -12841,Marco Rubio,1.0,yes,1.0,Negative,0.6869,Religion,0.6869,,thejohnnybshow,,0,,,"""Please don't ask me about The Jews"" --Marco Rubio's inner voice -#GOPDebates",,2015-08-06 19:14:38 -0700,629475708365078529,USA, -12842,Marco Rubio,1.0,yes,1.0,Negative,1.0,Racial issues,0.3371,,NateMJensen,,0,,,Rubio thinks international trade began 5 years ago. East India company started on Facebook. #GOPdebates,,2015-08-06 19:14:36 -0700,629475701142495232,"Silver Spring, MD",Eastern Time (US & Canada) -12843,No candidate mentioned,0.6489,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GADisneyMom,,0,,,Chris Wallace = poor moderator #layofftrump #GOPDebates,,2015-08-06 19:14:36 -0700,629475699464667136,"iPhone: 33.850876,-84.418304",Eastern Time (US & Canada) -12844,Marco Rubio,1.0,yes,1.0,Positive,0.6489,None of the above,1.0,,Grok_kinja,,0,,,"I gotta hand it to him, @marcorubio looks very well hydrated tonight. #GOPDebates",,2015-08-06 19:14:36 -0700,629475698923606017,"Bay Area, CA",Arizona -12845,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Nowayy_Josee,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:14:35 -0700,629475697099194368,Philly ✈ ,Quito -12846,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6809,,b140tweet,,2,,,RT @MaryFolley: Huckabee tax plan gonna make it hard out here for the pimps. And the hos. And the drug dealers. #GOPDebates,,2015-08-06 19:14:35 -0700,629475693525630977,Heaven ,Eastern Time (US & Canada) -12847,Marco Rubio,1.0,yes,1.0,Positive,1.0,None of the above,0.6625,,DLynae,,0,,,Marco Rubio is the only one on stage who sounds like he knows what he's talking about. #GOPDebates,,2015-08-06 19:14:34 -0700,629475692862767104,Cool Cool Cool,Central Time (US & Canada) -12848,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6667,,IamMillTalk,,0,,,"Most of these cats act like they HATE women, blacks and Mexicans #GOPDebates",,2015-08-06 19:14:34 -0700,629475689897418754,"Show Me State, chile",Central Time (US & Canada) -12849,No candidate mentioned,1.0,yes,1.0,Negative,0.6517,None of the above,1.0,,OnlyTruthReign,,2,,,RT @MikeBrockett: I love how the candidates are talking all kinds of shit about each other #GOPDebates,,2015-08-06 19:14:34 -0700,629475689763213312,Earth ,Atlantic Time (Canada) -12850,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6966,,Britpoptarts,,4,,,RT @abs_tellthetale: You're not a successful pimp if you have to depend on Social Security. #GOPDebates,,2015-08-06 19:14:33 -0700,629475687129153536,House of Eclecstacy,Eastern Time (US & Canada) -12851,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,OduorLive,,6,,,RT @SupermanHotMale: Lying sack of crap #GopDebates http://t.co/cYWUM8mQ6r,,2015-08-06 19:14:33 -0700,629475686235963393,Kenya, -12852,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6824,,dmilat68,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:14:29 -0700,629475671249543168,"Los Angeles, CA", -12853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6304,,tinah2751,,4,,,RT @abs_tellthetale: You're not a successful pimp if you have to depend on Social Security. #GOPDebates,,2015-08-06 19:14:29 -0700,629475671065104384,Cincinnati,Eastern Time (US & Canada) -12854,Marco Rubio,0.4074,yes,0.6383,Neutral,0.6383,None of the above,0.4074,,RDinNY,,0,,,What's with Rubio's ears? #GOPDebates,,2015-08-06 19:14:29 -0700,629475670356328452,,Eastern Time (US & Canada) -12855,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,msgoddessrises,,0,,,#Rubio is the junior at the Dad's man cave. He can't break out. #GOPDebates,,2015-08-06 19:14:28 -0700,629475665901826048,Viva Las Vegas NV.,Pacific Time (US & Canada) -12856,Donald Trump,1.0,yes,1.0,Negative,0.6733,None of the above,1.0,,Perry_T,,1,,,RT @bbowers1906: Trump's hand gestures are second to those of the season one Power Rangers #GOPDebates,,2015-08-06 19:14:28 -0700,629475663842557952,,Mid-Atlantic -12857,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.3488,,smdabbs,,2,,,#Huckabee seriously can't go a debate or interview without mentioning pimps and/or prostitutes. #GOPDebates,,2015-08-06 19:14:27 -0700,629475663393615872,"Denver, CO", -12858,No candidate mentioned,1.0,yes,1.0,Negative,0.6499,FOX News or Moderators,1.0,,Kiarri_,,0,,,"This moderator is probably pure evil and pisses on puppies in the morning, but his faces to the camera are hysterical #GOPDebates",,2015-08-06 19:14:26 -0700,629475656296964097,At Grandmother Willow's,Eastern Time (US & Canada) -12859,No candidate mentioned,0.4205,yes,0.6484,Neutral,0.3404,None of the above,0.4205,,KRProthro,,0,,,I should have taken a speed reading course to keep up with my timeline tonight. #GOPDebates,,2015-08-06 19:14:25 -0700,629475655407644672,,Central Time (US & Canada) -12860,Donald Trump,0.4074,yes,0.6383,Positive,0.3511,FOX News or Moderators,0.4074,,mikebrez5,,93,,,"RT @RWSurferGirl: Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:25 -0700,629475651980890112,, -12861,No candidate mentioned,0.6848,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DaveFiegen,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:14:24 -0700,629475651196563456,"Missouri, USA", -12862,Donald Trump,1.0,yes,1.0,Negative,0.6848,None of the above,0.6413,,TRPhrophet,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:14:18 -0700,629475622427955200,,Eastern Time (US & Canada) -12863,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hejurbets,,0,,,@realDonaldTrump is the new @SarahPalinUSA #GOPDebates,,2015-08-06 19:14:16 -0700,629475615154896900,Houston,Central Time (US & Canada) -12864,No candidate mentioned,1.0,yes,1.0,Neutral,0.3596,Jobs and Economy,0.6404,,RichLucido,,0,,,WE CAN FILE FOR BANKRUPTCY ON 19 TRILLION DOLLARS. How cool is that. #GOPDebate #GOPDebates,,2015-08-06 19:14:14 -0700,629475608821673985,Fresno/Clovis California,Arizona -12865,Donald Trump,1.0,yes,1.0,Negative,0.3751,None of the above,1.0,,EVANLKATZ,,3,,,RT @mette_mariek: Donald Trump is @eddiepepitone's best character ever. #GOPDebates,,2015-08-06 19:14:14 -0700,629475606674079748,Los Angeles,Pacific Time (US & Canada) -12866,Mike Huckabee,1.0,yes,1.0,Negative,0.6304,None of the above,1.0,,SmithMalone,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:14:13 -0700,629475605059358720,"ÜT: 37.109878,-76.467813",Eastern Time (US & Canada) -12867,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,b140tweet,,2,,,RT @winkbarry: Take care of people who've worked hard and played by the rules? #WRONG #Christie! You're not paying into NJ pension. #GOPDeb…,,2015-08-06 19:14:11 -0700,629475596603686917,Heaven ,Eastern Time (US & Canada) -12868,No candidate mentioned,0.6458,yes,1.0,Negative,0.7083,Jobs and Economy,0.7083,,Sylvaners,,7,,,RT @SupermanHotMale: Number 1 Union Buster and ememy of working folks everywhere #GopDebates http://t.co/XP5UqTWsKu,,2015-08-06 19:14:11 -0700,629475595949342721,"Joliet, IL", -12869,Donald Trump,1.0,yes,1.0,Positive,0.6841,FOX News or Moderators,1.0,,RWSurferGirl,,93,,,"Thanks Fox News, you're raising @realDonaldTrump 's ratings. 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:14:10 -0700,629475589838106624,"Newport Beach, California",Pacific Time (US & Canada) -12870,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,Phisip_Espolito,,0,,,I love that even the Fox News hosts can't believe the applause Trump gets with each answer #GOPDebates,,2015-08-06 19:14:10 -0700,629475588860964864,,Central Time (US & Canada) -12871,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JBFazz1213,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:14:09 -0700,629475587619360768,, -12872,Ted Cruz,1.0,yes,1.0,Neutral,0.679,None of the above,1.0,,revden40,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:14:09 -0700,629475586721779712,,Pacific Time (US & Canada) -12873,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JBax52,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:14:08 -0700,629475582481334272,United States,International Date Line West -12874,Donald Trump,1.0,yes,1.0,Positive,0.3498,None of the above,1.0,,robdarocha,,0,,,Wow #Trump you've taking advantage of the laws in the country you want to run? So you're an honest man? #GOPDebates #Republicandebate,,2015-08-06 19:14:08 -0700,629475580585623553,Hollywood,Pacific Time (US & Canada) -12875,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,raiderchick1313,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:14:06 -0700,629475572364673024,, -12876,Donald Trump,1.0,yes,1.0,Positive,0.6629,None of the above,0.6629,,MaleIndyVoter,,0,,,“This country owes 19 trillion dollars and we need someone like me to fix this mess” – Donald Trump #GOPDebates,,2015-08-06 19:14:04 -0700,629475566773760000,New York,Eastern Time (US & Canada) -12877,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,GregoryRouark50,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:14:04 -0700,629475564571742209,, -12878,No candidate mentioned,0.4552,yes,0.6747,Negative,0.6747,Jobs and Economy,0.4552,,MissMichelleRae,,11,,,RT @AFP_NH: Another issue that's hindering middle income and small biz growth in the nation is burdensome regulations from the #EPA. #GOPDe…,,2015-08-06 19:14:02 -0700,629475557718126592,, -12879,Donald Trump,0.442,yes,0.6649,Negative,0.6649,None of the above,0.442,,WretchedHarmony,,0,,,"Donald Trump obviously has hearing loss at the upper end of his range, because he can't seem to hear the beeping of the timer. #GOPdebates",,2015-08-06 19:14:02 -0700,629475557030301696,"Scottsdale, AZ",Arizona -12880,Jeb Bush,0.6842,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,DorAnnCecil,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:14:00 -0700,629475550541803520,New Jersey,Eastern Time (US & Canada) -12881,Donald Trump,1.0,yes,1.0,Negative,0.6859999999999999,None of the above,1.0,,mette_mariek,,3,,,Donald Trump is @eddiepepitone's best character ever. #GOPDebates,,2015-08-06 19:14:00 -0700,629475548310343681,"Los Angeles, CA",Pacific Time (US & Canada) -12882,No candidate mentioned,0.4302,yes,0.6559,Neutral,0.6559,None of the above,0.4302,,Lindamyers56,,0,,,Let's leave out Facebook questions. #GOPDebates,,2015-08-06 19:14:00 -0700,629475547454648321,Highlands Ranch Colorado,Mountain Time (US & Canada) -12883,No candidate mentioned,1.0,yes,1.0,Neutral,0.6409,None of the above,0.6768,,mandy_velez,,0,,,"Real talk from @jenromberg ""It baffles me. People believe this shit."" #GOPDebates",,2015-08-06 19:13:58 -0700,629475540026687488,"Philly-bred, NYC now",Central Time (US & Canada) -12884,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6843,,218Lov,,3,,,RT @b140_tweet: Does this remind you of #Trump's lips #GOPDebates http://t.co/Ph9L6DrInF,,2015-08-06 19:13:57 -0700,629475535459065856,,Eastern Time (US & Canada) -12885,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6629,,jordanajason,,1,,,"The only thing ""illegals and prostitutes"" have in common is that their both better than u Mike Huckabee #GOPDebates",,2015-08-06 19:13:56 -0700,629475530199441409,where it at,Eastern Time (US & Canada) -12886,No candidate mentioned,0.4681,yes,0.6842,Neutral,0.3474,None of the above,0.2377,,Serena_Diva,,1,,,You wanna tax pimps?! #BNRDebates #GopDebate #GopDebates #debate http://t.co/K5rvFB2vbZ,,2015-08-06 19:13:55 -0700,629475528207126528,Living in the library,Eastern Time (US & Canada) -12887,Donald Trump,1.0,yes,1.0,Neutral,0.6495,None of the above,1.0,,theamysituation,,0,,,"Oh, Trump, Trump, Trump...#GOPDebates",,2015-08-06 19:13:54 -0700,629475524453117953,"Austin, TX",Central Time (US & Canada) -12888,Mike Huckabee,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,NiseeShaw,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:13:54 -0700,629475523975102464,New York, -12889,No candidate mentioned,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,JSDelisi,,0,,,"Is this a debate or just ""good TV""?? #GOPdebates",,2015-08-06 19:13:53 -0700,629475520737071104,Detroit, -12890,No candidate mentioned,1.0,yes,1.0,Negative,0.696,None of the above,0.6547,,NUFC_fan,,0,,,what about the issues on the VA and our veterans? #GopDebates,,2015-08-06 19:13:52 -0700,629475515242450945,"San Antonio, Texas",Central Time (US & Canada) -12891,No candidate mentioned,0.4074,yes,0.6383,Neutral,0.3191,Jobs and Economy,0.4074,,JimmyJames38,,0,,,"The U.S. is $19,000,000,000,000 in debt #GOPDebates",,2015-08-06 19:13:50 -0700,629475506501627904,Center of the Buckeye,Eastern Time (US & Canada) -12892,No candidate mentioned,0.4396,yes,0.6629999999999999,Negative,0.6629999999999999,Women's Issues (not abortion though),0.4396,,gmartindiego,,3,,,"RT @mostwiselatina: #LatinosListen #GOPDebates -What is wrong with this picture? One A/A man. And no women. We make up 52% of population. ht…",,2015-08-06 19:13:49 -0700,629475502542204928,"ÜT: 36.138665,-96.099689", -12893,Donald Trump,0.4204,yes,0.6484,Negative,0.6484,,0.228,,newsy1,,0,,,#GOPDebates Trump sidestepping his 4 corporate bankruptcies of which he is evidently proud.,,2015-08-06 19:13:46 -0700,629475488029802497,Chicago/Colorado,Mountain Time (US & Canada) -12894,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,DonrichelleT,,0,,,What really am I watching? 😭 #GOPDebates,,2015-08-06 19:13:42 -0700,629475471000875008,, -12895,Donald Trump,0.6742,yes,1.0,Negative,0.6742,None of the above,1.0,,flashpointonaol,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:13:41 -0700,629475469021188096,Maryland,Eastern Time (US & Canada) -12896,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,msgoddessrises,,0,,,Yup. GONE! #GOPDebates https://t.co/blsTL0JtKT,,2015-08-06 19:13:40 -0700,629475465590210560,Viva Las Vegas NV.,Pacific Time (US & Canada) -12897,Donald Trump,1.0,yes,1.0,Neutral,0.6729,None of the above,1.0,,jessica_ort,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:13:40 -0700,629475464453726212,Ohio State Alum | Jersey | NYC,Eastern Time (US & Canada) -12898,No candidate mentioned,1.0,yes,1.0,Negative,0.6669,None of the above,1.0,,b140tweet,,4,,,RT @abs_tellthetale: You're not a successful pimp if you have to depend on Social Security. #GOPDebates,,2015-08-06 19:13:34 -0700,629475439262703620,Heaven ,Eastern Time (US & Canada) -12899,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,1,,,"RT @Jacque_s_: I took advantage of the law, so has everyone else. I deserve to be president. - -NO YOU DO NOT. #GOPDebateS",,2015-08-06 19:13:33 -0700,629475437098475521,,Mid-Atlantic -12900,No candidate mentioned,1.0,yes,1.0,Neutral,0.6629,None of the above,1.0,,ethanrbarton,,6,,,RT @KatMurti: Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:13:32 -0700,629475432325361666,"Annapolis, Maryland",Central Time (US & Canada) -12901,,0.2278,yes,0.6489,Negative,0.3475,,0.2278,,kimwill66742942,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:13:32 -0700,629475432186908672,CHESTERFIELD,Eastern Time (US & Canada) -12902,Donald Trump,1.0,yes,1.0,Neutral,0.6542,None of the above,1.0,,llaughlin,,1,,,So Trump is rich? #GOPDebates,,2015-08-06 19:13:32 -0700,629475430647627776,"Washington, DC",Quito -12903,No candidate mentioned,0.4689,yes,0.6848,Negative,0.6848,Racial issues,0.2531,,Melmera1Rossana,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:13:27 -0700,629475410099728384,,Eastern Time (US & Canada) -12904,No candidate mentioned,1.0,yes,1.0,Neutral,0.6745,Jobs and Economy,0.6745,,Perry_T,,1,,,"RT @NateHood257: ""Why can't everybody else be as skilled at manipulating loopholes to screw over their investors as me? It's not my fault!""…",,2015-08-06 19:13:26 -0700,629475405376921600,,Mid-Atlantic -12905,Mike Huckabee,0.4302,yes,0.6559,Negative,0.6559,None of the above,0.2398,,mclouis1908,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:13:26 -0700,629475404936409088,"New Orleans, LA",Central Time (US & Canada) -12906,Donald Trump,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,tlh239,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:13:25 -0700,629475401975382016,,Atlantic Time (Canada) -12907,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,EnzoWestie,,0,,,"So #donaldtrump apparently thinks it's ok to default on creditors if they're not nice people. or ""not babies"". #gopdebates",,2015-08-06 19:13:24 -0700,629475397835460608,"Austin, Texas",Central Time (US & Canada) -12908,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,collinsone,,5,,,"RT @steakNstiffarms: I'm imagining Trump giving a State of the Union, and yeah ok maybe I'd vote for him #GOPDebates",,2015-08-06 19:13:24 -0700,629475396573003776,"Benbrook, Texas ",Atlantic Time (Canada) -12909,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KatMurti,,6,,,Someone should send them this link: http://t.co/bGOf3gKp5L #Cato2016 #GOPdebates https://t.co/zrKV1tsjNV,,2015-08-06 19:13:23 -0700,629475395260313600,"Washington, D.C.", -12910,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,b140tweet,,1,,,RT @HannahKeowen: DONALD TRUMPS HAIR LOOKS LIKE COTTON CANDY #GOPDebates,,2015-08-06 19:13:23 -0700,629475393725157376,Heaven ,Eastern Time (US & Canada) -12911,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6596,,electro_moon,,1,,,"RT @averykayla: ""Pimps are prostitues"" I now have to chug all my wine didn't think that was gonna make it in #GOPDebates",,2015-08-06 19:13:23 -0700,629475393561567232,"Denver, ColoRADo",Eastern Time (US & Canada) -12912,Donald Trump,0.6667,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,WaxdHandlebar,,0,,,Fox seems to be doing a hit job for GOP on @realDonaldTrump #gopdebates,,2015-08-06 19:13:22 -0700,629475390243868673,,Central Time (US & Canada) -12913,No candidate mentioned,1.0,yes,1.0,Negative,0.6782,Women's Issues (not abortion though),0.6782,,vegasdude83,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:13:22 -0700,629475390210228224,, -12914,Donald Trump,1.0,yes,1.0,Neutral,0.6897,None of the above,1.0,,YarboughTalk,,0,,,"Trump - ""I had the good sense to take MY money and run. Screw y'all"" #GOPDebates",,2015-08-06 19:13:21 -0700,629475385147793408,,Eastern Time (US & Canada) -12915,Donald Trump,1.0,yes,1.0,Negative,0.6465,None of the above,0.7071,,Cruzin_to_16,,9,,,"RT @marymauldin: Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:13:21 -0700,629475383637749761,MS,Central Time (US & Canada) -12916,No candidate mentioned,0.2785,yes,0.7126,Neutral,0.3908,None of the above,0.5079,,darryn_briggs,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:13:21 -0700,629475383231021056,Virginia (USA),Eastern Time (US & Canada) -12917,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6932,,nonhumana,,3,,,RT @ncsr18: Muppet show. #GOPdebates,,2015-08-06 19:13:19 -0700,629475374913589248,pr ,Quito -12918,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BigBoyBaker,,0,,,FYI...I'm watching the debates on DVR. Here comes my posts and tweets. #GOPDebates,,2015-08-06 19:13:18 -0700,629475374188003328,"Indiana, U.S.A.",Eastern Time (US & Canada) -12919,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sarah_n_lynch,,0,,,"""Trump is the human version of a cankle"" @TheRealOdeya #GOPDebates",,2015-08-06 19:13:18 -0700,629475370765410305,, -12920,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,1,,,"RT @Leslie_Muse: I might be ambivalent about the current Democratic candidates, but I sure as hell am not ambivalent about voting for a Dem…",,2015-08-06 19:13:16 -0700,629475364792889345,,Mid-Atlantic -12921,Mike Huckabee,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,clubfloozy,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:13:15 -0700,629475361139462144,San Francisco,Pacific Time (US & Canada) -12922,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,maskedfairy,,0,,,Trump is like a petulant child #GOPDebates,,2015-08-06 19:13:15 -0700,629475361110278144,,Osaka -12923,Donald Trump,0.4827,yes,0.6947,Positive,0.6947,None of the above,0.4827,,laceola,,0,,,#GOPDebates GO TRUMP!!! Love his honestly!!!!,,2015-08-06 19:13:15 -0700,629475360980099073,"Austin, Texas",Central Time (US & Canada) -12924,No candidate mentioned,0.4062,yes,0.6374,Negative,0.6374,None of the above,0.4062,,ThomboyD,,4,,,RT @abs_tellthetale: You're not a successful pimp if you have to depend on Social Security. #GOPDebates,,2015-08-06 19:13:15 -0700,629475357826002945,SoCal,Pacific Time (US & Canada) -12925,Jeb Bush,0.6932,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,gopgadfly,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:13:13 -0700,629475351832322048,United States,Central Time (US & Canada) -12926,Donald Trump,1.0,yes,1.0,Negative,0.6961,Jobs and Economy,1.0,,BrendanKKirby,,0,,,How much do voters care that lenders lost money on @realDonaldTrump bankruptcies? #GOPdebates #LZDebates,,2015-08-06 19:13:12 -0700,629475346400739328,"Mobile, AL",Central Time (US & Canada) -12927,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,AmpersandAlways,,9,,,"RT @cheeriogrrrl: The men on this stage think they're capable of making decisions about women's health care,when they don't believe in #sci…",,2015-08-06 19:13:11 -0700,629475341564669952,Relaxing in a comfy chair,Pacific Time (US & Canada) -12928,Mike Huckabee,1.0,yes,1.0,Negative,0.6329,Jobs and Economy,0.6988,,scottaxe,,1,,,"RT @viadear: Huckabee wants to improve our economy by taxing, ""pimps and prostitutes who are freeloaders."" - -We're in trouble, America. #GO…",,2015-08-06 19:13:09 -0700,629475335801679872,Los Angeles , -12929,No candidate mentioned,0.2335,yes,0.6778,Negative,0.6778,None of the above,0.4594,,pdlife,,0,,,Is this episode of the apprentices #GOPDebates,,2015-08-06 19:13:07 -0700,629475325261410304,"ÜT: 39.70336,-86.37612",Indiana (East) -12930,Donald Trump,1.0,yes,1.0,Neutral,0.6431,Jobs and Economy,0.6563,,marymauldin,,9,,,"Dig into everyone's financials if you are doing that to #Trump ! -#GOPDebates",,2015-08-06 19:13:06 -0700,629475321608146946,,Central Time (US & Canada) -12931,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BAustin56,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:13:05 -0700,629475316763725824,Hazzard County USA, -12932,Donald Trump,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,ElyssaJechow,,0,,,Trump is a victim! I use the laws just like hundreds and hundreds of people! #GOPDebates,,2015-08-06 19:13:03 -0700,629475309419671553,"New York, NY",Central Time (US & Canada) -12933,Donald Trump,1.0,yes,1.0,Negative,0.6889,None of the above,0.6889,,hyeyoothere,,0,,,Let's talk about how big my company is and how many employers I have. @realDonaldTrump #GOPDebates,,2015-08-06 19:13:03 -0700,629475308996067328,,Eastern Time (US & Canada) -12934,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DigiSoulExp,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:59 -0700,629475292977995777,New Jersey/New York City,Central Time (US & Canada) -12935,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JDRedding,,0,,,Tell 'em Trump #GOPDebates @cspanwj,,2015-08-06 19:12:57 -0700,629475282601160704,Central Plains,Mountain Time (US & Canada) -12936,Mike Huckabee,0.4154,yes,0.6445,Neutral,0.6445,None of the above,0.4154,,taraplayfair,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:55 -0700,629475276007829504,Jamaica,Central Time (US & Canada) -12937,Donald Trump,1.0,yes,1.0,Negative,0.6328,FOX News or Moderators,1.0,,Sisters4everT,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:12:54 -0700,629475271565950976,"Fort Smith, AR", -12938,Donald Trump,0.4542,yes,0.6739,Negative,0.6739,None of the above,0.4542,,b140tweet,,3,,,Does this remind you of #Trump's lips #GOPDebates http://t.co/Ph9L6DrInF,,2015-08-06 19:12:53 -0700,629475265404620800,Heaven ,Eastern Time (US & Canada) -12939,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bbowers1906,,1,,,Trump's hand gestures are second to those of the season one Power Rangers #GOPDebates,,2015-08-06 19:12:51 -0700,629475258014265344,^^^I'm in the Batman t-shirt,Central Time (US & Canada) -12940,Mike Huckabee,0.4133,yes,0.6429,Neutral,0.6429,None of the above,0.4133,,roybelly,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:49 -0700,629475251819270144,"Miami, FL",Eastern Time (US & Canada) -12941,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Conssista,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:12:48 -0700,629475248413536256,, -12942,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MariannBenway,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:12:48 -0700,629475247239077888,, -12943,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6277,,Nice1Parker,,2,,,#GOPdebates where the bell doesn't mean a thing #dingdingding 😂,,2015-08-06 19:12:47 -0700,629475242381959168,Xavier's school for the gifted,Eastern Time (US & Canada) -12944,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,0,,,Trump proving to be a stellar statesman. #not. #GOPDebates,,2015-08-06 19:12:46 -0700,629475239404154880,,Mid-Atlantic -12945,No candidate mentioned,1.0,yes,1.0,Negative,0.6531,None of the above,1.0,,mpw1975,,3,,,RT @NYCdeb8tr: We need a good and bad egg chute...to weed out these politicians...boos just aren't cutting it. #GOPDebates http://t.co/fon9…,,2015-08-06 19:12:46 -0700,629475238221234176,, -12946,Mike Huckabee,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,WesleyL10,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:44 -0700,629475230956720128,EVERYWHERE IN THE MIA,Eastern Time (US & Canada) -12947,Mike Huckabee,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,ginavergel7,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:44 -0700,629475228926803968,NYC/Jersey City,Eastern Time (US & Canada) -12948,Donald Trump,1.0,yes,1.0,Neutral,0.6471,None of the above,1.0,,miscastdice,,1,,,"RT @jsc1835: We know you're rich Donald Trump. Really rich. Now can it. -#GOPDebates #BeerTweets",,2015-08-06 19:12:43 -0700,629475223784390656,"City of Devils, City of Angels",Pacific Time (US & Canada) -12949,No candidate mentioned,1.0,yes,1.0,Neutral,0.6357,None of the above,1.0,,Leslie_Muse,,1,,,"I might be ambivalent about the current Democratic candidates, but I sure as hell am not ambivalent about voting for a Dem #GOPDebates",,2015-08-06 19:12:41 -0700,629475217987907584,"Hollywood, CA",Pacific Time (US & Canada) -12950,Jeb Bush,0.6941,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,LVNancy,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:12:38 -0700,629475204830502912,♰ #WeAreN ♰,Pacific Time (US & Canada) -12951,No candidate mentioned,0.3989,yes,0.6316,Neutral,0.3474,None of the above,0.3989,,ceemonster,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:12:36 -0700,629475196030832640,USA,Eastern Time (US & Canada) -12952,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NateHood257,,1,,,"""Why can't everybody else be as skilled at manipulating loopholes to screw over their investors as me? It's not my fault!"" #GOPDebates",,2015-08-06 19:12:35 -0700,629475193627389952,Florida, -12953,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Jacque_s_,,1,,,"I took advantage of the law, so has everyone else. I deserve to be president. - -NO YOU DO NOT. #GOPDebateS",,2015-08-06 19:12:35 -0700,629475193329684480, ,Pacific Time (US & Canada) -12954,No candidate mentioned,1.0,yes,1.0,Neutral,0.6737,Women's Issues (not abortion though),1.0,,sevenbowie,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:12:30 -0700,629475171842326528,,Eastern Time (US & Canada) -12955,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6813,,Backstorymom1,,9,,,RT @SupermanHotMale: Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:12:30 -0700,629475170546229248,, -12956,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Phoenix2a1,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:12:30 -0700,629475169489285120,, -12957,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,jsc1835,,1,,,"We know you're rich Donald Trump. Really rich. Now can it. -#GOPDebates #BeerTweets",,2015-08-06 19:12:28 -0700,629475163956850692,,Central Time (US & Canada) -12958,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6277,,ElyssaJechow,,0,,,Pimps and drug dealers!!!!! #GOPDebates,,2015-08-06 19:12:27 -0700,629475156822503424,"New York, NY",Central Time (US & Canada) -12959,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,0.6452,,O__Oyg,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:12:26 -0700,629475152544296960,,Brasilia -12960,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.4,,RememberZion,,0,,,#Huckabee talking about pimps and prostitutes. #GOPDebates,,2015-08-06 19:12:25 -0700,629475151185186816,"Carson City, Nevada", -12961,No candidate mentioned,0.2256,yes,0.6562,Neutral,0.6562,None of the above,0.4307,,Awe_NaturalNika,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:25 -0700,629475149796904960,Somewhere Fleeking,Central Time (US & Canada) -12962,Jeb Bush,0.6939,yes,1.0,Negative,1.0,None of the above,0.6531,,bacygirl,,2,,,RT @SupermanHotMale: Jeb bush has so many money overlords that he could not ever effectively govern... #BOOM #GOPDebates,,2015-08-06 19:12:24 -0700,629475144021340160,Carpe Diem!,Central Time (US & Canada) -12963,No candidate mentioned,0.449,yes,0.6701,Negative,0.6701,None of the above,0.449,,HSmithWrites,,0,,,If only we'd stop getting the candidates we deserve... #GOPdebates,,2015-08-06 19:12:24 -0700,629475143916457984,"Washington, DC",Atlantic Time (Canada) -12964,Donald Trump,1.0,yes,1.0,Positive,0.6422,None of the above,1.0,,Kiarri_,,0,,,"""What am I sayiiiiing??"" -Trump - -...when he's got a point, he's got a point. #GOPDebates",,2015-08-06 19:12:23 -0700,629475143220396032,At Grandmother Willow's,Eastern Time (US & Canada) -12965,Mike Huckabee,0.4689,yes,0.6848,Negative,0.3587,Racial issues,0.2456,,Omar_Cruz,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:23 -0700,629475139877490688,Made in Brooklyn,Eastern Time (US & Canada) -12966,No candidate mentioned,1.0,yes,1.0,Neutral,0.6409,None of the above,0.6768,,JillHackemer,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:12:22 -0700,629475136895381504,,Eastern Time (US & Canada) -12967,Mike Huckabee,0.4679,yes,0.6841,Negative,0.6841,Women's Issues (not abortion though),0.23399999999999999,,MindOfMo,,0,,,"SALACIOUS: relating to sex in a way that is excessive or offensive. -#Huckabee -#GOPDebates",,2015-08-06 19:12:22 -0700,629475136354127872,"Roaming, Stateside",Pacific Time (US & Canada) -12968,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6589,,viadear,,1,,,"Huckabee wants to improve our economy by taxing, ""pimps and prostitutes who are freeloaders."" - -We're in trouble, America. #GOPDebates",,2015-08-06 19:12:21 -0700,629475133623791616,,Atlantic Time (Canada) -12969,Donald Trump,0.4171,yes,0.6458,Negative,0.3333,None of the above,0.4171,,chemama,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:12:21 -0700,629475132197580800,"Pittsburgh, PA",Eastern Time (US & Canada) -12970,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3448,,lovings,,0,,,"#GOPdebates Hey Huckabee, I don't think that ""pimps"" & ""prostitutes"" can file for social security benefits based on their jobs...",,2015-08-06 19:12:20 -0700,629475129647603713,San Francisco,Pacific Time (US & Canada) -12971,Donald Trump,0.6813,yes,1.0,Negative,0.6374,None of the above,1.0,,Vera_S_1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:12:19 -0700,629475126472478720,New York City,Eastern Time (US & Canada) -12972,No candidate mentioned,1.0,yes,1.0,Negative,0.6836,None of the above,0.6609999999999999,,kristincasas,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:12:18 -0700,629475119652429824,In the middle of nowhere,Hong Kong -12973,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KellyGardin,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:12:17 -0700,629475116963880960,"Texas, USA", -12974,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6562,,maileflanagan,,0,,,"so wait he said he didn't use it and now says ""when I used it?"" #bankruptcy #GOPDebates",,2015-08-06 19:12:17 -0700,629475116443828224,Los Angeles,Pacific Time (US & Canada) -12975,Mike Huckabee,0.4957,yes,0.7041,Negative,0.3571,Racial issues,0.2515,,vickyamber924,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:13 -0700,629475100694200320,Los Angeles, -12976,Donald Trump,1.0,yes,1.0,Negative,0.6593,None of the above,1.0,,hyeyoothere,,0,,,Never say never. You may go bankrupt one day @realDonaldTrump #GOPDebates,,2015-08-06 19:12:13 -0700,629475099616387072,,Eastern Time (US & Canada) -12977,Donald Trump,1.0,yes,1.0,Negative,0.6867,None of the above,1.0,,HannahKeowen,,1,,,DONALD TRUMPS HAIR LOOKS LIKE COTTON CANDY #GOPDebates,,2015-08-06 19:12:12 -0700,629475096273494017,, -12978,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,abs_tellthetale,,4,,,You're not a successful pimp if you have to depend on Social Security. #GOPDebates,,2015-08-06 19:12:12 -0700,629475093731770370,feet_on_ground; head_in_clouds, -12979,No candidate mentioned,1.0,yes,1.0,Negative,0.6561,Immigration,1.0,,TheBookBabe84,,0,,,Please ask him about the illegal immigrants that work for him #GOPDebates,,2015-08-06 19:12:11 -0700,629475090711900160,"Dover, Delaware",Central Time (US & Canada) -12980,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,SamwellWayne,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:12:10 -0700,629475085531906048,MHK • ΔΣΦ,Central Time (US & Canada) -12981,Jeb Bush,1.0,yes,1.0,Negative,0.6465,FOX News or Moderators,1.0,,tmcs28,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:12:08 -0700,629475076698587137,,Eastern Time (US & Canada) -12982,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,hirekeenan,,9,,,"RT @cheeriogrrrl: The men on this stage think they're capable of making decisions about women's health care,when they don't believe in #sci…",,2015-08-06 19:12:05 -0700,629475067349630976,Cape Ann,Eastern Time (US & Canada) -12983,Mike Huckabee,1.0,yes,1.0,Neutral,0.6558,None of the above,1.0,,MelesRoberts,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:12:04 -0700,629475061775400960,, -12984,Donald Trump,0.4058,yes,0.637,Negative,0.637,,0.2312,,msgoddessrises,,1,,,"""I have never gone bankrupt"" WTF???? ""Read My Lips! #GOPDebates #Trump",,2015-08-06 19:12:03 -0700,629475055915810816,Viva Las Vegas NV.,Pacific Time (US & Canada) -12985,No candidate mentioned,1.0,yes,1.0,Neutral,0.6771,None of the above,1.0,,eannbardawill,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:12:02 -0700,629475052459827200,Canada,Eastern Time (US & Canada) -12986,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,TiaJoi,,1,,,"RT @IamMillTalk: And if they don't stop saying #ObamaCare. Affordable Healthcare Act, yo damn #GOPDebates",,2015-08-06 19:12:01 -0700,629475050341560321,PROUD Detroiter,Central Time (US & Canada) -12987,Donald Trump,0.4257,yes,0.6525,Negative,0.6525,None of the above,0.4257,,WhitneyDi,,0,,,"Yep, Trump is drunk. #GOPDebates",,2015-08-06 19:12:01 -0700,629475049808990208,NYC,Central Time (US & Canada) -12988,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6714,,SupermanHotMale,,9,,,Donald Trump: I have never gone bankrupt... Really donald? REALLY DONALD? You fucking liar... #GopDebates,,2015-08-06 19:11:58 -0700,629475035812511744,"Cocoa Beach, Florida",Eastern Time (US & Canada) -12989,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.35100000000000003,,carpetbaby20,,2,,,"RT @SupermanHotMale: Hey Mike Huckabee, Leave Prostitutes alone, you are one also... #GopDebates",,2015-08-06 19:11:58 -0700,629475035787309056,Buck State 2 Tha Bay Area,Pacific Time (US & Canada) -12990,No candidate mentioned,1.0,yes,1.0,Negative,0.6623,None of the above,1.0,,Natoni10,,0,,,I'm missing the comedy of the year. #GOPdebates,,2015-08-06 19:11:57 -0700,629475032100540416,"California, USA",Pacific Time (US & Canada) -12991,Donald Trump,1.0,yes,1.0,Negative,0.6629,Jobs and Economy,1.0,,DiannaHunt,,0,,,Trump struggling to explain bankruptcies. #GOPDebates,,2015-08-06 19:11:57 -0700,629475030712258561,"Dallas, TX",Central Time (US & Canada) -12992,Jeb Bush,1.0,yes,1.0,Negative,0.6771,FOX News or Moderators,1.0,,donnatobia,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:55 -0700,629475024424996865,"Franklin, TN",Central Time (US & Canada) -12993,Jeb Bush,0.4307,yes,0.6562,Negative,0.6562,None of the above,0.4307,,berdeciah_hdz,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:11:55 -0700,629475022990499840,"Bayamon, Colony of Puerto Rico",Brasilia -12994,No candidate mentioned,0.2397,yes,0.6791,Negative,0.353,Foreign Policy,0.4612,,JosephJpvgolfer,,10,,,RT @Popehat: #GOPDebates Cruz: We have to be willing to call it radical ISLAMIC terrorism. We need to make joining ISIS a death warrant.,,2015-08-06 19:11:53 -0700,629475017248669696,, -12995,Mike Huckabee,1.0,yes,1.0,Neutral,0.6484,None of the above,1.0,,ShaneSmith13,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:53 -0700,629475016934035457,Washington DC,Eastern Time (US & Canada) -12996,No candidate mentioned,0.4141,yes,0.6435,Negative,0.6435,None of the above,0.4141,,ncsr18,,3,,,Muppet show. #GOPdebates,,2015-08-06 19:11:51 -0700,629475006234390528,Puerto Rico,Tijuana -12997,Jeb Bush,1.0,yes,1.0,Negative,0.649,FOX News or Moderators,1.0,,KimberTrent,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:50 -0700,629475005101772800,United States,Arizona -12998,Donald Trump,1.0,yes,1.0,Negative,0.6669,Jobs and Economy,0.6669,,LivRancourt,,0,,,How many times has Trump declared bankruptcy? #SeriousQuestion #GOPDebates,,2015-08-06 19:11:50 -0700,629475001943502848,"Seattle, WA", -12999,No candidate mentioned,1.0,yes,1.0,Neutral,0.6727,None of the above,1.0,,SunKissedSpirit,,0,,,Not the pimps and drug dealers #GOPDebates,,2015-08-06 19:11:47 -0700,629474992640667648,,Eastern Time (US & Canada) -13000,Mike Huckabee,1.0,yes,1.0,Negative,0.6588,None of the above,1.0,,gaffneyfilm,,1,,,Finally. The pimps and prostitutes are gonna cover me. #huckabee #gopdebates,,2015-08-06 19:11:46 -0700,629474987506860032,Chicago-ish,Central Time (US & Canada) -13001,Mike Huckabee,1.0,yes,1.0,Negative,0.6566,None of the above,0.6667,,katecoffie,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:46 -0700,629474985669558272,SF,Pacific Time (US & Canada) -13002,Mike Huckabee,0.6555,yes,1.0,Neutral,1.0,None of the above,1.0,,Sidnickels,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:46 -0700,629474984809762816,TEXaS My NiZZLE,Central Time (US & Canada) -13003,Jeb Bush,1.0,yes,1.0,Negative,0.6914,FOX News or Moderators,1.0,,bloodless_coup,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:44 -0700,629474980049362944,South Coastal Massachusetts,Eastern Time (US & Canada) -13004,Chris Christie,0.6778,yes,1.0,Neutral,0.6778,None of the above,0.6444,,meathouse60005,,1,,,"RT @Republikim1: ""Lying and stealing from American Public has already occurred."" #Christie #GOPDebates",,2015-08-06 19:11:43 -0700,629474972868722688,USA-world's greatest country,Central Time (US & Canada) -13005,Mike Huckabee,0.4307,yes,0.6562,Negative,0.3438,Racial issues,0.2256,,BlkGirlBigWorld,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:42 -0700,629474968955416576,"Washington, D.C.",Atlantic Time (Canada) -13006,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,EBeautifulPlace,,2,,,RT @NateMJensen: These politicians and former government employees really hate politicians and government. #GOPdebates,,2015-08-06 19:11:41 -0700,629474964421394433,"Lexington, KY", -13007,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,haselcheck,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:41 -0700,629474964039729152,Fergus Ontario,Eastern Time (US & Canada) -13008,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6829999999999999,,zosoto,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:11:39 -0700,629474956158615553,,Eastern Time (US & Canada) -13009,Mike Huckabee,1.0,yes,1.0,Negative,0.6809,None of the above,1.0,,bclorio,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:38 -0700,629474954355019776,"Montclair, New Jersey",Eastern Time (US & Canada) -13010,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HannahKeowen,,0,,,"""So in conclusion - yes I hate America"" -Trump #GOPDebates",,2015-08-06 19:11:37 -0700,629474949472866304,, -13011,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,KeshRue,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:37 -0700,629474948051042304,,Central Time (US & Canada) -13012,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ClaireStM1996,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:36 -0700,629474943546298368,, -13013,Chris Christie,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.7029,,winkbarry,,2,,,Take care of people who've worked hard and played by the rules? #WRONG #Christie! You're not paying into NJ pension. #GOPDebates,,2015-08-06 19:11:35 -0700,629474940899733505,America, -13014,Mike Huckabee,1.0,yes,1.0,Neutral,0.6696,None of the above,1.0,,davis9v,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:35 -0700,629474939809189888,New Jersey, -13015,No candidate mentioned,0.4507,yes,0.6714,Negative,0.6714,Jobs and Economy,0.2349,,Chatney_Grimm,,2,,,$40 for a blowjob...plus tax. #GOPDebates,,2015-08-06 19:11:34 -0700,629474937439420417,, -13016,Ted Cruz,0.6739,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,ares407,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:11:33 -0700,629474933454839808,, -13017,Jeb Bush,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,1.0,,PhillipLaird,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:33 -0700,629474933005889540,USA,Eastern Time (US & Canada) -13018,Mike Huckabee,1.0,yes,1.0,Negative,0.6444,Jobs and Economy,0.3556,,MaryFolley,,2,,,Huckabee tax plan gonna make it hard out here for the pimps. And the hos. And the drug dealers. #GOPDebates,,2015-08-06 19:11:32 -0700,629474929331826688,"Charlotte, NC",Atlantic Time (Canada) -13019,Mike Huckabee,1.0,yes,1.0,Negative,0.7151,None of the above,1.0,,AnyhooT2,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:32 -0700,629474927234674688,"ÜT: 18.010462,-76.797232",Central Time (US & Canada) -13020,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,liamjlhill,,0,,,"Trump being told about his company's bankruptcies. - -#GOPdebates http://t.co/mXK2E4f7os",,2015-08-06 19:11:31 -0700,629474923979915265,London,London -13021,No candidate mentioned,0.3989,yes,0.6316,Negative,0.6316,None of the above,0.3989,,averykayla,,1,,,"""Pimps are prostitues"" I now have to chug all my wine didn't think that was gonna make it in #GOPDebates",,2015-08-06 19:11:30 -0700,629474920012120066,Boston,Eastern Time (US & Canada) -13022,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,toilettweetage,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:11:29 -0700,629474915041853440,New York,Central Time (US & Canada) -13023,No candidate mentioned,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,blckburn,,0,,,Wait did he say Pimps and Prostitutes #GopDebates,,2015-08-06 19:11:28 -0700,629474911782895616,"iPhone: 39.754280,-84.201958",Eastern Time (US & Canada) -13024,Mike Huckabee,0.4395,yes,0.6629,Neutral,0.3371,None of the above,0.4395,,fwdcrocblu,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:25 -0700,629474899149651968,, -13025,Donald Trump,1.0,yes,1.0,Negative,0.6831,None of the above,1.0,,kimmyt0,,0,,,Donald Trump's toupee got me feenin for some cotton candy. Mmmm yum. #GOPDebates,,2015-08-06 19:11:25 -0700,629474897442566144,Nc, -13026,Jeb Bush,0.3997,yes,0.6322,Negative,0.6322,None of the above,0.3997,,Piratelover22,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:11:24 -0700,629474892925136897,Somewhere in the Caribbean,Central Time (US & Canada) -13027,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ojacquem,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:22 -0700,629474887539757056,VA,Eastern Time (US & Canada) -13028,Jeb Bush,1.0,yes,1.0,Neutral,0.7128,FOX News or Moderators,1.0,,blessedtim,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:20 -0700,629474878568050688,Earth,Central Time (US & Canada) -13029,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheAmazingBriz,,3,,,RT @NYCdeb8tr: We need a good and bad egg chute...to weed out these politicians...boos just aren't cutting it. #GOPDebates http://t.co/fon9…,,2015-08-06 19:11:20 -0700,629474876848476161,Tybee,Eastern Time (US & Canada) -13030,No candidate mentioned,1.0,yes,1.0,Negative,0.7111,None of the above,0.6444,,DotDotDotDash,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:11:18 -0700,629474867658784768,,London -13031,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,MushyJJ,,0,,,Good evening. I didn't watch the #GOPDebates I didn't feel like it.,,2015-08-06 19:11:17 -0700,629474866022842368,"Atlanta, Georgia", -13032,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MaraliceL,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:11:17 -0700,629474864026419202,"Guaynabo, Puerto Rico",Central Time (US & Canada) -13033,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6722,,MyNameIsTeaLove,,0,,,"Who's fault is it, that the system is screwed up. #GOPDebates",,2015-08-06 19:11:15 -0700,629474857655275521,, -13034,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,snarkberg,,0,,,Fox is totally burning Trump here...if he surges after this ass kicking I give up. #GOPDebates,,2015-08-06 19:11:15 -0700,629474855994265600,"Ontario, Canada", -13035,Mike Huckabee,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,zumikiss,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:14 -0700,629474854094417920,Brooklyn & Planet Earth,Eastern Time (US & Canada) -13036,Mike Huckabee,0.6628,yes,1.0,Neutral,0.6744,None of the above,1.0,,BRichCCGA,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:13 -0700,629474847660224512,"Chicago, IL",Eastern Time (US & Canada) -13037,Chris Christie,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,28fcb75c537c4e2,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:11:13 -0700,629474847635042304,"Greer, SC", -13038,Chris Christie,1.0,yes,1.0,Neutral,0.6703,None of the above,0.6813,,dskahoopay,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:11:13 -0700,629474847127572480,the depths of wisdom and mirth,Atlantic Time (Canada) -13039,Mike Huckabee,1.0,yes,1.0,Negative,0.6771,None of the above,0.6667,,FreeOnTheRight,,0,,,"Gov. Huckabee, end retirement for Congress. I say force them into O-care too. #GOPDebates",,2015-08-06 19:11:13 -0700,629474846121005056,, -13040,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Yefet4USA,,0,,,Mike Huckabee wants to end Congress's retirement plan to save the American people's. And Tax pimps and drug dealers. #GOPDebates,,2015-08-06 19:11:11 -0700,629474841708634112,D.C, -13041,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.7113,,DepecheFesse,,6,,,RT @jsc1835: #GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:11:11 -0700,629474839888146432,Tehran,Eastern Time (US & Canada) -13042,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,gmiller1952,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:11:10 -0700,629474837384298496,, -13043,Rand Paul,0.4083,yes,0.639,Negative,0.3204,,0.2307,,CathyGellis,,15,,,"RT @Popehat: #GOPDebates Paul: ""I want to collect more records from terrorists and fewer from Americans.""",,2015-08-06 19:11:10 -0700,629474835777740800,SF Bay Area,Pacific Time (US & Canada) -13044,No candidate mentioned,1.0,yes,1.0,Neutral,0.7189,None of the above,1.0,,Tudor109,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:11:07 -0700,629474824528769028,"North Carolina, USA",Eastern Time (US & Canada) -13045,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,StillThinkingSK,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:07 -0700,629474821080940544,Loyno New Orleans UPT,Central Time (US & Canada) -13046,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6667,,goodmanhere2,,2,,,He was almost to Bitches & hoes. #GOPDebates,,2015-08-06 19:11:06 -0700,629474820321755136,Boston,Eastern Time (US & Canada) -13047,Mike Huckabee,0.4171,yes,0.6458,Negative,0.3333,,0.2287,,bitoche,,0,,,#pimpsNhoes -Huckabee #GOPDebate #GOPDebates,,2015-08-06 19:11:06 -0700,629474817687711744,Chicago,Central Time (US & Canada) -13048,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MayflowerBetty,,1,,,Damn freeloading pimps! #GOPDebates,,2015-08-06 19:11:06 -0700,629474816941142016,United States, -13049,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,shelleysake,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:11:05 -0700,629474812939755520,"Hastings, MN", -13050,Mike Huckabee,1.0,yes,1.0,Negative,0.6748,None of the above,1.0,,sanitythief,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:04 -0700,629474812340142080,The dirtiest state in america ,Eastern Time (US & Canada) -13051,Mike Huckabee,0.6791,yes,1.0,Negative,0.6801,None of the above,0.6801,,Ray_Tings,,1,,,RT @YoungGOPGums: Did Huck just say he wants to protect the SS benefits of pimps and prostitutes? #GOPdebates.,,2015-08-06 19:11:04 -0700,629474809429143552,Denver,Mountain Time (US & Canada) -13052,No candidate mentioned,0.4492,yes,0.6702,Negative,0.6702,Immigration,0.2282,,maskedfairy,,0,,,"""Illegals"", ""prostitutes""...and the dehumanizing racism and misogyny just keep on going #GOPDebates",,2015-08-06 19:11:04 -0700,629474808921739264,,Osaka -13053,Mike Huckabee,1.0,yes,1.0,Negative,0.6948,None of the above,1.0,,MalikaTika,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:03 -0700,629474807940165632,Dallas ✈ Port Arthur,Central Time (US & Canada) -13054,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,a_sumbel,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:03 -0700,629474807227133953,"Texas, USA", -13055,Mike Huckabee,0.4025,yes,0.6344,Negative,0.3441,None of the above,0.4025,,yeathatTerrence,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:03 -0700,629474805851537408,Brooklyn ,Eastern Time (US & Canada) -13056,No candidate mentioned,1.0,yes,1.0,Negative,1.0,LGBT issues,0.3478,,BrianaNicoleM,,0,,,"Illegals, prostitutes, and pimps... #GOPDebates",,2015-08-06 19:11:03 -0700,629474805561987072,LA | CA,Eastern Time (US & Canada) -13057,Mike Huckabee,0.4074,yes,0.6383,Neutral,0.6383,None of the above,0.4074,,jenniferkate,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:11:00 -0700,629474794455568384,"Lafayette, CA",Pacific Time (US & Canada) -13058,Mike Huckabee,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Letzy__,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:10:59 -0700,629474789237764096,"Boston, Massachusetts",Eastern Time (US & Canada) -13059,Mike Huckabee,1.0,yes,1.0,Negative,1.0,LGBT issues,0.6957,,JenMeanIt,,1,,,"RT @EmEps: Everything is the prostitutes' and pimps' fault, right Huckabee? #GOPDebates",,2015-08-06 19:10:59 -0700,629474787585232898,"Atlanta, GA",Eastern Time (US & Canada) -13060,No candidate mentioned,1.0,yes,1.0,Neutral,0.6597,None of the above,1.0,,ChristinaFloree,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:10:58 -0700,629474786968776704,"LI, NY",Quito -13061,Donald Trump,0.6489,yes,1.0,Negative,1.0,FOX News or Moderators,0.6915,,DorAnnCecil,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:10:55 -0700,629474773010096128,New Jersey,Eastern Time (US & Canada) -13062,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6816,,SupermanHotMale,,2,,,"Hey Mike Huckabee, Leave Prostitutes alone, you are one also... #GopDebates",,2015-08-06 19:10:55 -0700,629474771021860868,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13063,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,IamMillTalk,,1,,,"And if they don't stop saying #ObamaCare. Affordable Healthcare Act, yo damn #GOPDebates",,2015-08-06 19:10:54 -0700,629474769205903360,"Show Me State, chile",Central Time (US & Canada) -13064,Jeb Bush,0.6957,yes,1.0,Negative,1.0,Jobs and Economy,0.6957,,KarenRegis,,4,,,"RT @jsc1835: Jebby talking changing tax code to fix ""job killers"". Is that Jebspeak for give corporations more tax breaks? #GOPDebates",,2015-08-06 19:10:54 -0700,629474768769560576,Colorado,London -13065,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,sprittibee,,0,,,YOU GO HUCK. #GOPDebates #tcot,,2015-08-06 19:10:53 -0700,629474765745582084,"Austin, TX",Mountain Time (US & Canada) -13066,No candidate mentioned,1.0,yes,1.0,Negative,0.6537,Racial issues,0.3575,,AmnNasir,,0,,,"So ""illegals"" are on the same level as ""the pimps"". #GOPdebates",,2015-08-06 19:10:53 -0700,629474765258883072,"Lahore, Pakistan ",Islamabad -13067,No candidate mentioned,1.0,yes,1.0,Positive,0.6679,None of the above,0.6659999999999999,,DaleRussellFox5,,0,,,Glad social security is debated at #gopdebates. Future is now. #gapol,,2015-08-06 19:10:53 -0700,629474763715559425,"Atlanta, GA",Eastern Time (US & Canada) -13068,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6421,,AndyHudak,,0,,,"If I hear one more crack dealing pimp bragging about collecting social security, I'm really gonna lose it. #GOPDebates",,2015-08-06 19:10:52 -0700,629474760708235265,"Edison, NJ",Eastern Time (US & Canada) -13069,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ChrisCamps76,,0,,,Lol and there's the first weird comment of the night #GOPDebates,,2015-08-06 19:10:51 -0700,629474757742870528,"Westchester, NY/Providence, RI",Eastern Time (US & Canada) -13070,Mike Huckabee,1.0,yes,1.0,Neutral,0.6624,None of the above,1.0,,OmarHasReason,,60,,,RT @goldietaylor: Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:10:50 -0700,629474750708994048,,Atlantic Time (Canada) -13071,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,liamjlhill,,0,,,"""We need a strong leader to tell the truth and fix it!"" - -#GOPdebates http://t.co/FtKcfyDy0a",,2015-08-06 19:10:49 -0700,629474747395514369,London,London -13072,Ben Carson,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.22899999999999998,,mdreifuss,,0,,,@mdreifuss whaa? Prostitues pay taxes?? #GOPDebates,,2015-08-06 19:10:49 -0700,629474745877176321,North Shore sub of Chicago,Central Time (US & Canada) -13073,Donald Trump,1.0,yes,1.0,Neutral,0.6702,None of the above,1.0,,quinnumphrey,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:10:48 -0700,629474743574355969,,Eastern Time (US & Canada) -13074,Chris Christie,0.4187,yes,0.6471,Neutral,0.3529,None of the above,0.4187,,AJIsTheReal,,0,,,"Chris Christie apparently gives up. Lol. - -#GOPDebates",,2015-08-06 19:10:47 -0700,629474738117611520,"ÜT: 29.73398,-95.582226",Central Time (US & Canada) -13075,No candidate mentioned,0.4485,yes,0.6697,Negative,0.6697,None of the above,0.4485,,maitevigil,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:10:46 -0700,629474736490323968,"Raleigh, NC",Quito -13076,Jeb Bush,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,sherri44,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:10:45 -0700,629474732409274368,South Carolina,Pacific Time (US & Canada) -13077,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,youwaitsolong,,0,,,Let's hear more about prostitutes and pimps tho #GOPDebates,,2015-08-06 19:10:44 -0700,629474725606084608,Tally,Central Time (US & Canada) -13078,No candidate mentioned,0.2728,yes,0.7222,Negative,0.7222,Women's Issues (not abortion though),0.2728,,YoungGOPGums,,1,,,Did Huck just say he wants to protect the SS benefits of pimps and prostitutes? #GOPdebates.,,2015-08-06 19:10:43 -0700,629474720229027840,Inside the Beltway,Quito -13079,Mike Huckabee,1.0,yes,1.0,Negative,0.6357,Women's Issues (not abortion though),0.6357,,EmEps,,1,,,"Everything is the prostitutes' and pimps' fault, right Huckabee? #GOPDebates",,2015-08-06 19:10:41 -0700,629474713643778048,"Philly bred,NYC grown,East Bay",Quito -13080,Mike Huckabee,1.0,yes,1.0,Neutral,0.6754,None of the above,1.0,,Dandie00,,0,,,"""Pimps and prostitutes,"" said Huckabee. #gopdebates #fb",,2015-08-06 19:10:40 -0700,629474708308799492,"ÜT: 40.787257,-73.968484",Eastern Time (US & Canada) -13081,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,1.0,,NoelleRI,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:10:39 -0700,629474706471669762,Rhode Island,Eastern Time (US & Canada) -13082,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,YarboughTalk,,0,,,"Yep, it's the pimps and drug dealers that are the problem with this country. #GOPDebates",,2015-08-06 19:10:39 -0700,629474703921520640,,Eastern Time (US & Canada) -13083,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ken2ts,,1,,,Huckabee is the devil. #GOPDebates,,2015-08-06 19:10:37 -0700,629474698410217472,"New York, NY",Eastern Time (US & Canada) -13084,Jeb Bush,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,wistbro,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:10:36 -0700,629474693251117056,NorCal.,Pacific Time (US & Canada) -13085,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,dihoppy,,4,,,"RT @jsc1835: Jebby talking changing tax code to fix ""job killers"". Is that Jebspeak for give corporations more tax breaks? #GOPDebates",,2015-08-06 19:10:36 -0700,629474693246914560, Washington State,Pacific Time (US & Canada) -13086,Mike Huckabee,1.0,yes,1.0,Negative,0.6591,None of the above,1.0,,goldietaylor,,60,,,Huckabee. #GOPDebates http://t.co/Zy12bdUkx9,,2015-08-06 19:10:36 -0700,629474693104463875,Around the way... ,Quito -13087,No candidate mentioned,0.4542,yes,0.6739,Neutral,0.6739,None of the above,0.4542,,JulietLocke,,0,,,This debate should be about Hillary Clinton & liberal Dems #GOPDebates,,2015-08-06 19:10:35 -0700,629474690696880129,, -13088,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,Obama_Biden_13,,0,,,2nd 6 pack! #gopdebates gotta drink when listening to bs! http://t.co/qHGgPOaI5A,,2015-08-06 19:10:35 -0700,629474688540917760,, -13089,No candidate mentioned,0.4721,yes,0.6871,Negative,0.3442,None of the above,0.2365,,mumwise,,0,,,#thereisnoObamaCare it is called the #AffordableCareAct #GOPDebates,,2015-08-06 19:10:34 -0700,629474683209936896,, -13090,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LynnCatWalters,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:10:31 -0700,629474672627728384,Sarasota~Michigan~Chicago,America/New_York -13091,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Conssista,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:10:31 -0700,629474671608643588,, -13092,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6813,,LarryWoolfolk,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:10:30 -0700,629474667494043648,, -13093,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,FOX News or Moderators,1.0,,SwayzeGuy,,1,,,"Some of these guys are nailing it, unfortunately @megynkelly put herself at the center of tomorrow's headlines. Pathetic. #GOPDebates",,2015-08-06 19:10:30 -0700,629474665627410432,Florida,Eastern Time (US & Canada) -13094,Mike Huckabee,0.6588,yes,1.0,Neutral,0.3412,None of the above,0.6588,,David_Rod_rig,,0,,,Shout out to the white people cheering Huckabee :) #GOPdebates,,2015-08-06 19:10:29 -0700,629474663291195393,∞,Atlantic Time (Canada) -13095,Mike Huckabee,1.0,yes,1.0,Negative,0.684,None of the above,0.34700000000000003,,gugliacci,,0,,,#Huckabee is against pimps and prostitutes. Got it. #GOPdebates,,2015-08-06 19:10:28 -0700,629474661282091009,Greenland,Eastern Time (US & Canada) -13096,Mike Huckabee,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,scott4youth,,0,,,#GOPDebates I'm all for a fair tax but your argument is a little soft #Huckabee,,2015-08-06 19:10:28 -0700,629474660833456128,"Newport, TN", -13097,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TheeMissus,,3,,,"RT @SupermanHotMale: Dear Dr. Ben Carson, you, Sir need a labotomy #GopDebates",,2015-08-06 19:10:28 -0700,629474659579199488,"Boston, MA",Indiana (East) -13098,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KerriSullins,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:10:27 -0700,629474654206447618,, -13099,Mike Huckabee,1.0,yes,1.0,Neutral,0.6585,Jobs and Economy,0.6585,,jsn2007,,0,,,@GovMikeHuckabee We worked for that social security. Cut the retirement of Congress before Americans. #GOPDebates,,2015-08-06 19:10:27 -0700,629474653057208320,USA,Eastern Time (US & Canada) -13100,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JackieRaeff,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:10:23 -0700,629474639874396160,Michigan ,Eastern Time (US & Canada) -13101,Ted Cruz,0.6813,yes,1.0,Neutral,0.6813,None of the above,1.0,,MavisSchumacher,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:10:22 -0700,629474632827957248,Minnesota,Central Time (US & Canada) -13102,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TweakedTweet,,0,,,@ChrisChristie Hates cops. #pensions #FOP #ThinBlueLine #GOPDebate #GOPDebates,,2015-08-06 19:10:22 -0700,629474632622583808,"Whoville, NY",Mid-Atlantic -13103,Rand Paul,0.2444,yes,0.6954,Negative,0.6954,None of the above,0.4836,,dudeinchicago,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:10:20 -0700,629474625714585600,, -13104,No candidate mentioned,0.4594,yes,0.6778,Negative,0.6778,None of the above,0.4594,,LeMeJustSay,,0,,,*pimps* #gopdebates,,2015-08-06 19:10:20 -0700,629474624129138693,Location: 'Merica,Mountain Time (US & Canada) -13105,Mike Huckabee,0.442,yes,0.6649,Neutral,0.6649,Women's Issues (not abortion though),0.2269,,NateMJensen,,1,,,Huckabee just proposed a pimp tax. #GOPdebates,,2015-08-06 19:10:18 -0700,629474617556512768,"Silver Spring, MD",Eastern Time (US & Canada) -13106,Chris Christie,0.675,yes,1.0,Negative,0.675,None of the above,1.0,,JimmyJames38,,0,,,Christie has only pointed out the problems but hasn't revealed a solution #GOPDebates,,2015-08-06 19:10:18 -0700,629474617162366981,Center of the Buckeye,Eastern Time (US & Canada) -13107,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,smoothblink_pcs,,1,,,RT @averykayla: The fundamental problem is @FoxNews and the GOP party #GOPDebates #DebateWIthBernie,,2015-08-06 19:10:17 -0700,629474611420381184,United States,Pacific Time (US & Canada) -13108,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,TexasGirrl81,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:10:16 -0700,629474610250039296,USA, -13109,Donald Trump,0.4025,yes,0.6344,Neutral,0.6344,FOX News or Moderators,0.4025,,revden40,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:10:15 -0700,629474603656548352,,Pacific Time (US & Canada) -13110,Donald Trump,1.0,yes,1.0,Negative,0.3646,None of the above,1.0,,Dannicoloff,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:10:13 -0700,629474598208192512,"Dallas, TX", -13111,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,0.6452,,scottaxe,,3,,,RT @racquetball54: I hate when they call Social Security an entitlement. The government doesn't fund Social Security you and your employer…,,2015-08-06 19:10:13 -0700,629474597759356928,Los Angeles , -13112,No candidate mentioned,1.0,yes,1.0,Positive,0.3407,None of the above,1.0,,thejojophoto,,2,,,Not Usually In To Politics...But This Is Good Entertainment #GOPDebates,,2015-08-06 19:10:12 -0700,629474592659218432,,Eastern Time (US & Canada) -13113,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,BrendanKKirby,,0,,,It's @ChrisChristie vs. @MikeHuckabeeGOP on Social Security. Nice exchange on both sides. #GOPdebates #LZDebates,,2015-08-06 19:10:11 -0700,629474586044674048,"Mobile, AL",Central Time (US & Canada) -13114,Ben Carson,0.5304,yes,0.7283,Negative,0.7283,Jobs and Economy,0.5304,,Ok_Seen,,1,,,RT @fergie_spuds: Ben Carson's tithing tax system be like #GOPDebates http://t.co/OxohrZbBWz,,2015-08-06 19:10:07 -0700,629474571410763776,"Upper Gambles, Antigua",Atlantic Time (Canada) -13115,No candidate mentioned,0.6402,yes,1.0,Negative,0.6402,None of the above,0.6402,,Republikim1,,1,,,"""Lying and stealing from American Public has already occurred."" #Christie #GOPDebates",,2015-08-06 19:10:05 -0700,629474561906442241,,Pacific Time (US & Canada) -13116,Jeb Bush,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,LibertarianLuke,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:10:05 -0700,629474561147453440,Death Wish for Evil,Pacific Time (US & Canada) -13117,Chris Christie,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,michaelwalkerw1,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:10:03 -0700,629474554637742080,, -13118,No candidate mentioned,1.0,yes,1.0,Negative,0.6766,None of the above,1.0,,unbuttonmyeyes,,0,,,My favorite part of the #GOPDebates is when the candidates pretend not to be the people they are,,2015-08-06 19:10:02 -0700,629474548371582978,"New York, New York", -13119,Donald Trump,0.6664,yes,1.0,Negative,0.6664,FOX News or Moderators,0.6664,,bgdeangelis,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:10:01 -0700,629474544399613953,NJ-(born & raised), -13120,No candidate mentioned,0.6742,yes,1.0,Neutral,0.6517,None of the above,1.0,,msgoddessrises,,0,,,When did you have time to tweet? #GOPDebates https://t.co/45MSXf6wAM,,2015-08-06 19:10:00 -0700,629474540217733125,Viva Las Vegas NV.,Pacific Time (US & Canada) -13121,No candidate mentioned,1.0,yes,1.0,Neutral,0.3646,FOX News or Moderators,1.0,,b140tweet,,1,,,"RT @Mullchess: @FoxNews Can't stand much more. If these 10 are the best of the GOP, I love our chances in 2016 #GOPDebates #UniteBIue",,2015-08-06 19:09:56 -0700,629474525424521216,Heaven ,Eastern Time (US & Canada) -13122,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,0.6559,,jtnemo93,,0,,,"Who backs manned mission to Mars within 20yrs? Apollo missions, led to tech jumps & a sense of unity this country needs. #GOPDebates",,2015-08-06 19:09:56 -0700,629474524921229312,Hoboken, -13123,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,__Robyn_,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:56 -0700,629474524262723584,U.S.A.,Eastern Time (US & Canada) -13124,Ted Cruz,0.6552,yes,1.0,Neutral,0.6552,None of the above,0.6552,,Jwalesky,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:09:56 -0700,629474524216561664,"Clio, Mi",Eastern Time (US & Canada) -13125,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6517,,averykayla,,1,,,The fundamental problem is @FoxNews and the GOP party #GOPDebates #DebateWIthBernie,,2015-08-06 19:09:55 -0700,629474519984533504,Boston,Eastern Time (US & Canada) -13126,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,Women's Issues (not abortion though),0.6705,,OnlyTruthReign,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:09:55 -0700,629474519330066432,Earth ,Atlantic Time (Canada) -13127,No candidate mentioned,1.0,yes,1.0,Neutral,0.6444,None of the above,1.0,,CraigMacCormack,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:09:54 -0700,629474515978964992,"North Attleboro, MA",Central Time (US & Canada) -13128,Jeb Bush,0.6651,yes,1.0,Negative,1.0,None of the above,1.0,,conserphilosofy,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:54 -0700,629474515475501056,,Eastern Time (US & Canada) -13129,Chris Christie,0.4233,yes,0.6506,Negative,0.3373,,0.2273,,2oceans1,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:53 -0700,629474513265127424,Castle Rock Colorado,Greenland -13130,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sydnizzlerizzle,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:53 -0700,629474512375951360,601,Eastern Time (US & Canada) -13131,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NYCdeb8tr,,3,,,We need a good and bad egg chute...to weed out these politicians...boos just aren't cutting it. #GOPDebates http://t.co/fon9QIYJeV,,2015-08-06 19:09:52 -0700,629474509238702080,, -13132,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fisherynation,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:52 -0700,629474507238064128,, -13133,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,UltraGator,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:48 -0700,629474490167218176,ALLIGATOR TOWN,Eastern Time (US & Canada) -13134,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,Czadrix,,6,,,"RT @SupermanHotMale: One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 19:09:47 -0700,629474486677442560,♥Heaven N Earth♥, -13135,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6739,,jackalexstuart,,0,,,politics is so boring when you make it all about rich white straight men. #GOPDebates,,2015-08-06 19:09:46 -0700,629474483959656448,,Pacific Time (US & Canada) -13136,Chris Christie,1.0,yes,1.0,Negative,0.3523,None of the above,1.0,,scottaxe,,0,,,#GOPdebates Christy just buried Huckabee not that hard,,2015-08-06 19:09:45 -0700,629474480532754432,Los Angeles , -13137,Scott Walker,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,BrookeMetro,,0,,,Is Senator Scott Walker really @AlecBaldwin? #GOPDebates,,2015-08-06 19:09:40 -0700,629474458554789888,Los Angeles,Pacific Time (US & Canada) -13138,Donald Trump,1.0,yes,1.0,Neutral,0.6813,None of the above,1.0,,Schmidsss,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:09:39 -0700,629474455228653568,,Quito -13139,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SonnieJohnson,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:39 -0700,629474454763110400,What Day Is It?,Quito -13140,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bonitabonbon07,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:38 -0700,629474450946154497,, -13141,Ted Cruz,0.6739,yes,1.0,Neutral,0.6739,FOX News or Moderators,1.0,,mabvet,,0,,,“@RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates” nothing for @tedcruz,,2015-08-06 19:09:38 -0700,629474449436352512,,Eastern Time (US & Canada) -13142,No candidate mentioned,1.0,yes,1.0,Negative,0.6932,Jobs and Economy,0.6477,,RachelGPhD,,0,,,"Government secured bonds are not IOUs. If they are, no one better tell China. #gopdebates",,2015-08-06 19:09:37 -0700,629474445141389312,,Eastern Time (US & Canada) -13143,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BowandArchery,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:36 -0700,629474440057782272,USA,Arizona -13144,Jeb Bush,1.0,yes,1.0,Positive,0.6739,None of the above,1.0,,edgaroma_,,5,,,"RT @mercedesschlapp: In terms of substance, @JebBush dominates #GOPdebates",,2015-08-06 19:09:35 -0700,629474437050437632,UPR-RP CIPO/ECON,Eastern Time (US & Canada) -13145,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PWessinger,,0,,,@FoxNews address #PlannedParenthood and the butcher of babies for profit! #GOPDebate #GOPDebates,,2015-08-06 19:09:34 -0700,629474431954481153,"Douglasville, Ga",Pacific Time (US & Canada) -13146,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,_Ash_Bell__,,65,,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 19:09:32 -0700,629474422831886338,"Pittsburgh, PA", -13147,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,DMace8,,1,,,RT @KellyAnnBraun: OHHHHHHHH F*CK......Bush lies soooo bad.....sorry cussing now----#GOPDebates beating the UNIONS of F*****CCCKKK Noo I kn…,,2015-08-06 19:09:30 -0700,629474417299603456,, -13148,Chris Christie,1.0,yes,1.0,Negative,0.6154,None of the above,1.0,,AcesHigh10,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:28 -0700,629474407061323776,Whitetop VA, -13149,Scott Walker,0.2284,yes,0.6703,Negative,0.6703,FOX News or Moderators,0.4493,,Twitlertwit,,1,,,RT @cheeriogrrrl: Obviously @RogerAiles doesn't want @ScottWalker as #President. Is everyone okay with @FoxNews selecting the #GOP nominee…,,2015-08-06 19:09:26 -0700,629474397183590401,Cali,Pacific Time (US & Canada) -13150,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GatesRobin,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:25 -0700,629474392989417472,, -13151,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RealvilleToday,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:24 -0700,629474391357788160,, -13152,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ssullivan315,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:22 -0700,629474383879405568,, -13153,Chris Christie,0.4211,yes,0.6489,Negative,0.6489,None of the above,0.4211,,BduayneAllen,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:20 -0700,629474375079751680,, -13154,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FlatoutDuc,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:20 -0700,629474372890267648,"Willow Spring, NC",Eastern Time (US & Canada) -13155,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,NateMJensen,,2,,,These politicians and former government employees really hate politicians and government. #GOPdebates,,2015-08-06 19:09:20 -0700,629474372613500928,"Silver Spring, MD",Eastern Time (US & Canada) -13156,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cygnetamore,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:17 -0700,629474362781888513,Oklahoma, -13157,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lyonspride121,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:15 -0700,629474353386782720,, -13158,Donald Trump,1.0,yes,1.0,Neutral,0.3596,FOX News or Moderators,1.0,,Diesel2k2,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:09:12 -0700,629474339314774017,USA,America/Denver -13159,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RonaldGorr1,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:09:12 -0700,629474338505273344,Arizona,Arizona -13160,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mylakai13,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:11 -0700,629474335346921472,"Nashville, TN", -13161,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LogicPrevail,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:10 -0700,629474331362488320,"MD, United States of America", -13162,Chris Christie,0.4492,yes,0.6702,Negative,0.6702,None of the above,0.4492,,johngaltfla,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:07 -0700,629474319136083968,"Sarasota County, FLA",Eastern Time (US & Canada) -13163,Donald Trump,1.0,yes,1.0,Neutral,0.7006,None of the above,1.0,,kaybeedoll,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:09:06 -0700,629474315856179200,Southern IL,Central Time (US & Canada) -13164,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,scott4youth,,0,,,"#GOPDebates If you saved for retirement and paid into social security, you don't get it back because you have 2 much for retirement? Stupid!",,2015-08-06 19:09:06 -0700,629474314589466624,"Newport, TN", -13165,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MStavrinakis,,42,,,RT @RWSurferGirl: After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:09:05 -0700,629474311385051136,"Charleston, SC", -13166,Mike Huckabee,1.0,yes,1.0,Negative,1.0,None of the above,0.6422,,TommyLeeAllman,,1,,,Huckabee is a travesty. #GOPDEBATES,,2015-08-06 19:09:04 -0700,629474308306288640,,Mountain Time (US & Canada) -13167,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ThomasPaine5,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:04 -0700,629474307832283136,"Salinas, CA",Pacific Time (US & Canada) -13168,No candidate mentioned,0.4605,yes,0.6786,Negative,0.6786,None of the above,0.2423,,jsc1835,,6,,,#GOPDebates I'd like to see this bunch of losers work a construction until they're 70 years old. #Delusional,,2015-08-06 19:09:03 -0700,629474302878846976,,Central Time (US & Canada) -13169,Jeb Bush,1.0,yes,1.0,Negative,0.7089,None of the above,1.0,,TexasGirrl81,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:03 -0700,629474302685884416,USA, -13170,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bengranton,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:09:02 -0700,629474296595881984,"Camp Pendleton South, CA", -13171,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,GettysburgGerry,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:09:01 -0700,629474293420851200,Gettysburg Pa, -13172,No candidate mentioned,0.4329,yes,0.6579999999999999,Neutral,0.342,None of the above,0.4329,,indiebass,,0,,,"The #GOPDebates are probably as good a time as any to weigh in on this vital issue: #AprilLives (and #sharknadoyes, @HDTGM )",,2015-08-06 19:09:00 -0700,629474290870681601,,Eastern Time (US & Canada) -13173,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,racquetball54,,3,,,I hate when they call Social Security an entitlement. The government doesn't fund Social Security you and your employer do. #GOPDebates,,2015-08-06 19:08:59 -0700,629474285736759296,Pacific NW, -13174,Jeb Bush,0.4074,yes,0.6383,Neutral,0.3191,,0.2309,,PurePolitics,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:59 -0700,629474285485203456,"Atlanta, DC, London",Central Time (US & Canada) -13175,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,YsabelleStewart,,0,,,You wouldn't buy a used car from any of these characters. #GOPdebates,,2015-08-06 19:08:58 -0700,629474283845193729,, -13176,Donald Trump,1.0,yes,1.0,Negative,0.64,None of the above,1.0,,alternativesart,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:08:57 -0700,629474277566365697,"Stouffville, Ontario",Central Time (US & Canada) -13177,No candidate mentioned,1.0,yes,1.0,Neutral,0.6552,None of the above,0.6552,,MishaGutkin,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:57 -0700,629474276089925633,New York, -13178,Chris Christie,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),1.0,,Cluelessbetty,,1,,,"RT @Joy__Hart: Slash #SS #medicare said, Chris Christie ...... who will never be President #GopDebates #foxdebate",,2015-08-06 19:08:54 -0700,629474266275270656,The Bluegrass State,Central Time (US & Canada) -13179,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,None of the above,0.6629999999999999,,jerivera5,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:08:54 -0700,629474265880854528,Texas,Central Time (US & Canada) -13180,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AmberCollett,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:53 -0700,629474262684991488,"New Haven, CT",Mountain Time (US & Canada) -13181,Rand Paul,1.0,yes,1.0,Positive,0.7021,None of the above,0.6383,,Instasiun,,0,,,"Washington by [at]jonford80 #gopdebates #demselfie. I saw all I needed to see, #randpaul was right about Isis & for… http://t.co/Tkwyr327oY",,2015-08-06 19:08:53 -0700,629474261569249280,England,Novosibirsk -13182,Ted Cruz,1.0,yes,1.0,Positive,0.6531,None of the above,1.0,,hplem,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:51 -0700,629474253369257984,Bluer than blue NYS,Eastern Time (US & Canada) -13183,Ted Cruz,0.7,yes,1.0,Positive,0.3556,None of the above,1.0,,nsaidian,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:50 -0700,629474249640574976,USA, -13184,Mike Huckabee,1.0,yes,1.0,Negative,0.6707,Abortion,1.0,,EnzoWestie,,0,,,Huckabee has a look on his face like he'd rather be discussing giving constitutional rights to fetuses. #gopdebates,,2015-08-06 19:08:50 -0700,629474246893289476,"Austin, Texas",Central Time (US & Canada) -13185,Ted Cruz,0.6604,yes,1.0,Neutral,0.6642,None of the above,1.0,,JNYUTAH,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:49 -0700,629474242795405312,@JohnnyUtahsNYC,Mazatlan -13186,Donald Trump,1.0,yes,1.0,Positive,0.35700000000000004,FOX News or Moderators,1.0,,FowlerwolfR,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:08:48 -0700,629474238467076096,, -13187,,0.2298,yes,0.6421,Negative,0.6421,None of the above,0.4123,,RWSurferGirl,,42,,,After @GovChristie hugged Obama he doesn't deserve to be on the stage tonight. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:08:47 -0700,629474234130010112,"Newport Beach, California",Pacific Time (US & Canada) -13188,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,0.6932,,embena,,5,,,"RT @mercedesschlapp: In terms of substance, @JebBush dominates #GOPdebates",,2015-08-06 19:08:46 -0700,629474232175607809,,Tehran -13189,Chris Christie,1.0,yes,1.0,Negative,0.6725,None of the above,1.0,,itsjenwbitches,,3,,,RT @loribuckmajor: It's cute how Chris Christie has the Bob's Big Boy haircut #GOPDebates,,2015-08-06 19:08:46 -0700,629474231731003396,302 D-Ware Crew,Eastern Time (US & Canada) -13190,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,fredfalcone,,0,,,"Perry just went oops, didn't get that question, while watching his TV at the hotel. #GOPDebates",,2015-08-06 19:08:44 -0700,629474225070288897,"Austin, Texas", -13191,Ted Cruz,0.6774,yes,1.0,Negative,0.3548,None of the above,1.0,,drclgrab,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:44 -0700,629474221433995265,, -13192,Mike Huckabee,1.0,yes,1.0,Positive,0.3636,None of the above,1.0,,zabackj,,0,,,Mike Huckabee. You've not received the nomination too many times. @GOP #GOPDebate #GOPDebate2016 #GOPDebates #PresidentialDebate,,2015-08-06 19:08:43 -0700,629474218921586688,"New York, NY",Eastern Time (US & Canada) -13193,Jeb Bush,1.0,yes,1.0,Negative,0.6526,FOX News or Moderators,1.0,,pinkbeachlady,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:08:42 -0700,629474214068789249,Florida, -13194,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JNYUTAH,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:08:40 -0700,629474205952651265,@JohnnyUtahsNYC,Mazatlan -13195,Donald Trump,1.0,yes,1.0,Negative,0.3804,None of the above,1.0,,marcimoon,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:08:40 -0700,629474205428387840,Dallas,Mountain Time (US & Canada) -13196,Chris Christie,1.0,yes,1.0,Negative,0.3742,None of the above,1.0,,scottaxe,,3,,,RT @loribuckmajor: It's cute how Chris Christie has the Bob's Big Boy haircut #GOPDebates,,2015-08-06 19:08:39 -0700,629474201213112320,Los Angeles , -13197,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FoxNewsMom,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:39 -0700,629474200374226944,"Carlsbad, CA",Pacific Time (US & Canada) -13198,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,IamMillTalk,,0,,,"Scott Walker is delusion AF, yo! #GOPDebates",,2015-08-06 19:08:38 -0700,629474199137091584,"Show Me State, chile",Central Time (US & Canada) -13199,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6593,,calllmeAudrey,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:38 -0700,629474197945884672,New York,Atlantic Time (Canada) -13200,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Stateline69J,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:38 -0700,629474196003913729,Sweet Home Alabama, -13201,Jeb Bush,1.0,yes,1.0,Positive,0.7028,None of the above,1.0,,GeorgeReeves94,,5,,,"RT @mercedesschlapp: In terms of substance, @JebBush dominates #GOPdebates",,2015-08-06 19:08:35 -0700,629474187330080768,"Birmingham, United Kingdom",Casablanca -13202,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AuberHirsch,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:35 -0700,629474187107803136,NewYork, -13203,No candidate mentioned,1.0,yes,1.0,Neutral,0.6967,None of the above,1.0,,msgoddessrises,,0,,,No he's lying-demagogues do. #Huckster #GOPDebates https://t.co/z3WecnOXHQ,,2015-08-06 19:08:34 -0700,629474180434530305,Viva Las Vegas NV.,Pacific Time (US & Canada) -13204,No candidate mentioned,1.0,yes,1.0,Neutral,0.6779999999999999,None of the above,1.0,,AlexWilliamsdt,,0,,,Watching THE WIRE reruns instead of the #GOPdebates. Twitter is probably the more entertaining way to follow it anyway. #nocable #noproblem,,2015-08-06 19:08:32 -0700,629474172645683200,"Los Angles, CA",Central Time (US & Canada) -13205,Chris Christie,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.7044,,Joy__Hart,,1,,,"Slash #SS #medicare said, Chris Christie ...... who will never be President #GopDebates #foxdebate",,2015-08-06 19:08:32 -0700,629474171307823105,Pennsylvania,Eastern Time (US & Canada) -13206,Jeb Bush,0.6813,yes,1.0,Negative,1.0,None of the above,1.0,,coasmi,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:31 -0700,629474170435317760,Georgia, -13207,John Kasich,0.6906,yes,1.0,Negative,0.6808,None of the above,1.0,,JanelleClausen,,0,,,"Kasich needs more time in the #GOPDebates, honestly. https://t.co/MygdUrM2KW",,2015-08-06 19:08:30 -0700,629474162789228544,SUNY Stony Brook,Eastern Time (US & Canada) -13208,Ted Cruz,0.6817,yes,1.0,Positive,0.6524,None of the above,1.0,,HogT1de,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:29 -0700,629474162210422784,Twisty road of life,Central Time (US & Canada) -13209,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6354,,theGOAPT,,1,,,"RT @InfamousPCG77: Here's what they think about you, Ben Carson!!!! THEY DON'T LOVE YOU!!!! #GOPDebates http://t.co/1yQzZzEDNN",,2015-08-06 19:08:29 -0700,629474160494817280,#htine ,Central Time (US & Canada) -13210,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,JessieG143,,0,,,There should be more #GOPDebates ! This is so entertaining!,,2015-08-06 19:08:28 -0700,629474157282070529,,Quito -13211,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mickieanderson4,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:28 -0700,629474156686516224,, -13212,No candidate mentioned,1.0,yes,1.0,Negative,0.6983,None of the above,0.6564,,averykayla,,0,,,"""I'm he only guy on this stage"" has been said by all 10 candidates who are all male...so no you're not the only guy on stage #GOPDebates",,2015-08-06 19:08:27 -0700,629474150697050112,Boston,Eastern Time (US & Canada) -13213,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hitechjunkie,,0,,,#GOPDebates there is no politically correct way to say America is failing with its current leadership. A deadbeat nation with no change.,,2015-08-06 19:08:27 -0700,629474150151753728,,Central Time (US & Canada) -13214,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6842,,Vbuggs,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:08:26 -0700,629474149329674241,All Over the Globe ,Eastern Time (US & Canada) -13215,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,nsaidian,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:21 -0700,629474126474801152,USA, -13216,Donald Trump,1.0,yes,1.0,Positive,0.6512,None of the above,1.0,,CrazyLadyKimmy,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:08:21 -0700,629474126365749248,Great State of TENNESSEE, -13217,Donald Trump,1.0,yes,1.0,Negative,0.6804,FOX News or Moderators,1.0,,fisherynation,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:08:21 -0700,629474125023707136,, -13218,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,foxnewlife,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:20 -0700,629474123463401472,,London -13219,Jeb Bush,0.3923,yes,0.6264,Negative,0.6264,Jobs and Economy,0.3923,,thepoliticalcat,,4,,,"RT @jsc1835: Jebby talking changing tax code to fix ""job killers"". Is that Jebspeak for give corporations more tax breaks? #GOPDebates",,2015-08-06 19:08:19 -0700,629474120095260672,Everywhere,Tehran -13220,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6897,,_Darling_Nikki,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:08:19 -0700,629474119386550272,Wiscansin ,Central Time (US & Canada) -13221,Jeb Bush,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,Julie_A_Maurer,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:19 -0700,629474116802867200,, -13222,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,cnvii77,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:17 -0700,629474107814313984,"Bat Country, TX", -13223,No candidate mentioned,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,scottaxe,,0,,,#GOPdebates I'm going to say it. Thank god Chrîs Walłace is there,,2015-08-06 19:08:16 -0700,629474106673487872,Los Angeles , -13224,No candidate mentioned,1.0,yes,1.0,Negative,0.6895,None of the above,1.0,,Annie_Onymous,,0,,,Is the #GOPdebates really an oral version of @CAH ?,,2015-08-06 19:08:15 -0700,629474102084907008,thru the looking glass,Central Time (US & Canada) -13225,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Liyah_Marley,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:08:15 -0700,629474099727855616,"Fuck You Pay Me, Ontario",America/Detroit -13226,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6667,,nwghibli,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:14 -0700,629474097777508353,,Eastern Time (US & Canada) -13227,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AcerbicAxioms,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:13 -0700,629474092446433280,Republic of Texas, -13228,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Art_Donovan,,3,,,RT @loribuckmajor: It's cute how Chris Christie has the Bob's Big Boy haircut #GOPDebates,,2015-08-06 19:08:13 -0700,629474091901194240,2:46 A.M. Rock & Roll,Central Time (US & Canada) -13229,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,OelkTree96,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:08:12 -0700,629474086750531584,"Hastings, MN • UIowa 2018",Eastern Time (US & Canada) -13230,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mercedesschlapp,,5,,,"In terms of substance, @JebBush dominates #GOPdebates",,2015-08-06 19:08:11 -0700,629474086717100032,"Alexandria, VA",Eastern Time (US & Canada) -13231,Donald Trump,1.0,yes,1.0,Positive,0.6837,FOX News or Moderators,0.6809,,MsContrarianSci,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:08:11 -0700,629474084653518853,North America, -13232,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KenIllgen,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:09 -0700,629474074255757313,Las Vegas,Pacific Time (US & Canada) -13233,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Women's Issues (not abortion though),0.6791,,d_fahn,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:08 -0700,629474073345687552,Somewhere in Germany, -13234,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Chuck1079,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:06 -0700,629474063791091712,"Pittsburgh, Pa.",Eastern Time (US & Canada) -13235,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,Jethro1701,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:08:06 -0700,629474063472324608,Lagrange Point L3 or East TN,Eastern Time (US & Canada) -13236,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,Women's Issues (not abortion though),0.6716,,b_momani,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:04 -0700,629474057356988416,,Atlantic Time (Canada) -13237,No candidate mentioned,1.0,yes,1.0,Neutral,0.6871,None of the above,1.0,,kelly_c_roache,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:08:01 -0700,629474044702773248,"Princeton, New Jersey", -13238,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,Women's Issues (not abortion though),0.6966,,superkimtendo,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:59 -0700,629474036368732160,"Washington, D.C.",Eastern Time (US & Canada) -13239,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ElizabethMTHC,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:57 -0700,629474027430670337,,Atlantic Time (Canada) -13240,Scott Walker,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cheeriogrrrl,,1,,,Obviously @RogerAiles doesn't want @ScottWalker as #President. Is everyone okay with @FoxNews selecting the #GOP nominee? #GOPDebates,,2015-08-06 19:07:57 -0700,629474026470174721,,Central Time (US & Canada) -13241,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,0.6771,,louvice,,8,,,"RT @SupermanHotMale: Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPoli…",,2015-08-06 19:07:55 -0700,629474017183932416,,Indiana (East) -13242,No candidate mentioned,1.0,yes,1.0,Positive,0.3523,None of the above,0.6477,,grahamkilmer,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:54 -0700,629474014935674881,"Milwaukee, Wi", -13243,Jeb Bush,0.6813,yes,1.0,Negative,1.0,None of the above,1.0,,jenner_allen,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:53 -0700,629474007272656896,, -13244,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gary4205,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:50 -0700,629473996820471808,Texas,Eastern Time (US & Canada) -13245,No candidate mentioned,1.0,yes,1.0,Neutral,0.6667,None of the above,1.0,,JamesW_754,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:48 -0700,629473987546992640,,Pacific Time (US & Canada) -13246,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MichaelCalvert9,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:47 -0700,629473982597607424,IN, -13247,Donald Trump,0.4444,yes,0.6667,Positive,0.3333,FOX News or Moderators,0.4444,,GameANew,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:07:46 -0700,629473978785136640,"Clarion, Pa.",Atlantic Time (Canada) -13248,Donald Trump,1.0,yes,1.0,Negative,0.6599,FOX News or Moderators,1.0,,2oceans1,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:07:45 -0700,629473976436178944,Castle Rock Colorado,Greenland -13249,No candidate mentioned,0.435,yes,0.6596,Negative,0.3511,None of the above,0.435,,electro_moon,,1,,,RT @averykayla: You are now promising free pizza every Friday and no homework ever again! #GOPDebates,,2015-08-06 19:07:44 -0700,629473970887258112,"Denver, ColoRADo",Eastern Time (US & Canada) -13250,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6456,,NateMJensen,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:44 -0700,629473970102865920,"Silver Spring, MD",Eastern Time (US & Canada) -13251,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6522,,kimmyt0,,0,,,Privatize everything. Fuck you Chris Christie. #GOPDebates,,2015-08-06 19:07:43 -0700,629473968118964224,Nc, -13252,Jeb Bush,0.6591,yes,1.0,Negative,1.0,None of the above,0.6591,,BiHiRiverOfLife,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:43 -0700,629473965807898624,"Dublin, PA",Atlantic Time (Canada) -13253,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JenniferMBKing,,0,,,"I could never run for president. ""My father was a geophysicist"" doesn't resonate with voters #GOPDebates",,2015-08-06 19:07:42 -0700,629473962792108032,, -13254,Ted Cruz,0.5073,yes,0.7122,Positive,0.3874,None of the above,0.5073,,_loricarrdestin,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:07:42 -0700,629473961181626368,"Florida, USA~ New Orleans",Eastern Time (US & Canada) -13255,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ccokermn,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:41 -0700,629473957683568640,"South Carolina, USA",Eastern Time (US & Canada) -13256,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sports_overload,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:40 -0700,629473956643344388,north florida , -13257,No candidate mentioned,0.4171,yes,0.6458,Negative,0.3333,None of the above,0.4171,,benhaygood,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:38 -0700,629473946304425984,New Jersey,Pacific Time (US & Canada) -13258,Ben Carson,1.0,yes,1.0,Negative,1.0,Racial issues,0.6916,,thefeministmom,,1,,,RT @itsRodT: This silencing of Ben Carson is just one glimpse into why tokenism doesn't work and just how racial hierarchy operates #GOPDeb…,,2015-08-06 19:07:38 -0700,629473945385848832,Greenville SC, -13259,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6813,,SmoaknArrowPM,,0,,,If politicians would stop raiding the SS/Medicare funds & actual put back what they took out.... #GOPDebates,,2015-08-06 19:07:35 -0700,629473932630822912,Starling City, -13260,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,0.6508,,GilbertoBosques,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:34 -0700,629473928520437760,Mexico,Pacific Time (US & Canada) -13261,Chris Christie,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Chalicechick,,0,,,"""I'm the only guy on this stage who..."" Is Christie's theme and it's not a bad theme. #GOPDebates",,2015-08-06 19:07:33 -0700,629473923705511936,"McLean, VA",Tehran -13262,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,CogitoHayes,,0,,,Why did I expect anything from these people? Thats my fault. #GOPdebates,,2015-08-06 19:07:32 -0700,629473921134268417,Kansas City, -13263,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RamAugusto,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:31 -0700,629473916990324736,Puerto Rico,Brasilia -13264,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,JennyLFord,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:07:31 -0700,629473916302585856,"Indianapolis, IN",Eastern Time (US & Canada) -13265,No candidate mentioned,1.0,yes,1.0,Negative,0.3518,None of the above,1.0,,FarAwayEyes7,,0,,,Moving on from the #GOPDebates to #Rectify Daniel Holden,,2015-08-06 19:07:30 -0700,629473912355692544,Sunny SOFL, -13266,Donald Trump,1.0,yes,1.0,Negative,0.3407,None of the above,1.0,,lindsayhrabar,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:07:28 -0700,629473903765778433,,Atlantic Time (Canada) -13267,No candidate mentioned,1.0,yes,1.0,Negative,0.7174,Jobs and Economy,0.7174,,Farrellelisms,,0,,,"Oh yes please pontificate on social security reform, baby boomers #GOPDebates",,2015-08-06 19:07:28 -0700,629473903296016384,,Eastern Time (US & Canada) -13268,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RayRod59,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:07:25 -0700,629473891342114816,Tx,Central Time (US & Canada) -13269,John Kasich,0.4509,yes,0.6715,Positive,0.6715,None of the above,0.4509,,msgoddessrises,,0,,,Thank you O B wan.:)😎👍🏻 #Kasich #GOPDebates https://t.co/xCpcPx2n8u,,2015-08-06 19:07:24 -0700,629473886560620544,Viva Las Vegas NV.,Pacific Time (US & Canada) -13270,No candidate mentioned,1.0,yes,1.0,Neutral,0.6813,None of the above,0.6813,,fouzzball,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:24 -0700,629473885432455168,panopticon,Eastern Time (US & Canada) -13271,Donald Trump,1.0,yes,1.0,Negative,0.6444,None of the above,0.6667,,Virginia4USA,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:07:22 -0700,629473879950495744,GA - #CATHOLIC #LymeDisease ,Eastern Time (US & Canada) -13272,Donald Trump,1.0,yes,1.0,Negative,0.6897,FOX News or Moderators,1.0,,TroyInch,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:07:20 -0700,629473872522387456,Ft Lauderdale,Eastern Time (US & Canada) -13273,No candidate mentioned,1.0,yes,1.0,Negative,0.6739,None of the above,1.0,,Vaprrenon,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:07:20 -0700,629473872182575104,Isilldorn, -13274,Chris Christie,1.0,yes,1.0,Positive,0.6722,None of the above,0.6774,,Perry_T,,0,,,Christie practiced. Lots of numbers. #GOPDebates,,2015-08-06 19:07:20 -0700,629473871402520576,,Mid-Atlantic -13275,Jeb Bush,1.0,yes,1.0,Positive,0.682,None of the above,1.0,,winkbarry,,0,,,High lofty expectations! #Jeb Jeb Jeb! Where's #Trump? #GOPDebates,,2015-08-06 19:07:19 -0700,629473867115954177,America, -13276,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.7097,,Eyesore42,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:19 -0700,629473865643728896,Las Vegas,Arizona -13277,No candidate mentioned,1.0,yes,1.0,Neutral,0.6556,None of the above,0.6667,,Max_Samis,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:18 -0700,629473863999467520,"Washington, D.C.",Eastern Time (US & Canada) -13278,John Kasich,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,THC1,,6,,,RT @jesslstoner: KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:07:18 -0700,629473863160627200,San Francisco,Pacific Time (US & Canada) -13279,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KoralMae,,0,,,Dear Donald Trump... Thank you! #GOPDebates 😜,,2015-08-06 19:07:18 -0700,629473862636302337,Nearly Alone on Planet Earth,Pacific Time (US & Canada) -13280,No candidate mentioned,1.0,yes,1.0,Negative,0.6556,Women's Issues (not abortion though),0.6556,,sudixitca,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:18 -0700,629473861407379456,Darwin,Pacific Time (US & Canada) -13281,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DebraRusso,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:16 -0700,629473852154732544,,Eastern Time (US & Canada) -13282,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,b140tweet,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:07:14 -0700,629473844957446149,Heaven ,Eastern Time (US & Canada) -13283,Chris Christie,1.0,yes,1.0,Positive,0.6921,None of the above,1.0,,loribuckmajor,,3,,,It's cute how Chris Christie has the Bob's Big Boy haircut #GOPDebates,,2015-08-06 19:07:13 -0700,629473841765429249,A land far far away.,Pacific Time (US & Canada) -13284,Scott Walker,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6426,,SupermanHotMale,,8,,,"Dear Gov Walker, you have nothing to brag about, you fucked your state of Wisconsin and you suck Koch... #BitchAssPolitician. #GopDebates",,2015-08-06 19:07:12 -0700,629473835272785920,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13285,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,zeepman,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:11 -0700,629473833657856000,,Central Time (US & Canada) -13286,No candidate mentioned,1.0,yes,1.0,Neutral,0.6774,None of the above,0.6559,,LibyaLiberty,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:10 -0700,629473829019066368,Heart & Soul in Libya,Baghdad -13287,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RayRod59,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:07:10 -0700,629473827026636801,Tx,Central Time (US & Canada) -13288,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AndreaHodges1,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:09 -0700,629473823419576321,"Olive Branch, MS", -13289,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,TrudyStain,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:06 -0700,629473813906862080,Deep inside you!,Quito -13290,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,snyds7,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:06 -0700,629473811600007168,,Arizona -13291,No candidate mentioned,1.0,yes,1.0,Negative,0.6559,None of the above,0.6774,,dhnexon,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:07:02 -0700,629473796697792512,"Washington, DC",Eastern Time (US & Canada) -13292,No candidate mentioned,0.4964,yes,0.7045,Negative,0.7045,Foreign Policy,0.4964,,geminigod,,0,,,"2015 Future RESULTS of tonight's #GOPDebate - -#GOPDebates -#GOPUnfit2LeadOrGovern -#GOPfail -#gopTroglodytes http://t.co/1vuXsNehkw",,2015-08-06 19:07:02 -0700,629473796395655168,everywhere , -13293,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,RayRod59,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:02 -0700,629473795678429184,Tx,Central Time (US & Canada) -13294,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,28fcb75c537c4e2,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:07:01 -0700,629473791823904768,"Greer, SC", -13295,John Kasich,0.6742,yes,1.0,Negative,1.0,None of the above,1.0,,TheOracle13,,6,,,RT @jesslstoner: KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:06:59 -0700,629473784542527488,,Atlantic Time (Canada) -13296,No candidate mentioned,1.0,yes,1.0,Negative,0.6588,Women's Issues (not abortion though),0.6588,,nathanguttman,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:06:59 -0700,629473781979971584,,Quito -13297,Jeb Bush,0.4766,yes,0.6904,Negative,0.6904,None of the above,0.4766,,BamaPeej,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:58 -0700,629473776493838336,Somewhere South of Nowhere,Central Time (US & Canada) -13298,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,SSK1ATX,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:56 -0700,629473768465899522,"Austin, TX",Central Time (US & Canada) -13299,No candidate mentioned,0.4542,yes,0.6739,Negative,0.6739,Women's Issues (not abortion though),0.4542,,DenniqueT23C,,1,,,RT @AnisaLiban: #GOPDebates proved that Women in the US are more likely to be assaulted by men (verbally & physically) than any kind of 'te…,,2015-08-06 19:06:55 -0700,629473765286670337,Virgin Islands ✈️ Ohio,Pacific Time (US & Canada) -13300,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,seasicksiren,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:54 -0700,629473761180299264,,Pacific Time (US & Canada) -13301,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ErnestoB27,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:52 -0700,629473754616172544,"Phoenix, AZ", -13302,No candidate mentioned,1.0,yes,1.0,Negative,0.6492,Healthcare (including Medicare),0.7016,,racquetball54,,0,,,Repeal #ObamaCare seems to be a theme here #GOPDebates,,2015-08-06 19:06:51 -0700,629473748408610816,Pacific NW, -13303,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6489,,alicemercer,,0,,,Hey did Jeb just push Keystone? Not gonna be popular in fracking states. #GOPDebates #likeweneedmoreoil,,2015-08-06 19:06:51 -0700,629473747938865152,"Sacramento, CA",Pacific Time (US & Canada) -13304,Jeb Bush,0.4287,yes,0.6548,Negative,0.6548,None of the above,0.4287,,michaelwalkerw1,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:51 -0700,629473747330666496,, -13305,No candidate mentioned,1.0,yes,1.0,Neutral,0.6517,None of the above,1.0,,sassypants977,,0,,,It's ok Joe. Rick Perry is watching the #GOPDebates the same way right now. http://t.co/bnXbsOAmsh,,2015-08-06 19:06:50 -0700,629473744977657856,, -13306,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,JanRs12,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:50 -0700,629473743803412480,,Eastern Time (US & Canada) -13307,No candidate mentioned,1.0,yes,1.0,Negative,0.6596,None of the above,0.6596,,allenjoseph5,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:06:50 -0700,629473743132303360,Florida,Central Time (US & Canada) -13308,Donald Trump,1.0,yes,1.0,Neutral,0.6979,None of the above,1.0,,prernas15,,0,,,I'd be interested to see responses to what people would be willing to do #IfTrumpPaidYou #GOPDebates,,2015-08-06 19:06:49 -0700,629473740326350848,,Atlantic Time (Canada) -13309,Jeb Bush,0.6729999999999999,yes,1.0,Neutral,0.6403,None of the above,0.6403,,NateMJensen,,0,,,Asking about entitlement reform. Might be talking about Bush and Clinton. #GOPdebates,,2015-08-06 19:06:49 -0700,629473738711564289,"Silver Spring, MD",Eastern Time (US & Canada) -13310,Donald Trump,0.4074,yes,0.6383,Positive,0.3298,,0.2309,,tamkyn,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:06:48 -0700,629473737121886208,USA,Eastern Time (US & Canada) -13311,Scott Walker,1.0,yes,1.0,Negative,0.6715,None of the above,1.0,,Thrillhouse512,,0,,,"Correct me if I'm wrong, but Scott Walker was pretty much universally hated in Wisconsin after he was elected, right? #GOPDebates",,2015-08-06 19:06:46 -0700,629473727437242368,"Bridgeport, CT",Eastern Time (US & Canada) -13312,No candidate mentioned,1.0,yes,1.0,Neutral,0.6421,None of the above,0.6842,,NatashaBertrand,,50,,,RT @mozgovaya: 10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:06:46 -0700,629473727374299137,"New York, NY",Pacific Time (US & Canada) -13313,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6653,,BillLusby,,0,,,"#GOPDebates dumb, dumb questions. Get on with it.",,2015-08-06 19:06:45 -0700,629473725641981953,"Alpharetta, GA USA",Eastern Time (US & Canada) -13314,John Kasich,0.6966,yes,1.0,Negative,1.0,None of the above,0.6517,,b140tweet,,6,,,RT @jesslstoner: KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:06:45 -0700,629473724207624192,Heaven ,Eastern Time (US & Canada) -13315,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6889,,IamMillTalk,,0,,,My mom just texted me black lives don't matter and neither does Black Republican lives #GOPDebates,,2015-08-06 19:06:45 -0700,629473724140400642,"Show Me State, chile",Central Time (US & Canada) -13316,Chris Christie,1.0,yes,1.0,Neutral,0.6559,None of the above,1.0,,donutsalad123,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:44 -0700,629473720285949952,, -13317,Donald Trump,1.0,yes,1.0,Negative,0.6313,FOX News or Moderators,1.0,,gatmanuk1,,73,,,RT @RWSurferGirl: I'm really really really pissed off at FOX News for what they did to @realDonaldTrump #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:06:42 -0700,629473712031596544,World/Net CitiZen,Nairobi -13318,Donald Trump,1.0,yes,1.0,Positive,0.34700000000000003,FOX News or Moderators,1.0,,borsato79,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:06:40 -0700,629473701898096640,, -13319,Donald Trump,1.0,yes,1.0,Negative,0.3636,FOX News or Moderators,0.6932,,bigsteve0778,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:06:39 -0700,629473699624828929,United States, -13320,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,0.6628,,chellelynnadams,,0,,,Drink every time @HillaryClinton is mentioned during the #GOPDebates #FOXNEWSDEBATE http://t.co/oPZtAeEGZO,,2015-08-06 19:06:38 -0700,629473692842635266,"Grove City, Ohio",Atlantic Time (Canada) -13321,No candidate mentioned,1.0,yes,1.0,Neutral,0.7045,FOX News or Moderators,0.7045,,TweakedTweet,,0,,,Why has no one mentioned #Cecil ? #CecilTheLion #GOPDebate #GOPDebates @megynkelly,,2015-08-06 19:06:37 -0700,629473690196029440,"Whoville, NY",Mid-Atlantic -13322,No candidate mentioned,1.0,yes,1.0,Negative,0.6563,None of the above,0.6667,,mozgovaya,,50,,,10 men on stage discussing one woman. @HillaryClinton #GOPdebates,,2015-08-06 19:06:37 -0700,629473688627380225,"Washington, DC",Eastern Time (US & Canada) -13323,No candidate mentioned,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,MichaelRosselli,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:06:36 -0700,629473686349869056,"Jupiter/Gainesville, FL",Eastern Time (US & Canada) -13324,Jeb Bush,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6691,,LeslieDye4,,2,,,"RT @SupermanHotMale: Hey Jeb Bush, you have nothing to replace ObamaCare with and you give us a break, you fu***ng Asshole. #GopDebates",,2015-08-06 19:06:36 -0700,629473685716471808,Ohio,Eastern Time (US & Canada) -13325,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,myname_is_kathm,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:35 -0700,629473684043001856,, -13326,Jeb Bush,1.0,yes,1.0,Negative,0.6556,None of the above,1.0,,GeorgeEliseo,,0,,,"Someone here just said, ""Jeb looks more like a vice-president."" #GOPDebates",,2015-08-06 19:06:35 -0700,629473683405279233,"San Diego, California",Pacific Time (US & Canada) -13327,No candidate mentioned,1.0,yes,1.0,Negative,0.6628,Women's Issues (not abortion though),1.0,,MarisaElana,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:06:35 -0700,629473681648041984,"New York, NY",Eastern Time (US & Canada) -13328,Donald Trump,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,1.0,,SpinePainBegone,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:06:32 -0700,629473669601832960,"San Antonio, TX 78229",Central Time (US & Canada) -13329,Rand Paul,1.0,yes,1.0,Negative,0.6695,None of the above,1.0,,gatmanuk1,,26,,,RT @RWSurferGirl: Rand Paul has William Shatner's old hairpiece from Star Trek 2: The Wrath of Khan. #GOPDebate #GOPDebates,,2015-08-06 19:06:32 -0700,629473669098655744,World/Net CitiZen,Nairobi -13330,No candidate mentioned,1.0,yes,1.0,Neutral,0.6748,None of the above,1.0,,EvieMichal20,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:06:30 -0700,629473662513623040,probably at some concert,Central Time (US & Canada) -13331,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ozarklady76,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:30 -0700,629473662437953537,Arkansas,Pacific Time (US & Canada) -13332,Jeb Bush,1.0,yes,1.0,Neutral,0.3516,None of the above,1.0,,DianneWing2,,0,,,"@InaMaziarcz Remember, kids. #jebbush is the ""smart"" brother. #gopdebates",,2015-08-06 19:06:29 -0700,629473657123942400,Georgia, -13333,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aharperrose,,0,,,When the #GOPDebates pulls out the double candidate box you KNOW shit is about to get real dirty. And awesome.,,2015-08-06 19:06:29 -0700,629473656121364480,"Santa Monica, CA",Eastern Time (US & Canada) -13334,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,dickdez,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:28 -0700,629473651843203072,"Prescott, Arizona",Eastern Time (US & Canada) -13335,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tstuart2008,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:24 -0700,629473636814946304,Wyoming , -13336,Jeb Bush,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,PimpDaddyTikaae,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 19:06:24 -0700,629473635548442624,,Hawaii -13337,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6702,,Rebecca_Halton,,0,,,"Can't a gal just enjoy watching #GOPdebates without all these ""tolerant"" people attacking me out of nowhere? Rrright, b/c that's cool...👎👎",,2015-08-06 19:06:24 -0700,629473635523149825,,Pacific Time (US & Canada) -13338,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,MariaTakesTX,,0,,,Bush reminds me of his father and brother its déjà vu or more like really bad whiplash into the past #GOPDebates #PresidentialDebate #2016,,2015-08-06 19:06:23 -0700,629473632851341313,☀ AZ/TX,Pacific Time (US & Canada) -13339,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,azeducator,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:23 -0700,629473630284480512,"Phoenix, Arizona",Arizona -13340,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,n0tofthisw0rld,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:23 -0700,629473630095867904,USA,Central Time (US & Canada) -13341,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,kwrcrow,,0,,,@JebBush makes HUGE promises and claims he can create 19million jobs. 3x what daddy and W did combined. #GOPDebates Please don't lie Jeb.,,2015-08-06 19:06:22 -0700,629473628845805568,Fly Over Country,Mountain Time (US & Canada) -13342,Scott Walker,1.0,yes,1.0,Negative,0.6665,None of the above,1.0,,jsc1835,,0,,,"Oh dear, Scott Walker is in his fantasy world again. #GOPDebates",,2015-08-06 19:06:22 -0700,629473625427423232,,Central Time (US & Canada) -13343,Donald Trump,1.0,yes,1.0,Positive,0.3587,FOX News or Moderators,0.6413,,jacquienthebox,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:06:21 -0700,629473623334629377,,Eastern Time (US & Canada) -13344,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Tonyamaries,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:20 -0700,629473618288705539,"Bonney Lake, WA",Pacific Time (US & Canada) -13345,Ted Cruz,0.6495,yes,1.0,Positive,0.6495,None of the above,0.6495,,claudet28549415,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:06:17 -0700,629473607463235584,,Central Time (US & Canada) -13346,No candidate mentioned,1.0,yes,1.0,Negative,0.6773,None of the above,1.0,,alyssapierce,,2,,,RT @hbludman: They'd rather talk about @HillaryClinton than debate the issues. Somewhere Hillary is laughing. #GOPDebates,,2015-08-06 19:06:17 -0700,629473605873717248,Jersey City,Eastern Time (US & Canada) -13347,Scott Walker,0.4062,yes,0.6374,Negative,0.6374,None of the above,0.4062,,Yefet4USA,,0,,,"Scott Walker's campaign promises are simply ""aiming high"" #GOPDebates",,2015-08-06 19:06:17 -0700,629473604959367169,D.C, -13348,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,Mullchess,,1,,,"@FoxNews Can't stand much more. If these 10 are the best of the GOP, I love our chances in 2016 #GOPDebates #UniteBIue",,2015-08-06 19:06:13 -0700,629473589733883904,Texas,Central Time (US & Canada) -13349,Jeb Bush,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,MunichEleven,,172,,,RT @RWSurferGirl: Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:09 -0700,629473574273708032,"Patriots, defend our freedom!",Alaska -13350,Scott Walker,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6628,,luciabrawley,,1,,,"Walker: ""The problem is there's too much $ in Washington."" Cut to the Koch Bros stuffing bucks into his back pocket. #GOPDebates",,2015-08-06 19:06:09 -0700,629473573145415681,"Miami, NY, LA",Tehran -13351,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,0.6358,,fergie_spuds,,1,,,Ben Carson's tithing tax system be like #GOPDebates http://t.co/OxohrZbBWz,,2015-08-06 19:06:07 -0700,629473565650325504,Where you least expect ▲,Alaska -13352,Donald Trump,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,mste0312,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:06:05 -0700,629473556661960708,, -13353,Chris Christie,1.0,yes,1.0,Negative,0.6702,None of the above,0.6489,,ikickthetruth,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:06:05 -0700,629473555751804928,Running the Tri-State ,Eastern Time (US & Canada) -13354,Ben Carson,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,b140tweet,,2,,,RT @tmservo433: Ben Carson: If I was trying to destroy the country I would divide the people. Now lets talk about my anti-lgbt pro war plan…,,2015-08-06 19:06:04 -0700,629473551070953472,Heaven ,Eastern Time (US & Canada) -13355,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HostileUrbanist,,2,,,"RT @EnzoWestie: Remember, kids. #jebbush is the ""smart"" brother. #gopdebates",,2015-08-06 19:06:03 -0700,629473547572936705,Chicago, -13356,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,DrFleece,,0,,,Two hours of action movie voiceovers #GOPDebates,,2015-08-06 19:06:01 -0700,629473538391543808,The faux Pas, -13357,Jeb Bush,0.6761,yes,1.0,Neutral,0.3438,None of the above,1.0,,sprittibee,,0,,,Let's just draw straws and replace everyone in DC from the top down with all these guys on stage besides Bush & Christie? #GOPdebates,,2015-08-06 19:06:00 -0700,629473536994897920,"Austin, TX",Mountain Time (US & Canada) -13358,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,sandra1020,,0,,,Watching the #debate and waiting for Ashton to run onto the stage. #GOPDebates,,2015-08-06 19:05:58 -0700,629473527226175489,"Litchfield Park, AZ", -13359,No candidate mentioned,0.3997,yes,0.6322,Neutral,0.6322,None of the above,0.3997,,Tweets4play,,0,,,So is he! #GopDebates https://t.co/mrXsqH8UyK,,2015-08-06 19:05:58 -0700,629473525221306368,LA, -13360,Jeb Bush,0.4539,yes,0.6737,Negative,0.6737,None of the above,0.4539,,RWSurferGirl,,172,,,Jeb Bush reminds me of elevator music. You hear it but you don't listen. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:05:54 -0700,629473509006151681,"Newport Beach, California",Pacific Time (US & Canada) -13361,Ben Carson,1.0,yes,1.0,Positive,0.6667,None of the above,1.0,,lifeinthered,,5,,,RT @kwrcrow: #DrBenCarson just said he doubts #HillaryClinton will be nominee. Hope he's right. #GOPDebates,,2015-08-06 19:05:53 -0700,629473505726234628,,Mountain Time (US & Canada) -13362,No candidate mentioned,1.0,yes,1.0,Neutral,0.6778,None of the above,0.6556,,mostwiselatina,,0,,,"#LatinosListen #GOPDebates Good questions, but early",,2015-08-06 19:05:53 -0700,629473505323552768,"San Francisco, California", -13363,Rand Paul,1.0,yes,1.0,Neutral,0.6292,None of the above,0.6966,,snarkberg,,0,,,I'm voting for Rand Paul's sassy eye rolling for president. #GOPDebates,,2015-08-06 19:05:52 -0700,629473501846450176,"Ontario, Canada", -13364,No candidate mentioned,1.0,yes,1.0,Negative,0.68,None of the above,0.66,,EcstasyFumbling,,0,,,Ah... I feel as if I'm going to be white shamed tomorrow. @pattonoswalt @kevin_nealon @CyrusMMcQueen #GOPDebates,,2015-08-06 19:05:49 -0700,629473491104989188,Shhh..., -13365,Donald Trump,0.2307,yes,0.6717,Neutral,0.6717,None of the above,0.4512,,JohnnyLawrenc10,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:49 -0700,629473488084975616,Katy TX, -13366,Donald Trump,1.0,yes,1.0,Negative,0.6608,FOX News or Moderators,0.6642,,AmericaSpirit16,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:05:47 -0700,629473479981723648,United States,Pacific Time (US & Canada) -13367,Donald Trump,1.0,yes,1.0,Neutral,0.3723,None of the above,1.0,,jnncb,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:05:46 -0700,629473476659712000,,Irkutsk -13368,Scott Walker,0.4444,yes,0.6667,Negative,0.6667,FOX News or Moderators,0.2375,,MaraAlyseGH,,0,,,REAL PEOPLE LIVE IN THOSE COUNTIES GOVERNOR WALKER. #privatesectorArlington #GOPDebates,,2015-08-06 19:05:46 -0700,629473475103694848,"Washington, DC",Eastern Time (US & Canada) -13369,No candidate mentioned,1.0,yes,1.0,Negative,0.6462,None of the above,1.0,,LeslieSholly,,2,,,RT @hbludman: They'd rather talk about @HillaryClinton than debate the issues. Somewhere Hillary is laughing. #GOPDebates,,2015-08-06 19:05:45 -0700,629473473610412032,"Knoxville, Tennessee",Eastern Time (US & Canada) -13370,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,ScumyScum,,0,,,When Donald Trump calls out Rosie ODonald 👌🏼😂 #GOPdebates,,2015-08-06 19:05:45 -0700,629473473006452736,Cheney, -13371,No candidate mentioned,1.0,yes,1.0,Neutral,0.6364,None of the above,1.0,,ConnieCameHome,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:45 -0700,629473470984773633,"Tulsa, OKLAHOMA",Central Time (US & Canada) -13372,Donald Trump,1.0,yes,1.0,Negative,0.6739,FOX News or Moderators,0.6739,,marypatriott,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:05:43 -0700,629473463787352064,Dark Blue Minneapolis ,Central Time (US & Canada) -13373,Ben Carson,1.0,yes,1.0,Negative,0.6656,None of the above,1.0,,danitheredstate,,5,,,RT @kwrcrow: #DrBenCarson just said he doubts #HillaryClinton will be nominee. Hope he's right. #GOPDebates,,2015-08-06 19:05:43 -0700,629473463456038913,,Central Time (US & Canada) -13374,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,veritasema,,0,,,Kasich is like.....i don't live up to my promises...but people vote for me! And I am not Barack Obama. #GOPDebates,,2015-08-06 19:05:40 -0700,629473451640647684,The comfy chair,Central Time (US & Canada) -13375,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,shamrocklaw454,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:05:40 -0700,629473450566926337,"Texas, USA", -13376,Jeb Bush,1.0,yes,1.0,Negative,0.6735,FOX News or Moderators,1.0,,RobynSChilson,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:05:39 -0700,629473448172093440,Pennsylvania,Atlantic Time (Canada) -13377,Ted Cruz,1.0,yes,1.0,Positive,0.3622,None of the above,0.6701,,jaxonsl,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:39 -0700,629473447232434176,,Central Time (US & Canada) -13378,No candidate mentioned,1.0,yes,1.0,Negative,0.7174,None of the above,1.0,,msgoddessrises,,0,,,"Koch puppet speaking exactly what he's told to say. ""Well done David! ""Well done Charles!"" #GOPDebates",,2015-08-06 19:05:37 -0700,629473439053578240,Viva Las Vegas NV.,Pacific Time (US & Canada) -13379,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MaryNeilson1,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:05:35 -0700,629473431189237760,mary@maryneilson.com,Eastern Time (US & Canada) -13380,No candidate mentioned,0.4251,yes,0.652,Neutral,0.652,None of the above,0.4251,,uhhlimee,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:34 -0700,629473426160414720,"Hampton Bays, NY",Eastern Time (US & Canada) -13381,No candidate mentioned,0.4347,yes,0.6593,Negative,0.6593,None of the above,0.4347,,_LaMona_,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:34 -0700,629473425845653504,,Central Time (US & Canada) -13382,No candidate mentioned,1.0,yes,1.0,Neutral,0.6383,None of the above,0.6915,,Paperboy415,,0,,,"I would actually think none of my friends were dumb enough to risk severe alcohol poisoning - -#GOPDebates #FoxDebate #GOPDrinkingGame",,2015-08-06 19:05:32 -0700,629473419742973952,San Francisco - Connecticut,Pacific Time (US & Canada) -13383,No candidate mentioned,1.0,yes,1.0,Neutral,0.679,None of the above,1.0,,ckk0411,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:32 -0700,629473416886665216,"Winnipeg, Canada",Central Time (US & Canada) -13384,Mike Huckabee,1.0,yes,1.0,Negative,0.6776,None of the above,0.6776,,annamaquino,,2,,,"RT @tonibirdsong: ""It's time we recognize that The Supreme Court is not the Supreme Being."" - @GovMikeHuckabee #GOPDebates / 🇺🇸",,2015-08-06 19:05:30 -0700,629473410003939328,Central Ohio,Central Time (US & Canada) -13385,Scott Walker,0.4584,yes,0.6771,Negative,0.6771,None of the above,0.4584,,zabackj,,0,,,Scott Walker. You're also kinda creepy. Cartoon character creepy. It won't happen. @GOP #GOPDebate #GOPDebate2016 #GOPDebates,,2015-08-06 19:05:28 -0700,629473402152185856,"New York, NY",Eastern Time (US & Canada) -13386,Ted Cruz,0.6606,yes,1.0,Neutral,0.6372,None of the above,1.0,,FooteMosh,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:26 -0700,629473391485956097,michigan, -13387,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6659,,RezOKC,,0,,,"MAKE INSURANCE GO AWAY AND THEN DO SOME OTHER DIFFERENT THING - -#JebBush -#GOPDebates",,2015-08-06 19:05:26 -0700,629473390613544961,"Slapnuts, Oklahoma",Central Time (US & Canada) -13388,No candidate mentioned,1.0,yes,1.0,Negative,0.6923,None of the above,1.0,,lexasaurusrex44,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:25 -0700,629473387010625536,,Eastern Time (US & Canada) -13389,Ted Cruz,0.6552,yes,1.0,Positive,0.3448,None of the above,0.6552,,tsherman1218,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:24 -0700,629473383676116992,,Central Time (US & Canada) -13390,Ted Cruz,1.0,yes,1.0,Positive,0.3677,None of the above,0.6685,,jvsgooch,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:22 -0700,629473375304445953,, -13391,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,neandergal,,0,,,Bring back #DonaldTrump ! I'm bored now! #GOPDebate #GOPDebates,,2015-08-06 19:05:21 -0700,629473373433696257,San Francisco,Pacific Time (US & Canada) -13392,Donald Trump,1.0,yes,1.0,Positive,0.6739,FOX News or Moderators,1.0,,lonewolf7771,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:05:21 -0700,629473372200570880,, -13393,No candidate mentioned,1.0,yes,1.0,Positive,0.6742,None of the above,0.6742,,lovemiraclej,,0,,,These #GOPDebates questions are really good,,2015-08-06 19:05:21 -0700,629473371395366912,, -13394,No candidate mentioned,1.0,yes,1.0,Neutral,0.6522,None of the above,1.0,,averykayla,,1,,,You are now promising free pizza every Friday and no homework ever again! #GOPDebates,,2015-08-06 19:05:19 -0700,629473364244099072,Boston,Eastern Time (US & Canada) -13395,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,jsc1835,,4,,,"Jebby talking changing tax code to fix ""job killers"". Is that Jebspeak for give corporations more tax breaks? #GOPDebates",,2015-08-06 19:05:19 -0700,629473361739952128,,Central Time (US & Canada) -13396,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,tmetz1226,,0,,,This show sucks. I'm going to read a book. #GOPDebates,,2015-08-06 19:05:18 -0700,629473357688238080,"Austin, TX",Central Time (US & Canada) -13397,No candidate mentioned,1.0,yes,1.0,Neutral,0.6344,None of the above,1.0,,Ashley_Dawn77,,47,,,"RT @BettyFckinWhite: -Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:17 -0700,629473356484472832,"Columbus, OH",Hawaii -13398,Ted Cruz,1.0,yes,1.0,Positive,0.6492,None of the above,1.0,,KeishaJake,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:15 -0700,629473344367296513,,Atlantic Time (Canada) -13399,Mike Huckabee,1.0,yes,1.0,Positive,1.0,None of the above,0.6563,,tonibirdsong,,2,,,"""It's time we recognize that The Supreme Court is not the Supreme Being."" - @GovMikeHuckabee #GOPDebates / 🇺🇸",,2015-08-06 19:05:13 -0700,629473339619340288,"Franklin, Tennessee",Central Time (US & Canada) -13400,Jeb Bush,0.6706,yes,1.0,Negative,0.6706,FOX News or Moderators,1.0,,gatmanuk1,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:05:12 -0700,629473332728057857,World/Net CitiZen,Nairobi -13401,Ben Carson,1.0,yes,1.0,Positive,0.6989,None of the above,1.0,,marylgallegos,,5,,,RT @kwrcrow: #DrBenCarson just said he doubts #HillaryClinton will be nominee. Hope he's right. #GOPDebates,,2015-08-06 19:05:11 -0700,629473331096387584,"Portland, Oregon",Pacific Time (US & Canada) -13402,Donald Trump,1.0,yes,1.0,Negative,0.6842,FOX News or Moderators,1.0,,janiejoMT,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:05:10 -0700,629473327334195200,Montana, -13403,Donald Trump,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,danitheredstate,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:05:10 -0700,629473326977544192,,Central Time (US & Canada) -13404,,0.2325,yes,0.6323,Negative,0.6323,Immigration,0.3999,,TommyLeeAllman,,0,,,Our present immigration system is a job driver Jebya. #GOPDebates,,2015-08-06 19:05:10 -0700,629473326524596224,,Mountain Time (US & Canada) -13405,No candidate mentioned,1.0,yes,1.0,Negative,0.6977,None of the above,1.0,,BettyFckinWhite,,47,,,"-Can you answer this very direct question? --I should be president. --So, no? -#GOPDebates",,2015-08-06 19:05:06 -0700,629473308283502592,I'm on the twitter.,Pacific Time (US & Canada) -13406,Ted Cruz,0.6358,yes,1.0,Positive,1.0,None of the above,1.0,,gatmanuk1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:05:04 -0700,629473300721344512,World/Net CitiZen,Nairobi -13407,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,VivianKhouri,,0,,,It's no coincidence he is a neurosurgeon! This guy sure has a brain on him! #BenCarson #GOPDdebate #GOPDebates,,2015-08-06 19:05:04 -0700,629473300201254912,LA/Atlanta,Pacific Time (US & Canada) -13408,Jeb Bush,1.0,yes,1.0,Negative,1.0,Healthcare (including Medicare),0.6629,,SupermanHotMale,,2,,,"Hey Jeb Bush, you have nothing to replace ObamaCare with and you give us a break, you fu***ng Asshole. #GopDebates",,2015-08-06 19:04:59 -0700,629473280018251776,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13409,,0.2305,yes,0.3605,Neutral,0.3605,,0.2305,,abigaileldridg3,,0,,,Raised right 🐘 #GOPDebates http://t.co/KJjluCqBqr,,2015-08-06 19:04:59 -0700,629473278860488704,, -13410,Donald Trump,0.4594,yes,0.6778,Negative,0.3444,FOX News or Moderators,0.2335,,alexcain33,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:59 -0700,629473277707177984,Knoxville TN,Eastern Time (US & Canada) -13411,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,HooverJackson,,0,,,Dr. are you seriously saying that Hillary Clinton is trying to destroy America ? That's ridiculous & and shame on your lies #GOPDebates,,2015-08-06 19:04:58 -0700,629473277174398976,Northern California,Pacific Time (US & Canada) -13412,Ben Carson,0.4133,yes,0.6429,Negative,0.6429,None of the above,0.4133,,MReynolds407,,3,,,"RT @SupermanHotMale: Dear Dr. Ben Carson, you, Sir need a labotomy #GopDebates",,2015-08-06 19:04:57 -0700,629473272325906432,, -13413,No candidate mentioned,1.0,yes,1.0,Neutral,0.6163,None of the above,1.0,,jbookworm1,,0,,,Looks like the show Survivor taking place in a Brooks Brothers store. #GOPDebates,,2015-08-06 19:04:57 -0700,629473270044225536,Florida,Eastern Time (US & Canada) -13414,Ben Carson,0.4218,yes,0.6495,Positive,0.6495,None of the above,0.4218,,MaurerManor,,0,,,#GOPDebates Smartest answers in the room tonight are coming from Dr. Carson,,2015-08-06 19:04:56 -0700,629473266382409729,US,Arizona -13415,Donald Trump,1.0,yes,1.0,Neutral,0.6629999999999999,FOX News or Moderators,0.6957,,fawn_mac,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:56 -0700,629473265027715072,, -13416,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kimmyt0,,0,,,"#GOPDebates AKA ""Why Hilary Clinton sucks""",,2015-08-06 19:04:53 -0700,629473255087341568,Nc, -13417,Ben Carson,0.6526,yes,1.0,Negative,1.0,None of the above,0.6526,,winkbarry,,0,,,#GOPDebates Stop the secular progressive movement! #Carson2016 #ClownCar,,2015-08-06 19:04:52 -0700,629473250641375232,America, -13418,Chris Christie,1.0,yes,1.0,Negative,0.6614,None of the above,0.6666,,TeddyGathmann1,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:04:52 -0700,629473249349382145,REPPED IN: NYC-LA-ATL-'NOLA, -13419,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6591,,silvitabuendia,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:04:50 -0700,629473243498479621,Guayaquil-Ecuador,Central Time (US & Canada) -13420,Jeb Bush,1.0,yes,1.0,Negative,0.6566,None of the above,1.0,,Obama_Biden_13,,0,,,Jeb bush who??😴😴😴😴😴. #gopdebates,,2015-08-06 19:04:50 -0700,629473241451491328,, -13421,Jeb Bush,1.0,yes,1.0,Negative,0.6484,None of the above,1.0,,AndyHudak,,0,,,"So, George W got the Texas accent and Jeb got that stammering one? #GOPDebates",,2015-08-06 19:04:47 -0700,629473231037145089,"Edison, NJ",Eastern Time (US & Canada) -13422,No candidate mentioned,1.0,yes,1.0,Negative,0.6742,Women's Issues (not abortion though),1.0,,DeaconessBlues,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:04:47 -0700,629473230856810496,NOLA & Nashville,Central Time (US & Canada) -13423,Donald Trump,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,tphill67,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:04:47 -0700,629473230038896640,, -13424,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,M_Haley,,0,,,None of these candidates seem to realize the IRS doesn't make the tax laws. They just collect the money. #GOPDebates,,2015-08-06 19:04:46 -0700,629473226066935808,Up east.,Eastern Time (US & Canada) -13425,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,0.6552,,Aloe9678,,2,,,RT @ccabrera83: Rand Paul is Christie's jealous boyfriend. 'You can go hug him if you want' lol #GOPDebates #FoxDebate #GOPTBT,,2015-08-06 19:04:45 -0700,629473220815667200,"New York, NY",Eastern Time (US & Canada) -13426,Ben Carson,1.0,yes,1.0,Positive,0.6705,None of the above,1.0,,EnzoWestie,,0,,,"Fairly confident after #bencarson's last answer, he's playing the #gopdebates drinking game along with the rest of us.",,2015-08-06 19:04:44 -0700,629473214826090496,"Austin, Texas",Central Time (US & Canada) -13427,Ted Cruz,1.0,yes,1.0,Positive,0.6593,None of the above,1.0,,Nelsok89,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:04:44 -0700,629473214436089856,, -13428,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ju_ju_man,,19,,,"RT @TeaPainUSA: While Ted Cruz is speaking, all over America parents are tryin' to convince their 5 year olds that vampires aren't real. #G…",,2015-08-06 19:04:43 -0700,629473210766069760,wilsonville illinois 62093, -13429,Donald Trump,0.6484,yes,1.0,Negative,0.6484,FOX News or Moderators,1.0,,browardpilgrim,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:39 -0700,629473197243633664,Broward County Florida,Eastern Time (US & Canada) -13430,Donald Trump,1.0,yes,1.0,Negative,0.7033,FOX News or Moderators,1.0,,northbeachpark,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:39 -0700,629473197239476224,"ÜT: 26.035512,-80.185111", -13431,No candidate mentioned,0.4159,yes,0.6449,Neutral,0.6449,FOX News or Moderators,0.22899999999999998,,eelyajekim,,0,,,I feel that Universal is trying to tell me something by airing that Steve Jobs TV spot. #GOPDebates,,2015-08-06 19:04:37 -0700,629473185499459584,What does FourSquare say?,Pacific Time (US & Canada) -13432,Jeb Bush,0.6966,yes,1.0,Negative,0.6404,None of the above,1.0,,vanesa_44,,0,,,"Jeb Bush said it perfectly ""Hillary, *scoffs* give me a break"" -#GOPDebates",,2015-08-06 19:04:35 -0700,629473179010904064,Providence College 2016 ,Quito -13433,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LiberalPhenom,,3,,,"RT @SupermanHotMale: Dear Dr. Ben Carson, you, Sir need a labotomy #GopDebates",,2015-08-06 19:04:34 -0700,629473174913175552,,Indiana (East) -13434,Rand Paul,0.4356,yes,0.66,Negative,0.66,None of the above,0.4356,,JohnLloyd_IV,,2,,,RT @ccabrera83: Rand Paul is Christie's jealous boyfriend. 'You can go hug him if you want' lol #GOPDebates #FoxDebate #GOPTBT,,2015-08-06 19:04:33 -0700,629473169859051520,USA,Central Time (US & Canada) -13435,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,nngarrett,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:04:31 -0700,629473160145018880,, -13436,Donald Trump,0.4347,yes,0.6593,Positive,0.3297,,0.2246,,tiawv,,0,,,Trump wants to form The Night's Watch! A big wall with a fancy door! Yassssss! #GOPDebates #Trump #Republicandebate #JonSnow #GOT7,,2015-08-06 19:04:30 -0700,629473157691248640,,Atlantic Time (Canada) -13437,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,alfacharliekilo,,0,,,One topic the #GOPDebates won't touch tonight: police brutality in the U.S. Keep slingin' that mud on Hillary fellas,,2015-08-06 19:04:28 -0700,629473150988783616,"Houston, TX", -13438,Donald Trump,1.0,yes,1.0,Positive,0.3563,None of the above,1.0,,paigecallaghann,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:04:28 -0700,629473147608268801,, -13439,Jeb Bush,0.4642,yes,0.6813,Negative,0.6813,None of the above,0.4642,,OtherTomJones,,0,,,"It sounds like Jeb was provided his questions before the debate. ""This has happened 27 times"" like a reflex. #GOPdebates",,2015-08-06 19:04:26 -0700,629473140385705984,"Pittsboro, NC",Eastern Time (US & Canada) -13440,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,OsgoodYvonne,,0,,,You tell em @realDonaldTrump 🇺🇸 #GOPDebates,,2015-08-06 19:04:25 -0700,629473137608888320,"Tulsa, Oklahoma", -13441,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,llr517,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:04:25 -0700,629473135205560321,,Arizona -13442,Donald Trump,1.0,yes,1.0,Positive,0.6631,FOX News or Moderators,1.0,,rwats19,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:24 -0700,629473130596036609,,Eastern Time (US & Canada) -13443,Donald Trump,1.0,yes,1.0,Positive,0.7043,FOX News or Moderators,0.6506,,mackaronni215,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:22 -0700,629473125093253120,, -13444,Jeb Bush,1.0,yes,1.0,Negative,0.6915,FOX News or Moderators,1.0,,CentralNJHomes,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:04:21 -0700,629473121204998144,New Jersey - Somerset County,Eastern Time (US & Canada) -13445,Ben Carson,0.4642,yes,0.6813,Positive,0.6813,None of the above,0.4642,,ConorMcKenzie,,0,,,"Carson is very witty, articulate and not too unlikable. Deserves much better poll ratings, but won't make it past New Hampshire #GOPDebates",,2015-08-06 19:04:21 -0700,629473120718585856,"Oxford, UK (via Harrogate)",London -13446,Jeb Bush,1.0,yes,1.0,Neutral,0.6705,None of the above,1.0,,SamanthaJoRoth,,0,,,".@JebBush - ""Hillary Clinton can't even say if she supports the Keystone XL Pipeline, give me a break!"" #GOPDebates",,2015-08-06 19:04:21 -0700,629473119766495232,"Des Moines, Iowa",Arizona -13447,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,averykayla,,0,,,"Me ""you watching the debates?"" Dad ""no...."" Me ""it's on the TV?"" Even my dad doesn't want to watch #GOPDebates with me",,2015-08-06 19:04:17 -0700,629473103924609024,Boston,Eastern Time (US & Canada) -13448,No candidate mentioned,0.3997,yes,0.6322,Negative,0.6322,Racial issues,0.3997,,crfontaine,,13,,,"RT @AnnemarieWeers: #RickSantorum actually said this in my State of Iowa - -#GOPDebates http://t.co/0q5QR8Jm2W",,2015-08-06 19:04:17 -0700,629473102909566976,Boston, -13449,Donald Trump,1.0,yes,1.0,Negative,0.6854,FOX News or Moderators,1.0,,dmlewisretired,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:12 -0700,629473083724673024,Yavapai County, -13450,Jeb Bush,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,Libertarian_ish,,0,,,"Jeb looks like his grandfather, Aleister. -#GOPDebates #FoxDebate",,2015-08-06 19:04:12 -0700,629473081988218880,Planet Texas ,Central Time (US & Canada) -13451,Rand Paul,1.0,yes,1.0,Negative,0.6628,None of the above,1.0,,jbigss1965,,2,,,RT @pst_II: Rand Paul comes across as the bad guy in a John Hughes film. #GOPDebates https://t.co/OODBonYfa9,,2015-08-06 19:04:11 -0700,629473078951542784,"Cincinnati, OH",Eastern Time (US & Canada) -13452,Donald Trump,1.0,yes,1.0,Negative,0.6782,None of the above,1.0,,MikeyMike767,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:04:11 -0700,629473078762799104,,Central Time (US & Canada) -13453,Donald Trump,1.0,yes,1.0,Positive,0.7086,FOX News or Moderators,0.6475,,ChelEarle,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:04:09 -0700,629473070743449601,,Central Time (US & Canada) -13454,No candidate mentioned,1.0,yes,1.0,Negative,0.6957,None of the above,1.0,,RobsRamblins,,0,,,And the word of the night Alan is: Stupid. #GOPDebates,,2015-08-06 19:04:07 -0700,629473063306838016,,Arizona -13455,Jeb Bush,1.0,yes,1.0,Negative,0.7033,None of the above,1.0,,Perry_T,,0,,,Bush says Obama didn't fix his brothers mess well enough. #GOPDebates,,2015-08-06 19:04:04 -0700,629473047955787776,,Mid-Atlantic -13456,Donald Trump,1.0,yes,1.0,Negative,0.6915,None of the above,0.6596,,jonnysayhey,,9,,,RT @kwrcrow: @realDonaldTrump hits it out of park on @FoxNews gotcha question on campaign donations. #GOPDebates,,2015-08-06 19:04:02 -0700,629473040846450688,New Jersey, -13457,No candidate mentioned,0.4495,yes,0.6705,Neutral,0.6705,FOX News or Moderators,0.4495,,WonderScott,,0,,,"Do they have Aaron Schock hidden behind a curtain ringing that little bell? - -#GOPDebates",,2015-08-06 19:04:01 -0700,629473034911387648,San Francisco ,Pacific Time (US & Canada) -13458,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,mdreifuss,,0,,,"Not only is Carson disqualified, I'm not sure I'd go to him if I had a brain tumor #GOPDebates",,2015-08-06 19:04:00 -0700,629473031598026752,North Shore sub of Chicago,Central Time (US & Canada) -13459,Chris Christie,1.0,yes,1.0,Neutral,0.6629,None of the above,0.6742,,KimTF,,42,,,RT @Popehat: #GOPDebates Christie: you're putting America at risk with your fourth amendment talk,,2015-08-06 19:03:59 -0700,629473027135123456,"Adelaide, Australia",Adelaide -13460,Jeb Bush,1.0,yes,1.0,Negative,0.6772,None of the above,1.0,,jheatherly373,,9,,,"RT @MarkDavis: Man, I'm sorry, this has nothing to do w/politics, but #JebBush is totally mediocre here. #GOPDebates",,2015-08-06 19:03:58 -0700,629473024215924737,, -13461,Donald Trump,1.0,yes,1.0,Negative,0.6659999999999999,None of the above,1.0,,tamtweetam,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:03:57 -0700,629473020931874820,ATX,Central Time (US & Canada) -13462,Donald Trump,1.0,yes,1.0,Positive,0.7103,FOX News or Moderators,1.0,,02C5,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:55 -0700,629473010492252160,,Eastern Time (US & Canada) -13463,Donald Trump,1.0,yes,1.0,Negative,0.6453,FOX News or Moderators,0.6564,,jenilynn1001,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:53 -0700,629473000702619648,texas,Eastern Time (US & Canada) -13464,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,0.6588,,ccabrera83,,2,,,Rand Paul is Christie's jealous boyfriend. 'You can go hug him if you want' lol #GOPDebates #FoxDebate #GOPTBT,,2015-08-06 19:03:51 -0700,629472995795300352,San Antonio,Mountain Time (US & Canada) -13465,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,GalvayneGroove,,1,,,"RT @JaxGotJokes: OMG, like, just pretend as if this was supposed to be a way to determine the next leader of a major world power LOL #GOPDe…",,2015-08-06 19:03:51 -0700,629472992670666752,"Philadelphia, PA", -13466,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TwettyKat,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:03:49 -0700,629472984764432384,,Central Time (US & Canada) -13467,Ben Carson,1.0,yes,1.0,Neutral,0.7065,None of the above,1.0,,jsn2007,,0,,,@RealBenCarson calling it like it is. #GOPDebates #NoHillary2016,,2015-08-06 19:03:46 -0700,629472975163625473,USA,Eastern Time (US & Canada) -13468,Ben Carson,1.0,yes,1.0,Neutral,0.3596,None of the above,1.0,,doug69,,5,,,RT @kwrcrow: #DrBenCarson just said he doubts #HillaryClinton will be nominee. Hope he's right. #GOPDebates,,2015-08-06 19:03:44 -0700,629472965139169280,"Fly Over Country,Mo.",Central Time (US & Canada) -13469,Donald Trump,1.0,yes,1.0,Positive,0.6796,FOX News or Moderators,1.0,,EzraJBoyd,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:42 -0700,629472955894996992,Louisiana ,Eastern Time (US & Canada) -13470,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kimmyt0,,0,,,Summary of #GOPDebates: big ol circle jerk shitting on the democrats.,,2015-08-06 19:03:39 -0700,629472943484092416,Nc, -13471,No candidate mentioned,1.0,yes,1.0,Negative,0.6667,FOX News or Moderators,1.0,,CourtneyLiss,,0,,,Thank GOD @FOXTV IS LETTING ME WATCH IT LIVE NOW instead of just watching Twitter! (I will never thank God for FOX again) #GOPDebates,,2015-08-06 19:03:37 -0700,629472935313600512,OC & NOLA, -13472,No candidate mentioned,1.0,yes,1.0,Neutral,0.6703,None of the above,1.0,,EmmanuelShane,,1,,,RT @jasmine_elyse: Lmbo shoutout to Twitter. Yall even make #GOPDebates interesting,,2015-08-06 19:03:36 -0700,629472931593236481,"rochester, new york",Central Time (US & Canada) -13473,No candidate mentioned,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,Rod89512,,0,,,@jeetzradio it's all about #GOPDebates tonight.,,2015-08-06 19:03:35 -0700,629472925540728832,"Plainfield, IL", -13474,Donald Trump,0.4061,yes,0.6372,Negative,0.6372,None of the above,0.4061,,darbbyhodge,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 19:03:34 -0700,629472922718085120,NYC,Eastern Time (US & Canada) -13475,Ben Carson,0.3839,yes,0.6196,Negative,0.6196,,0.2357,,electro_moon,,1,,,RT @averykayla: No no you're talking about the Republican Party silly @BenCarson2016 #GOPDebates #DebateWithBernie,,2015-08-06 19:03:31 -0700,629472912106459136,"Denver, ColoRADo",Eastern Time (US & Canada) -13476,Jeb Bush,1.0,yes,1.0,Negative,0.6905,None of the above,1.0,,veritasema,,0,,,Jeb is trying to blink the question away. #GOPDebates,,2015-08-06 19:03:31 -0700,629472911867297792,The comfy chair,Central Time (US & Canada) -13477,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,aharperrose,,0,,,It's all fun and games until that somber moment where you realize one of these clowns could actually be the next president #GOPDebates,,2015-08-06 19:03:30 -0700,629472907761094656,"Santa Monica, CA",Eastern Time (US & Canada) -13478,Chris Christie,1.0,yes,1.0,Negative,0.6702,None of the above,0.6489,,coopek,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:03:29 -0700,629472900475711489,Mid-Hudson Valley or Up State ,Eastern Time (US & Canada) -13479,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6804,,Q_Element,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:03:27 -0700,629472893785616384,Atlanta,Eastern Time (US & Canada) -13480,Ben Carson,1.0,yes,1.0,Neutral,0.3438,None of the above,1.0,,RobProvince,,1,,,RT @JimmyJames38: Dayum! Carson just kicked that question in its throat. #GOPDebates,,2015-08-06 19:03:24 -0700,629472880439488512,"St. Louis, MO", -13481,Ben Carson,1.0,yes,1.0,Negative,0.6354,LGBT issues,1.0,,Hugh2D2,,2,,,RT @tmservo433: Ben Carson: If I was trying to destroy the country I would divide the people. Now lets talk about my anti-lgbt pro war plan…,,2015-08-06 19:03:24 -0700,629472880179417088,In a funk,Central Time (US & Canada) -13482,Donald Trump,1.0,yes,1.0,Negative,0.6489,FOX News or Moderators,1.0,,n0tofthisw0rld,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:23 -0700,629472875385331712,USA,Central Time (US & Canada) -13483,Donald Trump,1.0,yes,1.0,Negative,0.6222,FOX News or Moderators,1.0,,pbralick,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:22 -0700,629472874223370240,Colorado,Mountain Time (US & Canada) -13484,Ben Carson,0.442,yes,0.6649,Negative,0.6649,None of the above,0.442,,DLPTony,,0,,,Does ANYONE think #BenCarson could repeat that strange #answer?! #Sheesh! #GOPDebate #GOPDebates,,2015-08-06 19:03:22 -0700,629472873187549184,Midtown Atlanta!,Eastern Time (US & Canada) -13485,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,rararahima,,0,,,"The irony.. ""Ben Carson on Hillary: ""She counts on the fact that people are uninformed...taking advantage of useful idiots."" #GOPDebates",,2015-08-06 19:03:20 -0700,629472864064901120,"New York, NY",Central Time (US & Canada) -13486,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,1,,,RT @bphill77: Do you believe in miracles?? I do! Kasich came to win. #GOPDebates,,2015-08-06 19:03:19 -0700,629472860625461248,Los Angeles , -13487,No candidate mentioned,1.0,yes,1.0,Positive,0.3605,None of the above,1.0,,TeasyRoosevelt,,0,,,Lets face it - this debate is really about #HillaryClinton. #GOPDebates #GOPDebate,,2015-08-06 19:03:19 -0700,629472859786752000,,Atlantic Time (Canada) -13488,Donald Trump,1.0,yes,1.0,Negative,0.6715,FOX News or Moderators,0.6715,,SharonKP2013,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:18 -0700,629472854917140480,, -13489,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,lindaarellaa,,2,,,RT @tammy_pence: I'm ONLY watching the #GOPDebates because of #DonaldTrump. He says what we have all been thinking for years. It's time for…,,2015-08-06 19:03:17 -0700,629472851616141312,, -13490,Chris Christie,0.6739,yes,1.0,Negative,0.3804,None of the above,1.0,,BradMcKee10,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:03:16 -0700,629472845979099136,,Central Time (US & Canada) -13491,Ted Cruz,0.675,yes,1.0,Positive,1.0,None of the above,1.0,,PatriotinOC,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:03:16 -0700,629472845806997505,"Laguna Niguel, CA",Pacific Time (US & Canada) -13492,Donald Trump,1.0,yes,1.0,Positive,0.6939,FOX News or Moderators,1.0,,michaelwalkerw1,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:14 -0700,629472839133822976,, -13493,Ben Carson,1.0,yes,1.0,Negative,1.0,LGBT issues,1.0,,tmservo433,,2,,,Ben Carson: If I was trying to destroy the country I would divide the people. Now lets talk about my anti-lgbt pro war plan #GOPdebates,,2015-08-06 19:03:13 -0700,629472836588056576,, -13494,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,1,,,RT @msgoddessrises: #Kasich is killing it! Easily crossover candidate grabbing the center. #GOPDebates,,2015-08-06 19:03:11 -0700,629472827146526720,Los Angeles , -13495,Donald Trump,1.0,yes,1.0,Positive,1.0,FOX News or Moderators,1.0,,rocusa,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:10 -0700,629472822230929408,USA,Central Time (US & Canada) -13496,No candidate mentioned,1.0,yes,1.0,Negative,0.6564,None of the above,0.6662,,robdaemon,,2,,,"RT @jjday10: God, I wish @nerdist was moderating these debates so he could just yell out ""POINTS!"" when they say something ridiculous. #GOP…",,2015-08-06 19:03:09 -0700,629472817256378372,"Seattle, WA",Pacific Time (US & Canada) -13497,Donald Trump,1.0,yes,1.0,Positive,0.6702,None of the above,1.0,,Photogbill222,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:07 -0700,629472810847608832,"Philladelphia, PA",Eastern Time (US & Canada) -13498,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,BrianJColombo,,4,,,RT @jaret2113: I'll bet George W. can drink Jeb under the table...like embarrassingly!!!!! #gopdebates,,2015-08-06 19:03:07 -0700,629472808985341952,"ÜT: 40.450015,-86.91919", -13499,Donald Trump,0.4444,yes,0.6667,Negative,0.3441,FOX News or Moderators,0.4444,,chrgdup1973,,66,,,RT @RWSurferGirl: FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPD…,,2015-08-06 19:03:03 -0700,629472793336287232,"Ceres, CA", -13500,Ben Carson,1.0,yes,1.0,Positive,0.6703,None of the above,0.6703,,JimmyJames38,,1,,,Dayum! Carson just kicked that question in its throat. #GOPDebates,,2015-08-06 19:03:01 -0700,629472784998100992,Center of the Buckeye,Eastern Time (US & Canada) -13501,Donald Trump,0.4204,yes,0.6484,Negative,0.3516,FOX News or Moderators,0.4204,,jrcannonq1,,71,,,RT @RWSurferGirl: These debates will raise @realDonaldTrump 's ratings because Fox News is afraid of Trump and it shows. #GOPDebate #GOPDeb…,,2015-08-06 19:03:00 -0700,629472782066294784,, -13502,Ben Carson,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.3402,,RyanBenharris,,0,,,"Carson says ""Epitome of the secular progressive movement"" like it's negative...also, your front runner trashes Rosie O'Donnell #GOPdebates",,2015-08-06 19:03:00 -0700,629472780145311745,,Eastern Time (US & Canada) -13503,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,Dena_Beth,,0,,,I really like Ben Carson so far. He's been classy & I like his answers. #GOPDebates,,2015-08-06 19:02:59 -0700,629472778006048768,"Orange County, California",Pacific Time (US & Canada) -13504,No candidate mentioned,1.0,yes,1.0,Negative,0.6548,Racial issues,0.6786,,cirque_de_kirk,,0,,,The black man wants to destroy the country! HE SAID SO HIMSELF! JUST LIKE THE CURRENT BLACK PREZ #GOPDebates,,2015-08-06 19:02:59 -0700,629472777771220992,, -13505,No candidate mentioned,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,keriblackburn,,0,,,America is a miracle country. 🇺🇸. #GOPDebates,,2015-08-06 19:02:58 -0700,629472770284519424,"Dayton, OH Area",Eastern Time (US & Canada) -13506,Jeb Bush,1.0,yes,1.0,Neutral,0.6939,FOX News or Moderators,1.0,,jcpelle,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:02:57 -0700,629472769495822337,America, -13507,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,MissGraciela3,,1,,,"RT @vanesa_44: Carson is boss right now. BYE HILLARY. -#GOPDebates",,2015-08-06 19:02:56 -0700,629472765528031232,OR ✈️ KS,Pacific Time (US & Canada) -13508,Ben Carson,1.0,yes,1.0,Negative,0.3448,None of the above,1.0,,Trentwalker1968,,0,,,"What is ""the Alinsky model, takingadvantage of useful idiots"" #GOPDEBATES #BenCarson",,2015-08-06 19:02:56 -0700,629472764722724864,"Jackson, MS",America/Chicago -13509,Ben Carson,0.3974,yes,0.6304,Neutral,0.3261,None of the above,0.3974,,Perry_T,,0,,,Carson says Hillary relies on the ignorance of people but he will educate everybody. I see. #GOPDebates,,2015-08-06 19:02:56 -0700,629472764693512193,,Mid-Atlantic -13510,Ben Carson,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,etoilee8,,0,,,I love that #BenCarson is clearly so full of shit. But he thinks no one has figured it out. He's really cocky about it. #GOPDebates,,2015-08-06 19:02:53 -0700,629472749304414208,"Reston, Va. (close to DC)",Eastern Time (US & Canada) -13511,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,scottaxe,,0,,,#GOPdebates Carson just nailed it!,,2015-08-06 19:02:52 -0700,629472745613451264,Los Angeles , -13512,No candidate mentioned,1.0,yes,1.0,Negative,0.6653,None of the above,1.0,,M_Haley,,0,,,Right now I'm less scared about the requirements to be a candidate and more scared about requirements to be a neurosurgeon #GOPDebates,,2015-08-06 19:02:51 -0700,629472744321732609,Up east.,Eastern Time (US & Canada) -13513,No candidate mentioned,1.0,yes,1.0,Neutral,0.6495,None of the above,0.6804,,morinap,,2,,,"RT @jjday10: God, I wish @nerdist was moderating these debates so he could just yell out ""POINTS!"" when they say something ridiculous. #GOP…",,2015-08-06 19:02:48 -0700,629472731231182848,"Herron-Morton, Indianapolis",Eastern Time (US & Canada) -13514,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,#Carson is another who looks presidential. #GOPDebates,,2015-08-06 19:02:48 -0700,629472729566044160,Viva Las Vegas NV.,Pacific Time (US & Canada) -13515,No candidate mentioned,0.6548,yes,1.0,Negative,1.0,None of the above,0.6731,,AliWahyuno,,11,,,RT @SupermanHotMale: Go back to Canada Asshole #GopDebates http://t.co/rUgCy5JvZQ,,2015-08-06 19:02:46 -0700,629472722888732672,indonesia, -13516,No candidate mentioned,1.0,yes,1.0,Negative,0.6469,None of the above,1.0,,ChrisDoyle1962,,0,,,Has anyone mentioned #Reagan yet? What kind of #GOPDebates is this?,,2015-08-06 19:02:45 -0700,629472718526615552,Kansas City area,Central Time (US & Canada) -13517,Ben Carson,1.0,yes,1.0,Neutral,0.6824,None of the above,1.0,,BJonthegrid,,0,,,Ben Carson pulled the Saul Alinsky card. #GOPDebates,,2015-08-06 19:02:44 -0700,629472714659635201,"Fredericksburg,Va",Eastern Time (US & Canada) -13518,Jeb Bush,1.0,yes,1.0,Negative,0.7079,None of the above,1.0,,b140tweet,,2,,,"RT @EnzoWestie: Remember, kids. #jebbush is the ""smart"" brother. #gopdebates",,2015-08-06 19:02:44 -0700,629472712931569664,Heaven ,Eastern Time (US & Canada) -13519,Donald Trump,1.0,yes,1.0,Negative,0.6966,FOX News or Moderators,1.0,,RWSurferGirl,,66,,,FOX News won't admit who the Republican leader is right now I mean @realDonaldTrump only has a double-digit lead 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 19:02:44 -0700,629472712394539008,"Newport Beach, California",Pacific Time (US & Canada) -13520,No candidate mentioned,1.0,yes,1.0,Positive,0.6559,None of the above,1.0,,MoustacheClubUS,,0,,,"These dudes don't believe in the American Dream, but if I'm elected, I'll be living the American Dream and I'll share it w/ you! #GOPDebates",,2015-08-06 19:02:43 -0700,629472710641455104,"Fort Worth, TX", -13521,Ben Carson,1.0,yes,1.0,Positive,0.6703,None of the above,1.0,,kwrcrow,,5,,,#DrBenCarson just said he doubts #HillaryClinton will be nominee. Hope he's right. #GOPDebates,,2015-08-06 19:02:43 -0700,629472709538222080,Fly Over Country,Mountain Time (US & Canada) -13522,Ben Carson,1.0,yes,1.0,Negative,0.6562,None of the above,1.0,,SupermanHotMale,,3,,,"Dear Dr. Ben Carson, you, Sir need a labotomy #GopDebates",,2015-08-06 19:02:43 -0700,629472707449618432,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13523,Ted Cruz,0.6172,yes,1.0,Negative,0.3828,None of the above,1.0,,Eyesore42,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:02:43 -0700,629472706937913344,Las Vegas,Arizona -13524,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,AvidHeather,,0,,,How can a neurosurgeon be so stupid?? #GOPDebates,,2015-08-06 19:02:42 -0700,629472704823820288,Stuck in Murica,Eastern Time (US & Canada) -13525,Ted Cruz,0.6828,yes,1.0,Positive,0.6828,None of the above,1.0,,frank_fp3dog,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:02:40 -0700,629472694564728832,, -13526,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hbludman,,2,,,They'd rather talk about @HillaryClinton than debate the issues. Somewhere Hillary is laughing. #GOPDebates,,2015-08-06 19:02:39 -0700,629472693163819012,#Philly,Eastern Time (US & Canada) -13527,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,coolphotos1962,,0,,,"#gopdebates when will people realize ALL politicians suck ASS , dems included",,2015-08-06 19:02:39 -0700,629472691276390401,, -13528,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,The_ZenMistress,,0,,,"How liberating to hit ""clear all"" on my twitter alerts. Sorry guys, but this shit makes me mental. #GOPDebates #YesAllPoliticians",,2015-08-06 19:02:38 -0700,629472688738844672,Nomad Currently Settled in MD,Eastern Time (US & Canada) -13529,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,abbeyznormal,,1,,,"RT @johnschambers: #TRUMP2016 #GOPDEBATES Finally, someone saying...SCREW POLITICAL CORRECTNESS. Sick of it, and looking to NEW leadershi…",,2015-08-06 19:02:37 -0700,629472684435378176,denver,Mountain Time (US & Canada) -13530,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,virtualbri,,0,,,"Wow, if you want to feel especially bad about the #GOPDebates, listen with local radio DJ's breaking in for empty-headed comments. #ugh",,2015-08-06 19:02:34 -0700,629472672192180224,"Adventurekateer HQ, Apex City ",Pacific Time (US & Canada) -13531,Ted Cruz,0.6593,yes,1.0,Negative,0.6703,None of the above,0.6703,,lyz_estrada,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:02:33 -0700,629472668291432448,,Central Time (US & Canada) -13532,Donald Trump,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,AlegnaXXV,,0,,,@jbouie He's just getting started.#GOPDebates,,2015-08-06 19:02:32 -0700,629472663325442048,NJ,Atlantic Time (Canada) -13533,Ted Cruz,1.0,yes,1.0,Positive,0.6613,None of the above,1.0,,adr3n,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:02:31 -0700,629472659781218305,Mo,Central Time (US & Canada) -13534,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,forex8insight,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:02:31 -0700,629472659760353280,, -13535,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,kflana,,0,,,Do you guys here that? It's Hillary Clinton's cackle. #GOPDebates,,2015-08-06 19:02:28 -0700,629472645591871489,"Memphis, TN", -13536,Ted Cruz,0.2269,yes,0.6737,Positive,0.3368,None of the above,0.4539,,asifonly1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:02:27 -0700,629472640969932800,Rotterdam,Amsterdam -13537,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,jcolmstead1,,1,,,"RT @SamanthaJoRoth: .@realDonaldTrump - ""With Hillary Clinton, I said be at my wedding and then she had no choice."" #GOPDebates",,2015-08-06 19:02:25 -0700,629472633516634112,Tucson, -13538,Ben Carson,1.0,yes,1.0,Negative,0.6522,None of the above,1.0,,averykayla,,1,,,No no you're talking about the Republican Party silly @BenCarson2016 #GOPDebates #DebateWithBernie,,2015-08-06 19:02:24 -0700,629472627539750912,Boston,Eastern Time (US & Canada) -13539,No candidate mentioned,1.0,yes,1.0,Negative,0.6786,Women's Issues (not abortion though),0.3571,,SwampGas,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:02:23 -0700,629472625023131648,Upstate New York,Central Time (US & Canada) -13540,John Kasich,0.4062,yes,0.6374,Positive,0.6374,None of the above,0.4062,,bphill77,,1,,,Do you believe in miracles?? I do! Kasich came to win. #GOPDebates,,2015-08-06 19:02:19 -0700,629472607293698048,"Austin, Texas", -13541,Ben Carson,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,vanesa_44,,1,,,"Carson is boss right now. BYE HILLARY. -#GOPDebates",,2015-08-06 19:02:17 -0700,629472599567806464,Providence College 2016 ,Quito -13542,Rand Paul,0.6747,yes,1.0,Negative,0.6747,None of the above,0.6747,,angelavansoest,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:02:12 -0700,629472580064382976,NEW YORK!!, -13543,Donald Trump,1.0,yes,1.0,Positive,1.0,Immigration,1.0,,jrcannonq1,,105,,,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 19:02:10 -0700,629472570283266053,, -13544,Ben Carson,1.0,yes,1.0,Positive,0.6591,None of the above,1.0,,veritasema,,0,,,Ben Carson is too bright for this room. #GOPDebates,,2015-08-06 19:02:09 -0700,629472564746661888,The comfy chair,Central Time (US & Canada) -13545,John Kasich,1.0,yes,1.0,Positive,0.6437,None of the above,1.0,,msgoddessrises,,1,,,#Kasich is killing it! Easily crossover candidate grabbing the center. #GOPDebates,,2015-08-06 19:02:08 -0700,629472562611793920,Viva Las Vegas NV.,Pacific Time (US & Canada) -13546,No candidate mentioned,1.0,yes,1.0,Negative,0.6615,None of the above,0.6745,,b140tweet,,1,,,RT @JRenee_A_Go_Go: 10 white guys.✅ 1 black guy. ✅ 1 Hispanic guy. ✅ And they couldn't spare one of the 10 white guys for a woman? #GOPDeba…,,2015-08-06 19:02:08 -0700,629472562251231232,Heaven ,Eastern Time (US & Canada) -13547,John Kasich,1.0,yes,1.0,Negative,1.0,None of the above,0.6786,,OtherTomJones,,6,,,RT @jesslstoner: KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:02:05 -0700,629472549718634496,"Pittsboro, NC",Eastern Time (US & Canada) -13548,Ted Cruz,0.679,yes,1.0,Negative,0.679,None of the above,1.0,,bluestarwindow,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:57 -0700,629472517154021380,, -13549,Donald Trump,1.0,yes,1.0,Negative,0.6977,FOX News or Moderators,0.6512,,rockn2freedom,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:01:57 -0700,629472514373103616,East TN,Eastern Time (US & Canada) -13550,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,the1deadpixel,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:01:56 -0700,629472512888446976,(Northern) California,Pacific Time (US & Canada) -13551,Ben Carson,1.0,yes,1.0,Positive,0.6686,None of the above,1.0,,AndyHudak,,0,,,"""Dr Carson...you're still here...neat..."" #GOPDebates",,2015-08-06 19:01:53 -0700,629472499860926464,"Edison, NJ",Eastern Time (US & Canada) -13552,Donald Trump,0.6404,yes,1.0,Negative,0.3596,None of the above,1.0,,Tara_Cotumaccio,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:48 -0700,629472476414746624,"Keller, Tx", -13553,Donald Trump,0.4211,yes,0.6489,Neutral,0.3511,None of the above,0.4211,,LLH713,,9,,,RT @kwrcrow: @realDonaldTrump hits it out of park on @FoxNews gotcha question on campaign donations. #GOPDebates,,2015-08-06 19:01:47 -0700,629472475013738496,#Conservative TX and OK ,Central Time (US & Canada) -13554,No candidate mentioned,1.0,yes,1.0,Neutral,0.6588,None of the above,1.0,,JamekaShamae,,0,,,Working from my hotel bed and watching the #GOPDebates. #PR #Work #NoDaysOff #NoNightsOff… https://t.co/9RvYNZ2qSJ,,2015-08-06 19:01:46 -0700,629472471679373312,Queen City! ,Eastern Time (US & Canada) -13555,Ted Cruz,1.0,yes,1.0,Positive,0.6556,None of the above,0.6333,,Diesel2k2,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:41 -0700,629472450355441664,USA,America/Denver -13556,Donald Trump,1.0,yes,1.0,Negative,0.6602,None of the above,1.0,,amaxwel2,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:01:39 -0700,629472440582668288,"Olathe, KS", -13557,Chris Christie,0.4158,yes,0.6448,Negative,0.6448,None of the above,0.4158,,danielwbond,,42,,,RT @Popehat: #GOPDebates Christie: you're putting America at risk with your fourth amendment talk,,2015-08-06 19:01:38 -0700,629472435847434240,"Fairfax, VA", -13558,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,bighockey74,,0,,,I'd rather go swim in my pool with my kids than watch the #GOPDebates. I'll get analysis from @TYTNetwork & @majorityfm tomorrow.,,2015-08-06 19:01:37 -0700,629472433477545985,, -13559,Ben Carson,0.7087,yes,1.0,Negative,0.7087,None of the above,0.6381,,b140tweet,,1,,,RT @DanielTutt: Dr. Carson got his doctorate in Old Testament taxation. Tithing as tax reform. Really? Really? #GOPDebates,,2015-08-06 19:01:35 -0700,629472425080655872,Heaven ,Eastern Time (US & Canada) -13560,,0.2287,yes,0.6458,Negative,0.6458,Foreign Policy,0.4171,,YesAnders,,2,,,"RT @AvidHeather: If Walker, Paul or Huckabee had to meet with Putin or command our armies they'd shit their pants. Not president material. …",,2015-08-06 19:01:33 -0700,629472415731466240,Los Angeles, -13561,Ted Cruz,0.4351,yes,0.6596,Positive,0.6596,None of the above,0.4351,,jlmcd13,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:32 -0700,629472409503068164,, -13562,Ted Cruz,0.4846,yes,0.6961,Negative,0.6961,None of the above,0.4846,,hoosercharles58,,19,,,"RT @TeaPainUSA: While Ted Cruz is speaking, all over America parents are tryin' to convince their 5 year olds that vampires aren't real. #G…",,2015-08-06 19:01:31 -0700,629472404918665216,, -13563,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,PauldkingsleyD,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:01:28 -0700,629472393057206272,"welch,W.Va.", -13564,Donald Trump,0.4854,yes,0.6967,Positive,0.4854,None of the above,0.4854,,JennplaysGuitar,,0,,,Thanks @EAT24 and Donald Trump! Just got a Pepperoni Roll & a root beer for $7.50 + tip. #yay #GOPDebates #Eat24,,2015-08-06 19:01:26 -0700,629472386774093824,"Pittsburgh, PA",Eastern Time (US & Canada) -13565,John Kasich,0.6821,yes,1.0,Neutral,1.0,Jobs and Economy,1.0,,msgoddessrises,,0,,,"#Kasich taking on Hillary - ""architect cut taxes big surplus Econ growth is key reach out to ppl who don't get a fair deal."" #GOPDebates",,2015-08-06 19:01:23 -0700,629472371745775616,Viva Las Vegas NV.,Pacific Time (US & Canada) -13566,No candidate mentioned,0.4707,yes,0.6859999999999999,Neutral,0.3837,Foreign Policy,0.2633,,cjcmichel,,1,,,"And China has as many mentions as Honduras. Priorities, man. #GOPDebates",,2015-08-06 19:01:23 -0700,629472371557146624,PDX - HOU - ex-USSR - NYC,Eastern Time (US & Canada) -13567,Ted Cruz,0.6778,yes,1.0,Negative,0.6444,None of the above,1.0,,angelamcknight9,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:22 -0700,629472368931512321,Indpls/IN, -13568,Jeb Bush,0.6705,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,ShannonSanford9,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:01:21 -0700,629472366742118401,,Eastern Time (US & Canada) -13569,Ted Cruz,1.0,yes,1.0,Positive,0.6778,None of the above,1.0,,angelavansoest,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:20 -0700,629472360949805056,NEW YORK!!, -13570,Jeb Bush,0.7044,yes,1.0,Negative,0.6658,FOX News or Moderators,1.0,,ConservativeGM,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:01:16 -0700,629472345959215105,"Anytown, NJ",Eastern Time (US & Canada) -13571,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.37799999999999995,,stormmborn,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:01:16 -0700,629472343027486720,brasília,Brasilia -13572,No candidate mentioned,1.0,yes,1.0,Neutral,0.6374,None of the above,0.6374,,mtaylorcassidy,,0,,,Why is every question crafted around Hillary Clinton? #GOPDebates,,2015-08-06 19:01:14 -0700,629472335960088577,"Fort Myers, FL", -13573,Ted Cruz,0.6277,yes,1.0,Neutral,0.6809,None of the above,0.6809,,SCOTUSRUINSUSA,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:13 -0700,629472332642291712,"Washington, DC", -13574,No candidate mentioned,1.0,yes,1.0,Negative,0.6917,Women's Issues (not abortion though),0.35700000000000004,,repealracism,,11,,,"RT @monaeltahawy: #WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.c…",,2015-08-06 19:01:11 -0700,629472325096706048,"Sydney, Australia", -13575,Donald Trump,1.0,yes,1.0,Negative,0.6667,None of the above,1.0,,16campaignbites,,0,,,"This was Trump's 4th marriage where he married the love of his life, himself -#GOPDebates https://t.co/rh92EnZHlV",,2015-08-06 19:01:11 -0700,629472322068459520,"Indianapolis, IN",Pacific Time (US & Canada) -13576,No candidate mentioned,1.0,yes,1.0,Neutral,0.6782,None of the above,1.0,,etoilee8,,0,,,"What does your father being a mailman have to do with anything? But dude, I'm digging that you have a tiny bit of compassion #GOPDebates",,2015-08-06 19:01:08 -0700,629472312270557184,"Reston, Va. (close to DC)",Eastern Time (US & Canada) -13577,Ted Cruz,0.6591,yes,1.0,Positive,0.3636,None of the above,1.0,,chandlerjr,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:06 -0700,629472301457739776,,Central Time (US & Canada) -13578,Jeb Bush,1.0,yes,1.0,Negative,0.6778,FOX News or Moderators,0.6667,,sgtbetsysmith,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:01:05 -0700,629472298748149760,USA,Central Time (US & Canada) -13579,Ted Cruz,0.4052,yes,0.6366,Positive,0.3527,None of the above,0.4052,,Sohikitsune,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:04 -0700,629472293656248322,Mississippi, -13580,Donald Trump,0.434,yes,0.6588,Negative,0.3412,Jobs and Economy,0.434,,MsMel,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 19:01:03 -0700,629472289071894528,Seattle,Pacific Time (US & Canada) -13581,Donald Trump,0.6591,yes,1.0,Neutral,0.6591,None of the above,0.6818,,TheRealTD1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:02 -0700,629472284626022400,Ohio,Eastern Time (US & Canada) -13582,Ted Cruz,0.6444,yes,1.0,Neutral,0.3556,None of the above,0.6667,,azeducator,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:01:01 -0700,629472280993595392,"Phoenix, Arizona",Arizona -13583,Jeb Bush,0.494,yes,0.7029,Negative,0.7029,FOX News or Moderators,0.494,,MichaelCalvert9,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:00:59 -0700,629472274232401920,IN, -13584,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LEM413,,4,,,RT @Asimhaneef: Did I hear that right? #DonaldTrump had to pay people to attend a family wedding? #GOPDebates,,2015-08-06 19:00:58 -0700,629472266548416513,"Boston, MA",Eastern Time (US & Canada) -13585,Ted Cruz,0.6932,yes,1.0,Positive,0.6705,None of the above,1.0,,kimbosa24,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:56 -0700,629472261502730240,, -13586,No candidate mentioned,0.4542,yes,0.6739,Negative,0.6739,Racial issues,0.2344,,mrobin032009,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:00:56 -0700,629472261297168385,Minnesota,Central Time (US & Canada) -13587,John Kasich,0.4133,yes,0.6429,Negative,0.6429,None of the above,0.4133,,jesslstoner,,6,,,KASICH'S DAD WAS A MAILMAN BUT HE HATES UNIONS. Which have protected letter carriers for decades. #gopdebates,,2015-08-06 19:00:56 -0700,629472259472625665,,Central Time (US & Canada) -13588,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Binksterb,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 19:00:52 -0700,629472243391729664,Knoxville Tennessee,Eastern Time (US & Canada) -13589,Donald Trump,1.0,yes,1.0,Negative,0.6868,None of the above,1.0,,norma,,0,,,Donald Trump and his orchestra. #GOPDebates,,2015-08-06 19:00:51 -0700,629472241193873408,"Denver, CO",Mountain Time (US & Canada) -13590,No candidate mentioned,1.0,yes,1.0,Negative,0.6582,Women's Issues (not abortion though),0.695,,KgKathryn,,9,,,"RT @cheeriogrrrl: The men on this stage think they're capable of making decisions about women's health care,when they don't believe in #sci…",,2015-08-06 19:00:51 -0700,629472239910400000,"Sacramento, CA", -13591,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jennrios1191,,0,,,@ChrisChristie tried to make out like he wasn't using warrants. #StandWithRand #randpaul #gopdebates,,2015-08-06 19:00:50 -0700,629472237033132032,, -13592,Ted Cruz,0.4274,yes,0.6538,Positive,0.6538,None of the above,0.4274,,kaceykaceykc,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:50 -0700,629472235758190596,"Florida, USA",Indiana (East) -13593,Ted Cruz,1.0,yes,1.0,Neutral,0.6739,None of the above,1.0,,thatx209xguy,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:49 -0700,629472229366042624,"California, USA", -13594,Ted Cruz,0.6848,yes,1.0,Negative,0.6522,None of the above,1.0,,BilllyCoxTweets,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:47 -0700,629472221191233536,Texas Born and Bred,Central Time (US & Canada) -13595,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.6703,,mellykoore,,0,,,#GOPDebates @FoxNews they can't talk common core becz none were teachers. Everyone thinks they can be a teacher since they went to school,,2015-08-06 19:00:45 -0700,629472212731297792,Big Blue Nation, -13596,Donald Trump,1.0,yes,1.0,Negative,0.7105,FOX News or Moderators,1.0,,jjwills2,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:00:44 -0700,629472211041062912,texas, -13597,Donald Trump,1.0,yes,1.0,Neutral,0.6537,None of the above,1.0,,jenniferiller,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:00:44 -0700,629472209501687808,,Central Time (US & Canada) -13598,Donald Trump,0.4444,yes,0.6667,Positive,0.6667,None of the above,0.4444,,akansaskid,,3,,,RT @tmservo433: Prediction: Donald Trump goes up in post debate polls. Because he looks no crazier than anyone else and more entertaining #…,,2015-08-06 19:00:44 -0700,629472208503504896,, -13599,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,gosandee,,0,,,I can't take anything Rand Paul says seriously because of his power perm. #bigperm #GOPDebates #gopdrinkinggame,,2015-08-06 19:00:43 -0700,629472203629682690,"Portland, OR",Quito -13600,Ted Cruz,0.6667,yes,1.0,Positive,0.6667,None of the above,0.6667,,ss31704_s,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:41 -0700,629472195522228225,Georgia, -13601,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,charleslappert1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:40 -0700,629472192124727296,, -13602,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,PostPosition,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:00:40 -0700,629472192032587776,©2015 Crazytown Industries ltd,Eastern Time (US & Canada) -13603,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,johnschambers,,1,,,"#TRUMP2016 #GOPDEBATES Finally, someone saying...SCREW POLITICAL CORRECTNESS. Sick of it, and looking to NEW leadership, too! #TRUMP2016",,2015-08-06 19:00:40 -0700,629472191978016768,"New York, NY", -13604,Ted Cruz,1.0,yes,1.0,Neutral,0.3508,None of the above,1.0,,MarkRYancy,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:39 -0700,629472187087482880,ALWAYS ask questions. , -13605,Donald Trump,0.6578,yes,1.0,Neutral,0.3499,None of the above,0.6921,,dianacfriese,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:37 -0700,629472181680893952,California/Texas, -13606,Donald Trump,0.6977,yes,1.0,Positive,0.6395,None of the above,1.0,,OtherTomJones,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:37 -0700,629472181144043520,"Pittsboro, NC",Eastern Time (US & Canada) -13607,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6703,,pigiron55,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:00:36 -0700,629472177369149440,,Arizona -13608,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hannastettner,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 19:00:35 -0700,629472172428369921,, -13609,No candidate mentioned,1.0,yes,1.0,Neutral,0.7134,None of the above,1.0,,jesmabrey,,9,,,RT @ViolettedeAyala: I'm expecting Will Ferrell to join the stage any minute #GOPDebates,,2015-08-06 19:00:34 -0700,629472168418668544,,Quito -13610,Donald Trump,0.4545,yes,0.6742,Negative,0.3483,None of the above,0.4545,,timbanning,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 19:00:34 -0700,629472166443003904,Los Angeles,Pacific Time (US & Canada) -13611,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.7056,,monaeltahawy,,11,,,"#WhereRWomen I'm in #Cairo, where I often rail vs misogyny in politics. And here are men, men, men #GOPDebates http://t.co/PjpKhGmdyO",,2015-08-06 19:00:34 -0700,629472166359244800,Cairo/NYC,Eastern Time (US & Canada) -13612,Donald Trump,1.0,yes,1.0,Negative,0.6966,None of the above,1.0,,CChristineFair,,4,,,RT @Asimhaneef: Did I hear that right? #DonaldTrump had to pay people to attend a family wedding? #GOPDebates,,2015-08-06 19:00:33 -0700,629472162294956032,Washington DC,Atlantic Time (Canada) -13613,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DCDude1776,,1,,,"RT @IStateYourName_: Is *ANYONE* watching this debate *for* Jeb!? <---serious question. Jeb! supporters are like unicorns, I've never seen …",,2015-08-06 19:00:33 -0700,629472161753907200,US,Eastern Time (US & Canada) -13614,Ted Cruz,0.6687,yes,1.0,Negative,0.7040000000000001,None of the above,1.0,,Larrybel2000,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:31 -0700,629472154686324736,Florida,Eastern Time (US & Canada) -13615,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,jjwills2,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 19:00:31 -0700,629472153642008576,texas, -13616,Ted Cruz,0.6966,yes,1.0,Negative,0.3596,None of the above,1.0,,SOWEN1966,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:29 -0700,629472145664425984,"Seattle, WA", -13617,Donald Trump,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,OtherTomJones,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 19:00:27 -0700,629472140195155968,"Pittsboro, NC",Eastern Time (US & Canada) -13618,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.3474,,julabot,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:00:27 -0700,629472137292726272,"Sao Paulo, Brazil",Brasilia -13619,Ted Cruz,0.6876,yes,1.0,Positive,0.6395,None of the above,1.0,,StephenWidener,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:25 -0700,629472130107715584,The Blue Ridge Mtns. NC,Eastern Time (US & Canada) -13620,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6517,,shamrocklaw454,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:00:24 -0700,629472124491534336,"Texas, USA", -13621,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,hogarmio,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 19:00:23 -0700,629472121765384192,, -13622,No candidate mentioned,1.0,yes,1.0,Negative,0.687,None of the above,1.0,,HarlzG,,0,,,Why are they so sure Hillary is getting the nod? #GOPDebates,,2015-08-06 19:00:22 -0700,629472117050863616,"Portland, Or. ", -13623,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.7234,,KrisColvin,,28,,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:00:19 -0700,629472106636402688,Kansas City,Central Time (US & Canada) -13624,No candidate mentioned,1.0,yes,1.0,Negative,0.6785,FOX News or Moderators,0.6785,,hstaskiel,,0,,,How has no one mentioned the Oompa Loompa moderator? #GOPDebates #youareorange #thiswholethingisridiculous,,2015-08-06 19:00:19 -0700,629472105843830784,"Gainesville, FL",Eastern Time (US & Canada) -13625,No candidate mentioned,0.4634,yes,0.6808,Neutral,0.6808,None of the above,0.4634,,_terri_jones,,2,,,"RT @drskyskull: ""You know how [Hillary Clinton] will come after you..."" ... by making ads that sample from these #GOPDebates?",,2015-08-06 19:00:19 -0700,629472104413466624,central Florida,Eastern Time (US & Canada) -13626,Donald Trump,1.0,yes,1.0,Negative,0.6706,FOX News or Moderators,1.0,,cbugsy110,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 19:00:18 -0700,629472098705121281,Farmington , -13627,No candidate mentioned,1.0,yes,1.0,Neutral,0.6843,None of the above,0.6843,,Perry_T,,0,,,Was that actually a question? #GOPDebates,,2015-08-06 19:00:17 -0700,629472095794278400,,Mid-Atlantic -13628,No candidate mentioned,0.3652,yes,0.6043,Negative,0.6043,Jobs and Economy,0.3652,,Teresachr44,,6,,,"RT @SupermanHotMale: One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 19:00:15 -0700,629472088391192576,"Murfreesboro, TN", -13629,Jeb Bush,1.0,yes,1.0,Negative,0.6882,None of the above,1.0,,legalimm,,9,,,"RT @MarkDavis: Man, I'm sorry, this has nothing to do w/politics, but #JebBush is totally mediocre here. #GOPDebates",,2015-08-06 19:00:15 -0700,629472087900598272,,Central Time (US & Canada) -13630,No candidate mentioned,1.0,yes,1.0,Neutral,0.6458,Women's Issues (not abortion though),1.0,,KarenRegis,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 19:00:14 -0700,629472082393305089,Colorado,London -13631,No candidate mentioned,0.4744,yes,0.6888,Negative,0.3586,None of the above,0.4744,,matthews_p,,20,,,"RT @Popehat: #GOPDebates Kelly: ""I really want to get to a question from Facebook."" Yes. That's the problem.",,2015-08-06 19:00:13 -0700,629472079050579972,,Eastern Time (US & Canada) -13632,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),1.0,,AnisaLiban,,1,,,#GOPDebates proved that Women in the US are more likely to be assaulted by men (verbally & physically) than any kind of 'terrorist' attack.,,2015-08-06 19:00:13 -0700,629472077700050948,where the youth are ,Eastern Time (US & Canada) -13633,Jeb Bush,1.0,yes,1.0,Negative,0.7,FOX News or Moderators,1.0,,Binksterb,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:00:12 -0700,629472073975382016,Knoxville Tennessee,Eastern Time (US & Canada) -13634,No candidate mentioned,1.0,yes,1.0,Positive,0.3407,None of the above,1.0,,Jaleesa_Nicole,,0,,,Democrats have to be LOVING the #GOPDebates right now!!!!!,,2015-08-06 19:00:12 -0700,629472073593823232,GEORGIA,Quito -13635,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.3516,,danielt10439873,,11,,,RT @SupermanHotMale: Go back to Canada Asshole #GopDebates http://t.co/rUgCy5JvZQ,,2015-08-06 19:00:10 -0700,629472067705044992,, -13636,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,agimcorp,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:08 -0700,629472057487704066,Boston - Monterrey - San Pedro,Eastern Time (US & Canada) -13637,No candidate mentioned,0.4253,yes,0.6522,Negative,0.6522,None of the above,0.4253,,drskyskull,,2,,,"""You know how [Hillary Clinton] will come after you..."" ... by making ads that sample from these #GOPDebates?",,2015-08-06 19:00:05 -0700,629472046205005824,"Charlotte, NC",Central Time (US & Canada) -13638,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,MarkMcCurdy,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 19:00:02 -0700,629472034687324161,Fountain Valley,Pacific Time (US & Canada) -13639,Ted Cruz,0.6778,yes,1.0,Positive,0.6778,None of the above,1.0,,WeiseDame,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 19:00:01 -0700,629472030002421760,TN,America/Chicago -13640,Scott Walker,1.0,yes,1.0,Negative,1.0,Foreign Policy,1.0,,b140tweet,,2,,,"RT @AvidHeather: If Walker, Paul or Huckabee had to meet with Putin or command our armies they'd shit their pants. Not president material. …",,2015-08-06 19:00:01 -0700,629472027389349889,Heaven ,Eastern Time (US & Canada) -13641,No candidate mentioned,0.4539,yes,0.6737,Neutral,0.3368,Women's Issues (not abortion though),0.4539,,dlag1995,,0,,,What would you say to a real life woman with rights and stuff? #GOPDebates,,2015-08-06 19:00:00 -0700,629472023786471424,"Washington, DC/Plainview, NY", -13642,Donald Trump,1.0,yes,1.0,Negative,0.6931,None of the above,1.0,,SincerelyKahn,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 18:59:59 -0700,629472019957030913,Stay out of my DMs. No Inbox!,Quito -13643,Rand Paul,0.6484,yes,1.0,Negative,0.3516,None of the above,0.6484,,Mariacka,,0,,,I hope people aren't so reality tv exposed that they only love that Paul and Christi raised voices. #GOPDebates,,2015-08-06 18:59:58 -0700,629472016039456769,USA,Central Time (US & Canada) -13644,Jeb Bush,0.6444,yes,1.0,Negative,1.0,None of the above,0.6444,,katewill44,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:59:54 -0700,629472000147369985,va,Central Time (US & Canada) -13645,No candidate mentioned,0.6733,yes,1.0,Negative,1.0,None of the above,0.6733,,mghjmh,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:59:49 -0700,629471981168107521,Easton Pa U.S.A., -13646,Rand Paul,1.0,yes,1.0,Negative,0.6445,FOX News or Moderators,0.6445,,SCIslanderfan,,0,,,I feel bad for Rand Paul. He lost his cool from the opening question and hasn't recovered #FoxNews #GOPDebates,,2015-08-06 18:59:49 -0700,629471978294939648,"Lexington,SC",Eastern Time (US & Canada) -13647,No candidate mentioned,1.0,yes,1.0,Positive,0.6748,None of the above,1.0,,koriknowssquat,,0,,,My high school crush just commented on my Facebook status about the #GOPDebates. I’m pretty sure I just won the night (says my 15yo self.),,2015-08-06 18:59:48 -0700,629471976223059968,"Washington, D.C. ",Eastern Time (US & Canada) -13648,Ted Cruz,1.0,yes,1.0,Positive,0.6629999999999999,None of the above,1.0,,kathypeterson,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:47 -0700,629471970594299905,,Mountain Time (US & Canada) -13649,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.6444,,jjday10,,0,,,This is making me so hot. Please take away my birth control so I can have your baby. #GOPDebates,,2015-08-06 18:59:47 -0700,629471969826746368,"Cincinnati, OH",Eastern Time (US & Canada) -13650,No candidate mentioned,0.2256,yes,0.6562,Negative,0.6562,FOX News or Moderators,0.2256,,PatRCO,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 18:59:46 -0700,629471966726983680,,Mountain Time (US & Canada) -13651,Ted Cruz,0.6866,yes,1.0,Positive,0.6729999999999999,None of the above,0.6729999999999999,,BrungerB,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:46 -0700,629471966236246017,"Silicon Valley, CA",Pacific Time (US & Canada) -13652,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,deanperryhenry,,2,,,RT @Jamesyontrofsky: Jeb Bore...er...Bush is really a perfect GOP candidate. Boring Big Gov junior executive for ALL the Special Interests.…,,2015-08-06 18:59:45 -0700,629471964344627200,San Antonio & Ft Worth, -13653,Ted Cruz,0.6531,yes,1.0,Neutral,0.6735,None of the above,1.0,,Debramax,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:45 -0700,629471961853370368,, -13654,Ted Cruz,1.0,yes,1.0,Positive,0.6696,None of the above,0.6696,,jon_newland,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:45 -0700,629471961161297920,, -13655,Ted Cruz,0.6237,yes,1.0,Negative,0.6237,None of the above,0.3763,,AcesHigh10,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:35 -0700,629471920472334336,Whitetop VA, -13656,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,B_LOUDSound,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:59:35 -0700,629471920182960128,"Techwood, Atlanta",Quito -13657,Donald Trump,1.0,yes,1.0,Negative,0.6742,FOX News or Moderators,1.0,,TexasSheri,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:59:32 -0700,629471908724015104,"Dallas, Texas",Central Time (US & Canada) -13658,Jeb Bush,0.6816,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,redrivergrl,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:59:32 -0700,629471908451364864,,Central Time (US & Canada) -13659,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,hlstrother,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:59:32 -0700,629471906828128257,"Michigan, USA", -13660,No candidate mentioned,1.0,yes,1.0,Negative,0.6966,Women's Issues (not abortion though),1.0,,iMLedBetter,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 18:59:30 -0700,629471899739947008,,Central Time (US & Canada) -13661,Donald Trump,1.0,yes,1.0,Negative,0.6471,FOX News or Moderators,1.0,,babypeastepp,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:59:28 -0700,629471892571820032,, -13662,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,msgoddessrises,,0,,,He sounded passionate and believable. #Bush #GOPDebates https://t.co/GDNn2Qs8j5,,2015-08-06 18:59:26 -0700,629471880878030849,Viva Las Vegas NV.,Pacific Time (US & Canada) -13663,Donald Trump,0.6489,yes,1.0,Neutral,0.3511,None of the above,1.0,,AgapeMens,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:24 -0700,629471872334307329, North Carolina, -13664,No candidate mentioned,1.0,yes,1.0,Negative,0.7,None of the above,1.0,,b140tweet,,2,,,RT @MikeBrockett: I love how the candidates are talking all kinds of shit about each other #GOPDebates,,2015-08-06 18:59:23 -0700,629471869280874497,Heaven ,Eastern Time (US & Canada) -13665,Donald Trump,1.0,yes,1.0,Neutral,0.667,None of the above,1.0,,susiefishl,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:59:22 -0700,629471865204027392,,Central Time (US & Canada) -13666,Jeb Bush,1.0,yes,1.0,Negative,1.0,Foreign Policy,0.6599,,Lynn9353,,0,,,@JebBush2016 You Called PPL ? Families Of The KIA In Iraq You Said #GOPDebates Not My Sister 😡 Your Brother Didn't Even Call 😡,,2015-08-06 18:59:19 -0700,629471854047199232,,Eastern Time (US & Canada) -13667,Jeb Bush,1.0,yes,1.0,Negative,0.7108,None of the above,1.0,,zabackj,,0,,,I bet Jeb Bush gets really good weed. Just sayin. @GOP #GOPDebate #GOPDebate2016 #GOPDebates #PresidentialDebate,,2015-08-06 18:59:18 -0700,629471851165667329,"New York, NY",Eastern Time (US & Canada) -13668,No candidate mentioned,1.0,yes,1.0,Negative,0.6774,None of the above,1.0,,veritasema,,0,,,"That audience is a little sparse, in it? #GOPDebates",,2015-08-06 18:59:16 -0700,629471842185539584,The comfy chair,Central Time (US & Canada) -13669,Donald Trump,0.4492,yes,0.6702,Neutral,0.6702,None of the above,0.4492,,JMattS23,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:59:15 -0700,629471836535963648,, -13670,Ted Cruz,0.4755,yes,0.6896,Neutral,0.3761,None of the above,0.4755,,MikeDBears34,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:14 -0700,629471832677158916,"Atlanta, GA ", -13671,No candidate mentioned,0.435,yes,0.6596,Neutral,0.6596,None of the above,0.435,,itsShonny,,1,,,RT @SupermanHotMale: FEEL THE BERN @SenSanders : ) #GopDebates,,2015-08-06 18:59:11 -0700,629471821482491904,,Eastern Time (US & Canada) -13672,Ben Carson,0.4143,yes,0.6437,Negative,0.3448,None of the above,0.4143,,Connie_C_Wilson,,3,,,"RT @brock_a_r: I wonder which candidate is going to be the first to accidentally call Ben Carson ""the help"" #GOPDebates",,2015-08-06 18:59:09 -0700,629471809688236032,Chicago,Quito -13673,Chris Christie,1.0,yes,1.0,Neutral,0.6691,None of the above,1.0,,Dexterhayford,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 18:59:08 -0700,629471806458564608,Ghana ,London -13674,No candidate mentioned,1.0,yes,1.0,Negative,0.6489,Women's Issues (not abortion though),1.0,,b140tweet,,9,,,"RT @AnnemarieWeers: @PoetinPoeville Did you know there are aprx 700 laws governing women's bodies and not one governing men's? It's true. -#…",,2015-08-06 18:59:07 -0700,629471804936048640,Heaven ,Eastern Time (US & Canada) -13675,Donald Trump,1.0,yes,1.0,Negative,0.6762,None of the above,1.0,,grantbrady10,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:59:07 -0700,629471802884882432,,Central Time (US & Canada) -13676,Jeb Bush,0.4594,yes,0.6778,Negative,0.6778,Jobs and Economy,0.4594,,TechEducator1,,6,,,"RT @SupermanHotMale: One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 18:59:07 -0700,629471800964063232,Teacher of the Year 2015 ,Eastern Time (US & Canada) -13677,Jeb Bush,0.6588,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kwarrentweet,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:59:06 -0700,629471800401899520,Texas, -13678,No candidate mentioned,0.3821,yes,0.6181,Neutral,0.3139,None of the above,0.3821,,jasmine_elyse,,1,,,Lmbo shoutout to Twitter. Yall even make #GOPDebates interesting,,2015-08-06 18:59:06 -0700,629471797872885760,,Pacific Time (US & Canada) -13679,No candidate mentioned,1.0,yes,1.0,Neutral,0.6489,None of the above,0.6489,,mtaylorcassidy,,0,,,#GOPDebates has a Minute to Win It vibe,,2015-08-06 18:59:03 -0700,629471787781345280,"Fort Myers, FL", -13680,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,0.6444,,shay_rika,,4,,,RT @EthanObama: Did Trump just admit he gives money in return for business favors? #CitizensUnited #SCOTUS #gopdebates,,2015-08-06 18:59:03 -0700,629471787064016896,, -13681,Donald Trump,1.0,yes,1.0,Positive,0.6632,None of the above,1.0,,chiefragingbull,,9,,,RT @kwrcrow: @realDonaldTrump hits it out of park on @FoxNews gotcha question on campaign donations. #GOPDebates,,2015-08-06 18:59:02 -0700,629471782802718720,"Alamo, USA ", -13682,Ted Cruz,0.6703,yes,1.0,Negative,0.3407,None of the above,0.6703,,BattleHamster1,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:59:02 -0700,629471781276020737,USA,Eastern Time (US & Canada) -13683,Donald Trump,0.6941,yes,1.0,Negative,1.0,None of the above,1.0,,KellyFinley,,1,,,RT @joeynovick: #GOPDebate #DonaldTrump #gopdebates #Jeb2016 #TedCruz2016 #ChrisChristie #Christie2016 this debate is like the movie Hunger…,,2015-08-06 18:59:00 -0700,629471775613677568,"Oakdale, Calif",Eastern Time (US & Canada) -13684,No candidate mentioned,1.0,yes,1.0,Neutral,0.3474,None of the above,1.0,,joshbelinfante,,0,,,"Other than flashes of Michael Scott from the office, the serious candidates are shining through. Next debate should have 5. #GOPDebates",,2015-08-06 18:59:00 -0700,629471775487733760,, -13685,Ted Cruz,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,richlonggolf,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:58 -0700,629471765496860672,California, -13686,No candidate mentioned,1.0,yes,1.0,Negative,0.6552,None of the above,1.0,,kristinoconnn,,6,,,RT @kerrydiaries: Honestly not sure if I'm watching Mean Girls or #GOPDebates ?? Do you even go here??,,2015-08-06 18:58:57 -0700,629471763034976257,Roanoke//Fredericksburg,Quito -13687,No candidate mentioned,0.6421,yes,1.0,Positive,0.3579,None of the above,1.0,,SupermanHotMale,,1,,,FEEL THE BERN @SenSanders : ) #GopDebates,,2015-08-06 18:58:57 -0700,629471760870588416,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13688,Ted Cruz,0.6629999999999999,yes,1.0,Positive,0.6629999999999999,None of the above,0.6629999999999999,,DaThompsons,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:55 -0700,629471751731290113,"Fords, NJ",Atlantic Time (Canada) -13689,Donald Trump,0.4594,yes,0.6778,Negative,0.6778,None of the above,0.4594,,rcattry,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:58:53 -0700,629471745695686660,New York,Eastern Time (US & Canada) -13690,Ted Cruz,0.4681,yes,0.6842,Positive,0.6842,None of the above,0.4681,,c_davis6303,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:53 -0700,629471744588386304,, -13691,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6688,,hannahhchapple,,1,,,"RT @BrandyBeanHinke: As someone who knows a lot of teachers, I don't have any idea what Jeb or Rubio is talking about right now. #GOPDebates",,2015-08-06 18:58:53 -0700,629471744353533952,, -13692,Donald Trump,0.6522,yes,1.0,Positive,0.6848,None of the above,1.0,,dropzonedelta,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:52 -0700,629471738875744256,Texas, -13693,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Abortion,0.6791,,romaniello_art,,0,,,"#GOPdebates Rerun. Hate unions, states rights, damn immigrants, no abortion, privacy is bad, love war, Obama did it. I'm out.",,2015-08-06 18:58:50 -0700,629471732676620289,NY/PA,Quito -13694,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TracyMouton,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:58:49 -0700,629471728591204353,South,Central Time (US & Canada) -13695,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,msgoddessrises,,0,,,No I think his number will go down after this. #Trump #GOPDebates https://t.co/BfcxHd7vs4,,2015-08-06 18:58:48 -0700,629471724036173824,Viva Las Vegas NV.,Pacific Time (US & Canada) -13696,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,mikelm31,,2,,,RT @louvice: Donald Will Go Independent! RubioNever Shows up 4 Work! #GopDebates,,2015-08-06 18:58:47 -0700,629471718504046592,Ky. New Concord, -13697,Donald Trump,1.0,yes,1.0,Positive,0.669,None of the above,1.0,,ncattry116,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:58:47 -0700,629471718197719040,New York,Eastern Time (US & Canada) -13698,Chris Christie,0.6854,yes,1.0,Neutral,0.6629,None of the above,0.6629,,rhUSMC,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 18:58:44 -0700,629471705031815168,AZ USA, -13699,Donald Trump,1.0,yes,1.0,Negative,0.6813,None of the above,1.0,,mich_elle38,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:58:43 -0700,629471703849156608,Toronto/York Region, -13700,No candidate mentioned,1.0,yes,1.0,Negative,0.3455,None of the above,1.0,,crfontaine,,8,,,RT @b140_tweet: Rip MS ANN .. U would be a welcome advisor tonight... #GOPDEBATES http://t.co/aWyZjjSEwQ,,2015-08-06 18:58:40 -0700,629471688061775873,Boston, -13701,,0.2337,yes,0.6277,Positive,0.3404,,0.2337,,jasonastrong,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:39 -0700,629471687541522432,, -13702,Marco Rubio,1.0,yes,1.0,Negative,0.6374,None of the above,1.0,,TeasyRoosevelt,,0,,,Marc Rubio should put the #GOPDebate in his college application for next year. #GOPDebates,,2015-08-06 18:58:39 -0700,629471687432667137,,Atlantic Time (Canada) -13703,No candidate mentioned,0.4396,yes,0.6629999999999999,Neutral,0.3478,FOX News or Moderators,0.2306,,InternetSniper,,20,,,"RT @Popehat: #GOPDebates Kelly: ""I really want to get to a question from Facebook."" Yes. That's the problem.",,2015-08-06 18:58:36 -0700,629471671297142784,Tennessee,Central Time (US & Canada) -13704,Donald Trump,0.4589,yes,0.6774,Negative,0.6774,None of the above,0.4589,,ezstreet,,28,,,RT @DemocracyMatrz: Did Trump just admit to buying influence while at the same time declaring the need for campaign finance reform??? #GOPD…,,2015-08-06 18:58:34 -0700,629471664212828161,"iPhone: 38.912403,-77.031588",Quito -13705,Ted Cruz,1.0,yes,1.0,Positive,0.6852,None of the above,1.0,,03forester,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:34 -0700,629471664133148672,, -13706,Donald Trump,1.0,yes,1.0,Negative,0.6629999999999999,None of the above,1.0,,GAderholt,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:58:32 -0700,629471657699184640,,Eastern Time (US & Canada) -13707,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,markatruslow,,0,,,Can't wait to see @BillMaher tomorrow night. He'll have a field day with this bullshit. #GOPDebates #GOPDebate,,2015-08-06 18:58:31 -0700,629471653672689664,Towson MD. ,Eastern Time (US & Canada) -13708,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6818,,ott_deb,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:58:30 -0700,629471646093549568,NY/TN, -13709,No candidate mentioned,1.0,yes,1.0,Neutral,0.6859999999999999,None of the above,1.0,,b140tweet,,1,,,"RT @16campaignbites: Yes, and Moe was the smartest Stooge -#Democrats #GOPDebates @TheDemocrats https://t.co/Ucd675MRMY",,2015-08-06 18:58:28 -0700,629471640599044100,Heaven ,Eastern Time (US & Canada) -13710,Jeb Bush,0.2382,yes,0.6848,Negative,0.6848,Jobs and Economy,0.4689,,Ninaluv2luv,,6,,,"RT @SupermanHotMale: One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 18:58:27 -0700,629471637205680128,turkey,Central Time (US & Canada) -13711,Ted Cruz,0.6517,yes,1.0,Negative,0.6517,None of the above,1.0,,TheTweedSteed,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:25 -0700,629471628389257216,AL ,Eastern Time (US & Canada) -13712,Ben Carson,0.6429,yes,1.0,Neutral,0.6939,Religion,0.6633,,RyanBenharris,,0,,,"""God's a pretty fair guy""...Ben Carson to his pediatric brain cancer patient #GOPdebates",,2015-08-06 18:58:25 -0700,629471624971030528,,Eastern Time (US & Canada) -13713,Ted Cruz,0.6629,yes,1.0,Negative,0.6404,None of the above,1.0,,DanDiekhoff,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:25 -0700,629471624895590400,, -13714,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,ginnyrvisser,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:58:24 -0700,629471624476016640,Iowa, -13715,No candidate mentioned,1.0,yes,1.0,Negative,0.6705,None of the above,0.6591,,sprittibee,,0,,,Sky News has some biased advisor talking instead of commercial breaks. Really?! #GOPdebates #shutup,,2015-08-06 18:58:21 -0700,629471610546876416,"Austin, TX",Mountain Time (US & Canada) -13716,Marco Rubio,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,spatel_07246,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 18:58:20 -0700,629471605316411396,"California, USA",Arizona -13717,No candidate mentioned,1.0,yes,1.0,Negative,0.6855,FOX News or Moderators,1.0,,sflcat,,0,,,Need to hand it to Fox. They're not tossing the candidate's softballs. #GOPdebates,,2015-08-06 18:58:19 -0700,629471602875437056,South Florida,Eastern Time (US & Canada) -13718,John Kasich,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,innov8v,,0,,,I'm going to bed...@JohnKasich gets my vote tonight #GOPDebate #GOPDebates,,2015-08-06 18:58:18 -0700,629471598043615236,,Eastern Time (US & Canada) -13719,Jeb Bush,1.0,yes,1.0,Negative,1.0,Jobs and Economy,1.0,,riwired,,6,,,"RT @SupermanHotMale: One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 18:58:18 -0700,629471595954712577,Broadway , -13720,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,angelavansoest,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:58:13 -0700,629471577797697536,NEW YORK!!, -13721,Ted Cruz,0.6629,yes,1.0,Positive,0.6517,None of the above,1.0,,MDTwankyTwank,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:12 -0700,629471572634419200,"Greenbow, Alabama", -13722,Ted Cruz,0.4495,yes,0.6705,Neutral,0.3409,None of the above,0.4495,,chughes63,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:10 -0700,629471565541978112,,Eastern Time (US & Canada) -13723,Ted Cruz,1.0,yes,1.0,Positive,0.6949,None of the above,1.0,,yarbbla,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:09 -0700,629471559326040064,, -13724,Donald Trump,0.6379,yes,1.0,Neutral,0.3621,None of the above,1.0,,AccelAuto,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:05 -0700,629471542834003969,"Cincinnati, Ohio",Eastern Time (US & Canada) -13725,Ben Carson,1.0,yes,1.0,Negative,0.6444,None of the above,0.7111,,b140tweet,,3,,,"RT @brock_a_r: I wonder which candidate is going to be the first to accidentally call Ben Carson ""the help"" #GOPDebates",,2015-08-06 18:58:04 -0700,629471537993773056,Heaven ,Eastern Time (US & Canada) -13726,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,0.6349,,johnschambers,,0,,,"#TRUMP2016 #GOPDEBATES Trump is stealing the show, despite even moderators showing they are bias. He speaks the truth. Finally. GO DONALD!",,2015-08-06 18:58:02 -0700,629471531689750529,"New York, NY", -13727,Ted Cruz,1.0,yes,1.0,Negative,0.6955,None of the above,1.0,,JimmyJames38,,0,,,Cruz does not have mass appeal #sorrynotsorry #GOPDebates,,2015-08-06 18:58:01 -0700,629471527369621504,Center of the Buckeye,Eastern Time (US & Canada) -13728,No candidate mentioned,0.4293,yes,0.6552,Negative,0.3333,None of the above,0.4293,,fsxbc,,0,,,"@EdgeofSports Thanks for being a voice of reason in this mess! #GOPDebates -Laughs are few this evening, but ""canned goods"" is gold!",,2015-08-06 18:58:01 -0700,629471524169338881,"Tampa, FL",Eastern Time (US & Canada) -13729,Ted Cruz,1.0,yes,1.0,Positive,0.3516,None of the above,0.6703,,OrtaineDevian,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:58:00 -0700,629471520012812288,"Boston, MA", -13730,Ted Cruz,1.0,yes,1.0,Positive,0.675,None of the above,1.0,,Apipwhisperer,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:59 -0700,629471515667361797,WORLD,Central Time (US & Canada) -13731,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,KalMunis,,6,,,RT @NateMJensen: I'm starting to worry that Trump is a field experiment. #GOPdebates,,2015-08-06 18:57:55 -0700,629471499615776768,Montana , -13732,Ted Cruz,0.4444,yes,0.6667,Neutral,0.3441,None of the above,0.4444,,thomaswgoodman,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:55 -0700,629471499351654400,West Virginia,Eastern Time (US & Canada) -13733,Ted Cruz,1.0,yes,1.0,Negative,0.6966,None of the above,0.6629,,patrick_blanks,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:54 -0700,629471495262236672,ft worth tx, -13734,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,ElectrikCarter,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:57:52 -0700,629471489381810176,@ Worldwide Fashion shows,Eastern Time (US & Canada) -13735,Jeb Bush,1.0,yes,1.0,Negative,0.6781,None of the above,0.6674,,Brad_Talk,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:57:51 -0700,629471485841707008,"Provo, Utah",Mountain Time (US & Canada) -13736,Donald Trump,0.4401,yes,0.6634,Negative,0.6634,FOX News or Moderators,0.4401,,ARepublic,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:57:51 -0700,629471484864389120,Somewhere in Arizona,Arizona -13737,Ted Cruz,0.6824,yes,1.0,Positive,0.6471,None of the above,1.0,,romanichal_dad,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:51 -0700,629471484356890624,America,Central Time (US & Canada) -13738,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,JonathonRush,,0,,,"Again, Republicans support free enterprise, but Fox is running too many commercials! #GOPdebates",,2015-08-06 18:57:50 -0700,629471480351490049,"Columbia, SC",Eastern Time (US & Canada) -13739,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,zabackj,,0,,,The Donald. Your shtick is getting a bit boring. Freshen up or you're done. @GOP #GOPDebate #GOPDebate2016 #GOPDebates #PresidentialDebate,,2015-08-06 18:57:49 -0700,629471476241014784,"New York, NY",Eastern Time (US & Canada) -13740,Ted Cruz,1.0,yes,1.0,Neutral,0.6354,None of the above,1.0,,Marcpau22100,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:49 -0700,629471475360206848,USA,Eastern Time (US & Canada) -13741,Donald Trump,0.6714,yes,1.0,Positive,0.3498,None of the above,1.0,,tripower07,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:48 -0700,629471472075931648,Tennessee, -13742,Ben Carson,1.0,yes,1.0,Negative,0.643,None of the above,1.0,,InfamousPCG77,,1,,,"Here's what they think about you, Ben Carson!!!! THEY DON'T LOVE YOU!!!! #GOPDebates http://t.co/1yQzZzEDNN",,2015-08-06 18:57:46 -0700,629471463477673984,HOUSTON,Central Time (US & Canada) -13743,Donald Trump,1.0,yes,1.0,Neutral,1.0,None of the above,1.0,,SwaaggyP,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:57:45 -0700,629471458960539649,New York,Eastern Time (US & Canada) -13744,Ted Cruz,1.0,yes,1.0,Negative,0.6920000000000001,None of the above,0.6806,,Sheri0526,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:44 -0700,629471452840890368,Colorado, -13745,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,joeynovick,,1,,,#GOPDebate #DonaldTrump #gopdebates #Jeb2016 #TedCruz2016 #ChrisChristie #Christie2016 this debate is like the movie Hunger Games!,,2015-08-06 18:57:43 -0700,629471451859521536,"Flemington, NJ",Quito -13746,Rand Paul,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,b140tweet,,2,,,RT @pst_II: Rand Paul comes across as the bad guy in a John Hughes film. #GOPDebates https://t.co/OODBonYfa9,,2015-08-06 18:57:43 -0700,629471449607221248,Heaven ,Eastern Time (US & Canada) -13747,Jeb Bush,1.0,yes,1.0,Positive,0.3483,None of the above,0.6966,,JayQPublic,,1,,,"RT @msgoddessrises: #Common Core #Bush ""I'm for higher standards ending social promotion-statewide voucher program challenging teachers uni…",,2015-08-06 18:57:40 -0700,629471439532519424,Prehumis,Pacific Time (US & Canada) -13748,No candidate mentioned,0.675,yes,1.0,Negative,0.6949,None of the above,1.0,,Porterem,,0,,,@IngrahamAngle who is winning? Unfortunately it's No one on the stage. and we all lose. #GOPDebates #WakeUpAmerica,,2015-08-06 18:57:39 -0700,629471434226692096,american family insurance, -13749,Ben Carson,1.0,yes,1.0,Negative,0.6941,Religion,0.6941,,Skatalite79,,1,,,"RT @whammer1249: ""God loves you and he needs money"" George Carlin & Ben Carson #GOPDebates",,2015-08-06 18:57:39 -0700,629471433152860160,"Wheeling, WV", -13750,Marco Rubio,0.6859999999999999,yes,1.0,Negative,1.0,None of the above,1.0,,DreamWeaver61,,53,,,"RT @RWSurferGirl: Rubio and Bush are a threat to this country, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 18:57:39 -0700,629471433136185344,,Central Time (US & Canada) -13751,Ted Cruz,1.0,yes,1.0,Positive,0.3678,None of the above,0.7011,,steverbridges,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:39 -0700,629471432016162816,"Mesa, Arizona",Pacific Time (US & Canada) -13752,Ted Cruz,1.0,yes,1.0,Neutral,0.6791,None of the above,1.0,,blondspacecadet,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:37 -0700,629471426857279488,Heart of Dixie,Central Time (US & Canada) -13753,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Perry_T,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 18:57:32 -0700,629471405399257088,,Mid-Atlantic -13754,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,0.622,,tekgypsy,,0,,,#GOPDebates you need to stop the he-said she-said questions,,2015-08-06 18:57:27 -0700,629471383127519232,,Eastern Time (US & Canada) -13755,No candidate mentioned,0.4204,yes,0.6484,Neutral,0.6484,None of the above,0.4204,,juaneezy_f_baby,,0,,,@indiequick please stop using the #GOPDebates hashtag. This event is Facebook exclusive.,,2015-08-06 18:57:24 -0700,629471371312037888,Where the Wild Things Are. 408,Pacific Time (US & Canada) -13756,No candidate mentioned,1.0,yes,1.0,Negative,0.649,Jobs and Economy,0.6801,,jsc1835,,0,,,"GOP keep hurling attacks on teachers and unions. Might be because unions and teachers back the Democrats, and Dems back them. #GOPDebates",,2015-08-06 18:57:23 -0700,629471368325697536,,Central Time (US & Canada) -13757,Jeb Bush,0.6556,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,CheriseDixon,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:57:23 -0700,629471367914766336,somewhere in the USA,Eastern Time (US & Canada) -13758,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LooneyTunes002,,0,,,I would say after 1 hour - #Jeb is not the winner tonight. #GOPDebates,,2015-08-06 18:57:22 -0700,629471361233223680,NC/SC CCOT TCOT Constitution,Quito -13759,Ted Cruz,0.6552,yes,1.0,Negative,0.6897,None of the above,0.6552,,doylebob,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:21 -0700,629471359731650560,"Michigan, USA",Eastern Time (US & Canada) -13760,Donald Trump,1.0,yes,1.0,Positive,0.3638,None of the above,1.0,,Skinde,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:57:21 -0700,629471356489474049,,Eastern Time (US & Canada) -13761,Ted Cruz,1.0,yes,1.0,Negative,1.0,None of the above,0.6388,,PurePolitics,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:21 -0700,629471356384616448,"Atlanta, DC, London",Central Time (US & Canada) -13762,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,torii_dawson,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:57:19 -0700,629471348625158144,RVA | Bristol,Pacific Time (US & Canada) -13763,Ted Cruz,0.698,yes,1.0,Neutral,0.3865,None of the above,1.0,,ChrisOmegallc,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:18 -0700,629471346070843393,NJ,Eastern Time (US & Canada) -13764,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,j_c_wms,,0,,,"#GOPDebates #JebBush check your stats again on education in #Florida. You are wrong, wrong, wrong. Sugar coating plus.",,2015-08-06 18:57:16 -0700,629471339255099392,,Eastern Time (US & Canada) -13765,Jeb Bush,0.6457,yes,1.0,Negative,0.6457,FOX News or Moderators,0.6686,,jon_newland,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:57:16 -0700,629471336642048000,, -13766,No candidate mentioned,1.0,yes,1.0,Neutral,0.6596,None of the above,1.0,,YumaWray,,0,,,My timeline is on fire #GOPDebates #GOPClownShow,,2015-08-06 18:57:15 -0700,629471331889889284,"Paso Robles, CA/Washington DC",Central Time (US & Canada) -13767,Donald Trump,0.6714,yes,1.0,Positive,0.3371,None of the above,0.6629,,MauiPiper,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:57:14 -0700,629471329780170752,long island,Eastern Time (US & Canada) -13768,Donald Trump,1.0,yes,1.0,Negative,0.6409999999999999,FOX News or Moderators,0.6409999999999999,,alec73065,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:57:14 -0700,629471327582195712,Texas Heaven,Central Time (US & Canada) -13769,Ted Cruz,1.0,yes,1.0,Negative,0.6629,None of the above,1.0,,The_Viking64,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:12 -0700,629471321076817920,Orange County FL,Atlantic Time (Canada) -13770,Ted Cruz,1.0,yes,1.0,Negative,0.3942,None of the above,1.0,,dsolin,,149,,,"RT @RWSurferGirl: I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #G…",,2015-08-06 18:57:12 -0700,629471320238084096,"Dayton, OH",Eastern Time (US & Canada) -13771,Jeb Bush,0.6496,yes,1.0,Negative,0.6807,Jobs and Economy,1.0,,SupermanHotMale,,6,,,"One crash of the economy is way more than we want again, no thanks!!! #GopDebates #JEB",,2015-08-06 18:57:12 -0700,629471319143354368,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13772,Donald Trump,0.6703,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,RobynSChilson,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:57:10 -0700,629471313183285248,Pennsylvania,Atlantic Time (Canada) -13773,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,sandiego_kat,,0,,,"Have any of these politicians pimping #CommonCore actually tried to teach that curriculum? Ask any teacher, it's ridiculous! #GOPDebates",,2015-08-06 18:57:10 -0700,629471310523990016,san diego,Pacific Time (US & Canada) -13774,Jeb Bush,0.6628,yes,1.0,Negative,0.6512,FOX News or Moderators,1.0,,iphooey,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:57:09 -0700,629471309949468676,USA,Central Time (US & Canada) -13775,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,truthbtruth2,,2,,,RT @tammy_pence: I'm ONLY watching the #GOPDebates because of #DonaldTrump. He says what we have all been thinking for years. It's time for…,,2015-08-06 18:57:06 -0700,629471296745771008,, -13776,No candidate mentioned,1.0,yes,1.0,Neutral,0.7189,None of the above,0.3784,,hitechjunkie,,0,,,"#GOPDebates Until we get a handle on Radical Islamic Terrorism, bring back profiling in US. It is clear who is perpetrating terrorism in US.",,2015-08-06 18:57:04 -0700,629471285320486914,,Central Time (US & Canada) -13777,Donald Trump,0.6705,yes,1.0,Negative,0.6818,FOX News or Moderators,1.0,,808Tony,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:57:02 -0700,629471277992927234,"Kapoho, Hawaii, 96778",Hawaii -13778,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,BlueAngel807,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:57:00 -0700,629471270044733440,"Austin, Texas ",Central Time (US & Canada) -13779,Ben Carson,0.4541,yes,0.6738,Negative,0.6738,None of the above,0.4541,,OtherTomJones,,3,,,"RT @brock_a_r: I wonder which candidate is going to be the first to accidentally call Ben Carson ""the help"" #GOPDebates",,2015-08-06 18:57:00 -0700,629471269432500224,"Pittsboro, NC",Eastern Time (US & Canada) -13780,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DoubleDipChip,,6,,,RT @kerrydiaries: Honestly not sure if I'm watching Mean Girls or #GOPDebates ?? Do you even go here??,,2015-08-06 18:56:59 -0700,629471264361549824,, -13781,No candidate mentioned,1.0,yes,1.0,Negative,0.6848,FOX News or Moderators,1.0,,janiejoMT,,20,,,"RT @Popehat: #GOPDebates Kelly: ""I really want to get to a question from Facebook."" Yes. That's the problem.",,2015-08-06 18:56:58 -0700,629471262285373440,Montana, -13782,Ted Cruz,1.0,yes,1.0,Negative,0.7111,Foreign Policy,0.7111,,comicsincolor,,3,,,"RT @letsgetfree13: Megyn Kelly: How would you defeat ISIS in 90 days? - -Ted Cruz: With my Green Lantern ring, of course. - -#GOPdebates",,2015-08-06 18:56:58 -0700,629471259953360896,, -13783,Donald Trump,0.6128,yes,1.0,Negative,0.6128,None of the above,1.0,,RWSurferGirl,,149,,,"I think Cruz and Trump need to band together and expose this set up job, and get rid of Bush and Rubio, 🇺🇸 #GOPDebate #GOPDebates",,2015-08-06 18:56:57 -0700,629471257067585537,"Newport Beach, California",Pacific Time (US & Canada) -13784,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Racial issues,0.6629,,__Majinbuu,,3,,,"RT @philogaytheist: Is 'political correctness' the new Republican dog-whistle for racism, homophobia and islamophobia all rolled into one? …",,2015-08-06 18:56:54 -0700,629471244434436096,,Eastern Time (US & Canada) -13785,Jeb Bush,1.0,yes,1.0,Negative,0.6914,FOX News or Moderators,1.0,,nscrgrl20,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:53 -0700,629471241657712640,"Tampa, Florida",Hawaii -13786,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,philip_batson,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:51 -0700,629471232572809216,, -13787,Jeb Bush,1.0,yes,1.0,Negative,0.6983,FOX News or Moderators,1.0,,shells2014,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:46 -0700,629471212964577281,"Atlanta, GA", -13788,Jeb Bush,1.0,yes,1.0,Negative,0.6841,None of the above,1.0,,IStateYourName_,,1,,,"Is *ANYONE* watching this debate *for* Jeb!? <---serious question. Jeb! supporters are like unicorns, I've never seen one. #GOPDebates",,2015-08-06 18:56:46 -0700,629471211223777280,"Las Vegas, NV",Pacific Time (US & Canada) -13789,No candidate mentioned,0.4113,yes,0.6413,Positive,0.3261,None of the above,0.4113,,spatel_07246,,6,,,RT @kerrydiaries: Honestly not sure if I'm watching Mean Girls or #GOPDebates ?? Do you even go here??,,2015-08-06 18:56:46 -0700,629471210271739904,"California, USA",Arizona -13790,No candidate mentioned,0.6327,yes,1.0,Negative,0.6995,FOX News or Moderators,1.0,,PamelafBrockman,,1,,,RT @kwrcrow: @BonniesAmerica @FoxNews @realDonaldTrump @marcorubio Fox is obviously picking sides and candidates tonight. TRAGIC! #GOPDebat…,,2015-08-06 18:56:45 -0700,629471209382502401,"Boulder, Colorado",Mountain Time (US & Canada) -13791,Donald Trump,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,Roddyhendrix,,8,,,"RT @SupermanHotMale: Donald Trump: Money talks and bullshit walks, he wants to bribe every elected official in America... FU Trump #GopDeba…",,2015-08-06 18:56:44 -0700,629471204018008064,,Central Time (US & Canada) -13792,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,itsShonny,,6,,,RT @SupermanHotMale: NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:56:39 -0700,629471182798979072,,Eastern Time (US & Canada) -13793,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,bobreeves1944,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:38 -0700,629471176201502720,, -13794,Jeb Bush,1.0,yes,1.0,Neutral,1.0,FOX News or Moderators,1.0,,icsigal,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:37 -0700,629471175056343040,, -13795,No candidate mentioned,1.0,yes,1.0,Negative,0.6829999999999999,None of the above,1.0,,jjday10,,2,,,"God, I wish @nerdist was moderating these debates so he could just yell out ""POINTS!"" when they say something ridiculous. #GOPDebates",,2015-08-06 18:56:36 -0700,629471167892615168,"Cincinnati, OH",Eastern Time (US & Canada) -13796,Donald Trump,0.4218,yes,0.6495,Positive,0.3299,None of the above,0.4218,,Gina_Riccobono,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:56:32 -0700,629471152360914944,ATL for now/NY in my heart,Eastern Time (US & Canada) -13797,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,FrancoIKU,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 18:56:31 -0700,629471150649815040,wherever,Central Time (US & Canada) -13798,Donald Trump,1.0,yes,1.0,Negative,0.6659,None of the above,1.0,,EmilyHeiser,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:56:31 -0700,629471148586192896,NOLA ,Central Time (US & Canada) -13799,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,kleethepimp,,0,,,gave the #GOPdebates about 5 minutes but flipped back to Donut Showdown because that's what a true American does,,2015-08-06 18:56:29 -0700,629471140130459648,the bottom of a whiskey bottle,Pacific Time (US & Canada) -13800,Donald Trump,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,tammy_pence,,2,,,I'm ONLY watching the #GOPDebates because of #DonaldTrump. He says what we have all been thinking for years. It's time for real change!,,2015-08-06 18:56:26 -0700,629471125991460864,,Eastern Time (US & Canada) -13801,Jeb Bush,1.0,yes,1.0,Positive,1.0,None of the above,1.0,,KennethEarley,,0,,,"Okay, @JebBush gets a point for that! #commonCore #Republicandebate #GOPDebates",,2015-08-06 18:56:25 -0700,629471124343009280,"SPOKANE, WA",Pacific Time (US & Canada) -13802,Jeb Bush,0.6705,yes,1.0,Negative,0.6705,None of the above,1.0,,josnoopy29,,0,,,Jeb Bush's common core initiative is rife with corruption ... #hack #CommonCore #GopDebates,,2015-08-06 18:56:25 -0700,629471121801216000,la cima del cielo ,America/Denver -13803,No candidate mentioned,0.4631,yes,0.6805,Negative,0.6805,Jobs and Economy,0.2317,,lulu742,,8,,,RT @b140_tweet: Rip MS ANN .. U would be a welcome advisor tonight... #GOPDEBATES http://t.co/aWyZjjSEwQ,,2015-08-06 18:56:24 -0700,629471118978486272,, -13804,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,LoriBrand1,,2,,,RT @marcylauren: Can't watch anymore #GOPDEBATES #Horrible #Clownshow #tcot,,2015-08-06 18:56:24 -0700,629471117837602818,, -13805,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,0.6512,,SupermanHotMale,,6,,,NO MORE BUSHS... FUCK YOU JEB #GopDebates,,2015-08-06 18:56:17 -0700,629471090230870016,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13806,No candidate mentioned,1.0,yes,1.0,Negative,0.6304,None of the above,1.0,,baileydevyn77,,7,,,RT @cloudypianos: I'm just waiting for them all to accidentally eat each other #GOPDebates,,2015-08-06 18:56:14 -0700,629471075835887616,WA; ID; NM; TX , -13807,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,lovingsgirl,,0,,,#GOPdebates Did they just say schools should be local & state run but keep receiving fed money no matter what?,,2015-08-06 18:56:13 -0700,629471072899960832,San Francisco,Pacific Time (US & Canada) -13808,Jeb Bush,1.0,yes,1.0,Neutral,0.6632,FOX News or Moderators,1.0,,edmond_blakeney,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:11 -0700,629471065371189248,, -13809,Jeb Bush,0.7011,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,cutigerbelle,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:11 -0700,629471065362812928,"God's Country, SC",Eastern Time (US & Canada) -13810,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,jenhoge,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:56:09 -0700,629471058014416896,, -13811,Jeb Bush,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,j_c_wms,,0,,,#GOPDebates will someone please tell #JebBush that #Education in #Florida is and has been an absolute mess since politicians got involved.,,2015-08-06 18:56:07 -0700,629471046513651712,,Eastern Time (US & Canada) -13812,Donald Trump,1.0,yes,1.0,Negative,0.6609,FOX News or Moderators,1.0,,ConservativeGM,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:56:06 -0700,629471044206592002,"Anytown, NJ",Eastern Time (US & Canada) -13813,Jeb Bush,1.0,yes,1.0,Negative,0.6842,None of the above,1.0,,thelindalord,,6,,,RT @neilpX: “@jsc1835: Jeb Bush says that he earned being called Jeb....??? .#GOPDebates” /What an achievement ?!?,,2015-08-06 18:56:05 -0700,629471040805163008,,Quito -13814,No candidate mentioned,0.4153,yes,0.6444,Negative,0.6444,Racial issues,0.4153,,nadixsims,,3,,,"RT @philogaytheist: Is 'political correctness' the new Republican dog-whistle for racism, homophobia and islamophobia all rolled into one? …",,2015-08-06 18:56:05 -0700,629471038607360000,θΓ | Alpha Woman.,Quito -13815,Chris Christie,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,donutsalad123,,31,,,RT @RWSurferGirl: .@GovChristie Just got his ass served to him by @RandPaul 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:56:03 -0700,629471030311038976,, -13816,No candidate mentioned,1.0,yes,1.0,Neutral,0.6907,None of the above,0.6907,,kgal1298,,0,,,Dammit these commercial breaks do not measure up with my bathroom breaks. #GOPDebates,,2015-08-06 18:56:02 -0700,629471025646866432,Los Angeles,Pacific Time (US & Canada) -13817,Donald Trump,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,EllisonTeri,,2,,,RT @kwrcrow: @FoxNews taking huge cheap shots @realDonaldTrump. #ChrisWallace even asking for help from @marcorubio to pound on #Trump. #GO…,,2015-08-06 18:56:00 -0700,629471016625025024,, -13818,Rand Paul,0.4444,yes,0.6667,Negative,0.6667,None of the above,0.4444,,pst_II,,2,,,Rand Paul comes across as the bad guy in a John Hughes film. #GOPDebates https://t.co/OODBonYfa9,,2015-08-06 18:56:00 -0700,629471016570351618,, -13819,No candidate mentioned,1.0,yes,1.0,Positive,0.6629999999999999,None of the above,1.0,,elephantgurl24,,5,,,RT @b140_tweet: Rip #AnnRichards... She has it right.. We needed her for President #GOPDEBATES #STOPRUSH http://t.co/uw5AXjzMXC,,2015-08-06 18:55:57 -0700,629471007632400384,NYC | NJ,Quito -13820,Ted Cruz,0.6813,yes,1.0,Neutral,0.3516,Foreign Policy,0.6484,,LightheartedDan,,10,,,RT @Popehat: #GOPDebates Cruz: We have to be willing to call it radical ISLAMIC terrorism. We need to make joining ISIS a death warrant.,,2015-08-06 18:55:54 -0700,629470992444755968,"Melbourne, Australia",Melbourne -13821,Scott Walker,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,DeiningerRob,,6,,,"RT @jsc1835: Scott Walker: ""Everywhere Hillary touched is messed up"" Ironic because Scott Walker messed up the state of Wisconsin. #GOP…",,2015-08-06 18:55:54 -0700,629470991803121665,New Jersey, -13822,No candidate mentioned,0.4861,yes,0.6972,Neutral,0.3676,FOX News or Moderators,0.4861,,tykgarcia,,3,,,RT @CovinoandRich: Who will have the bigger boobs? #Hooterspageant on FoxSports1 or #GOPdebates on FOX News? http://t.co/SqyOrgQAEP,,2015-08-06 18:55:48 -0700,629470968679788545,, -13823,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6983,,Kevinsfocused,,0,,,This debate is to weed out some of these candidates. The way the moderators pivot to specific candidates are examples of this. #gopdebates,,2015-08-06 18:55:47 -0700,629470962573017094,Detroit, -13824,Donald Trump,0.6771,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,kwrcrow,,1,,,@BonniesAmerica @FoxNews @realDonaldTrump @marcorubio Fox is obviously picking sides and candidates tonight. TRAGIC! #GOPDebates,,2015-08-06 18:55:45 -0700,629470954305949696,Fly Over Country,Mountain Time (US & Canada) -13825,Chris Christie,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.6548,,CaballeroUS,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 18:55:44 -0700,629470951512670208,, -13826,Donald Trump,0.4342,yes,0.6589,Positive,0.6589,FOX News or Moderators,0.4342,,elvincan2,,9,,,RT @kwrcrow: @realDonaldTrump hits it out of park on @FoxNews gotcha question on campaign donations. #GOPDebates,,2015-08-06 18:55:44 -0700,629470951181295617,North Central Florida, -13827,Donald Trump,1.0,yes,1.0,Negative,0.6632,FOX News or Moderators,1.0,,SusanMondie,,68,,,"RT @RWSurferGirl: I am wondering what Fox is up to with THIS debate -- get rid of Trump, Paul, Cruz, Carson? 🇺🇸 #GOPDebates #GOPDebate",,2015-08-06 18:55:43 -0700,629470947855212544,"At the Beach, NJ",Atlantic Time (Canada) -13828,Ben Carson,0.4584,yes,0.6771,Neutral,0.3438,None of the above,0.2327,,brock_a_r,,3,,,"I wonder which candidate is going to be the first to accidentally call Ben Carson ""the help"" #GOPDebates",,2015-08-06 18:55:40 -0700,629470933942726657,Indy, -13829,Donald Trump,0.3974,yes,0.6304,Negative,0.6304,None of the above,0.3974,,juliavi11,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:55:37 -0700,629470922831847424,,Central Time (US & Canada) -13830,Donald Trump,1.0,yes,1.0,Neutral,0.6383,None of the above,1.0,,RealUrbanCowboy,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:55:37 -0700,629470922085240832,317,Central Time (US & Canada) -13831,Jeb Bush,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,1.0,,TraceyWebb22,,153,,,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:55:35 -0700,629470915672317952,In your head just observing , -13832,No candidate mentioned,0.4074,yes,0.6383,Negative,0.6383,None of the above,0.4074,,FemmeClark,,0,,,You can't just teach based on the whims of parents!!!!!!! #gopdebates,,2015-08-06 18:55:35 -0700,629470913889611778,Colorado ,Central Time (US & Canada) -13833,No candidate mentioned,1.0,yes,1.0,Positive,0.3478,None of the above,0.6522,,16campaignbites,,1,,,"Yes, and Moe was the smartest Stooge -#Democrats #GOPDebates @TheDemocrats https://t.co/Ucd675MRMY",,2015-08-06 18:55:34 -0700,629470908575453184,"Indianapolis, IN",Pacific Time (US & Canada) -13834,Jeb Bush,1.0,yes,1.0,Negative,0.6932,None of the above,1.0,,annepaezNOLA,,2,,,RT @Jamesyontrofsky: Jeb Bore...er...Bush is really a perfect GOP candidate. Boring Big Gov junior executive for ALL the Special Interests.…,,2015-08-06 18:55:34 -0700,629470908214865920,"New Orleans, La.",Central Time (US & Canada) -13835,Jeb Bush,0.4395,yes,0.6629,Negative,0.6629,None of the above,0.4395,,JHarri60,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 18:55:34 -0700,629470908122443776,Clearfield Utah,Mountain Time (US & Canada) -13836,Donald Trump,1.0,yes,1.0,Negative,0.3523,None of the above,1.0,,PraguuMaya,,278,,,RT @ericstonestreet: Trump has Cam hands. #GOPDebates,,2015-08-06 18:55:33 -0700,629470903718445056,Dallas/Los Angelos,Central Time (US & Canada) -13837,No candidate mentioned,0.4352,yes,0.6597,Neutral,0.6597,None of the above,0.4352,,AtemiCast,,0,,,"Common Core was developed by the states with input from teachers, education experts and business leaders #GOPdebates",,2015-08-06 18:55:32 -0700,629470902418321408,"Florida, Hollywood",Central Time (US & Canada) -13838,Chris Christie,1.0,yes,1.0,Negative,0.6915,None of the above,0.6888,,Eyesore42,,60,,,RT @RWSurferGirl: Breaking: Brian Williams just handed Chris Christie a donut to calm him down. 🇺🇸 #GOPDebate #GOPDebates,,2015-08-06 18:55:32 -0700,629470901747232768,Las Vegas,Arizona -13839,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,blueeyedbrie,,6,,,RT @kerrydiaries: Honestly not sure if I'm watching Mean Girls or #GOPDebates ?? Do you even go here??,,2015-08-06 18:55:32 -0700,629470900648288256,FXBG, -13840,No candidate mentioned,1.0,yes,1.0,Negative,1.0,None of the above,1.0,,_rap24,,4,,,RT @SwinCash: So #GOPDebates got folks like this....hmmm http://t.co/2uCYuplUdO,,2015-08-06 18:55:31 -0700,629470896105783296,Still figuring it out,Central Time (US & Canada) -13841,Jeb Bush,0.4401,yes,0.6634,Negative,0.6634,None of the above,0.4401,,alanpdx,,12,,,"RT @SupermanHotMale: Translation, Jeb Bush, I fucked Florida schools so badly they still have not recovered. That is the truth, I live here…",,2015-08-06 18:55:30 -0700,629470891294851072,"Portland, Oregon",Pacific Time (US & Canada) -13842,Donald Trump,1.0,yes,1.0,Negative,1.0,Jobs and Economy,0.6705,,fuzzlaw,,4,,,RT @EthanObama: Did Trump just admit he gives money in return for business favors? #CitizensUnited #SCOTUS #gopdebates,,2015-08-06 18:55:25 -0700,629470870298300416,"Baltimore, MD & Washington, DC",Eastern Time (US & Canada) -13843,Donald Trump,1.0,yes,1.0,Neutral,0.3451,None of the above,1.0,,BonShores,,0,,,Trump and most of the World! Just look at the Contribution List to the Clinton foundation #GOPDebates https://t.co/erFUgRo2cb,,2015-08-06 18:55:24 -0700,629470867332861952,United States,Pacific Time (US & Canada) -13844,No candidate mentioned,0.6854,yes,1.0,Negative,0.6742,None of the above,1.0,,NYpoet,,0,,,@JessicaValenti they all need coif reform. #GOPDebates,,2015-08-06 18:55:23 -0700,629470864053026816,NYC,Atlantic Time (Canada) -13845,Marco Rubio,0.6364,yes,1.0,Negative,0.6364,None of the above,0.6591,,bendoesntcare,,0,,,"Wow, Rubio's ear-to-head ratio is all messed up. But Walker's is on point. #GOPDebates #Walker16",,2015-08-06 18:55:23 -0700,629470863213989888,"Kansas City, MO",Eastern Time (US & Canada) -13846,Donald Trump,0.3765,yes,0.6136,Negative,0.6136,None of the above,0.3765,,Beachmom01,,1,,,"RT @the818: Let's play ""how fast can we distance ourselves from Trump."" #GOPDebates #notme",,2015-08-06 18:55:17 -0700,629470839130488833,,Eastern Time (US & Canada) -13847,No candidate mentioned,0.4491,yes,0.6701,Neutral,0.6701,None of the above,0.4491,,JasonTheX,,0,,,Me watching the GOP Debates. #gopdebates https://t.co/NoGwflypec,,2015-08-06 18:55:16 -0700,629470833422016517,"Dallas, TX",Central Time (US & Canada) -13848,No candidate mentioned,0.8492,yes,0.9215,Positive,0.4408,Religion,0.5249,No candidate mentioned,ScoopcooperSeth,yes,8,,Religion,RT @mjtbaum: GOD is making an appearance at the #GOPDebate? This should be good...,,2015-08-07 08:25:32 -0700,629674743843696640,, -13849,Jeb Bush,1.0,yes,1.0,Negative,0.8096,FOX News or Moderators,0.7539,Jeb Bush,brackster39,yes,3,Negative,,"RT @PuestoLoco: .@NewDay Cancel the primaries. Fox Party set up & anointed their man Jeb Bush -#GOPDebates #ObviousAsHell http://t.co/bgzYsy…",,2015-08-06 20:19:04 -0700,629491924915908608,, -13850,Marco Rubio,1.0,yes,1.0,Positive,0.9642,None of the above,1.0,Marco Rubio,RepublicanVzlan,yes,1,Positive,,RT @kaylasmith4791: Really enjoyed everything @marcorubio had to say last night. #Rubio2016 #GOPDebate #AmericaOnPoint,,2015-08-07 08:42:08 -0700,629678922074992640,"San Francisco, California",Pacific Time (US & Canada) -13851,Donald Trump,1.0,yes,1.0,Negative,0.6384,FOX News or Moderators,0.8439,Donald Trump,joshuawoodz,yes,134,,,RT @RWSurferGirl: The candidates don't have to attack @realDonaldTrump Fox is doing it for them by stoping him from speaking. 🇺🇸 #GOPDebate…,,2015-08-06 19:21:47 -0700,629477506500816897,California,International Date Line West -13852,No candidate mentioned,0.8084,yes,0.9184,Negative,0.682,None of the above,0.4806,No candidate mentioned,MzDivah67,yes,3,Negative,,#GOPDebate in a nutshell via Vote True Blue 2016 http://t.co/5rfh5zbnPm,,2015-08-07 09:32:11 -0700,629691517775425537,KissMyBlackAsskistan,Eastern Time (US & Canada) -13853,No candidate mentioned,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.4765,No candidate mentioned,hoopsfanatic28f,yes,404,Negative,"Abortion -Women's Issues (not abortion though)",RT @erinmallorylong: No *I* hate Planned Parenthood and women more! NO I HATE PLANNED PARENTHOOD AND WOMEN MORE!!!!! #GOPDebate,,2015-08-07 09:54:39 -0700,629697170476654592,"Lynnwood, WA",Pacific Time (US & Canada) -13854,John Kasich,1.0,yes,1.0,Negative,0.688,None of the above,0.9226,John Kasich,fmtalk1065,yes,2,,,"RT @BrendanKKirby: If @JohnKasich hasn't wrapped up the mailman vote by the end of this debate, he ought to drop out. #GOPdebates #LZDebates",,2015-08-06 20:03:14 -0700,629487939454640129,Mobile Alabama,Central Time (US & Canada) -13855,No candidate mentioned,1.0,yes,1.0,Negative,0.7752,Racial issues,0.5845,,derdebederman,yes,28,Negative,,RT @monaeltahawy: I'll tell you the one good thing about #GOPDebates: candidates are tripping over themselves to outdo each other in sexism…,,2015-08-06 19:20:29 -0700,629477178607030272,,Eastern Time (US & Canada) -13856,Mike Huckabee,0.8804,yes,1.0,Negative,0.9277,Abortion,0.8817,Mike Huckabee,PatSMarshall,yes,0,,Abortion,"while pro-life nonsense @ the #GOPDebate was not amusing, the notion that #jizzisaperson, could only come from alpha asshat @GovMikeHuckabee",,2015-08-07 09:08:10 -0700,629685475113070596,Transhumanistic Earthling,Vienna -13857,No candidate mentioned,1.0,yes,1.0,Negative,0.7959999999999999,Racial issues,0.879,No candidate mentioned,TerryShed,yes,0,,"Abortion -Racial issues",GOP respects life....just not black ones. #GOPDebates,,2015-08-06 19:26:17 -0700,629478638056964096,"Washington, D.C.",Central Time (US & Canada) -13858,No candidate mentioned,1.0,yes,1.0,Negative,1.0,FOX News or Moderators,0.9615,,SupermanHotMale,yes,9,Negative,FOX News or Moderators,"This is why I don't watch Fox News, they're all assholes #GopDebates",,2015-08-06 17:44:53 -0700,629453120108691456,"Cocoa Beach, Florida",Eastern Time (US & Canada) -13859,Marco Rubio,0.9612,yes,1.0,Positive,0.9558,None of the above,0.8397,Marco Rubio,Shanna_G,yes,0,Positive,,@marcorubio came out of the gate like a true leader. I look forward to hearing more about his plans for a better America. #GOPDebate,,2015-08-07 08:27:41 -0700,629675286712446976,"Cullman, AL",Central Time (US & Canada) -13860,No candidate mentioned,1.0,yes,1.0,Positive,0.636,Immigration,0.9229,,rmasters78,yes,0,,Immigration,"Best line of #GOPDebate was ""Immigration without assimilation is invasion."" Was that Gov Jindal?",,2015-08-07 09:32:10 -0700,629691512159387649,Illinois,Central Time (US & Canada) -13861,No candidate mentioned,0.8501,yes,0.922,Negative,0.6517,Abortion,0.5679,No candidate mentioned,BaldoVilla3,yes,0,,Abortion,People who say they are #prolife are usually anti-social programs... They know that a society is a group of people right?! #GOPDebates,,2015-08-06 19:29:24 -0700,629479424153354240,Texas,Central Time (US & Canada) -13862,Donald Trump,1.0,yes,1.0,Negative,0.5724,None of the above,0.9618,Donald Trump,DSW1991,yes,94,,,RT @RWSurferGirl: Why should @realDonaldTrump pledge support to the GOP when the establishment sold out to Obama? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 18:20:33 -0700,629462095805837312,,Central Time (US & Canada) -13863,Donald Trump,0.9218,yes,0.9601,Positive,0.7996,Immigration,0.9218,Donald Trump,TracyMouton,yes,105,,Immigration,"RT @RWSurferGirl: Trump has got it right, nobody would talk about immigration, not untill be brought it up. #GOPDebate #GOPDebates",,2015-08-06 18:28:29 -0700,629464094219722752,South,Central Time (US & Canada) -13864,Mike Huckabee,0.9207,yes,1.0,Negative,1.0,LGBT issues,0.6413,Mike Huckabee,mandy_velez,yes,3,Negative,LGBT issues,So trans soldiers can die for you Huckabee but you can't foot the bill to make them fulfilled as human beings? Really? #GOPDebates,,2015-08-06 19:44:16 -0700,629483164432498688,"Philly-bred, NYC now",Central Time (US & Canada) -13865,No candidate mentioned,1.0,yes,1.0,Negative,0.9232,FOX News or Moderators,0.8873,,RobynSChilson,yes,132,Negative,FOX News or Moderators,RT @RWSurferGirl: Is it just me or does anyone else want to punch Chris Wallace in the face? #GOPDebate #GOPDebates 🇺🇸,,2015-08-06 19:45:00 -0700,629483348126248960,Pennsylvania,Atlantic Time (Canada) -13866,Jeb Bush,1.0,yes,1.0,Negative,0.833,FOX News or Moderators,0.9572,Jeb Bush,stickybacksigns,yes,153,,FOX News or Moderators,RT @RWSurferGirl: Fox is cherry picking the candidates. Jeb gets the softball questions. 🇺🇸 #GOPDebates #GOPDebates,,2015-08-06 18:54:56 -0700,629470751301705728,USA, -13867,No candidate mentioned,1.0,yes,1.0,Negative,0.7991,Abortion,0.6014,No candidate mentioned,SantoliDonato,yes,7,Negative,"Abortion -Women's Issues (not abortion though)",RT @cappy_yarbrough: Love to see men who will never be faced with a pregnancy talk about what I can do with my body ❤️❤️❤️❤️ #GOPDebate,,2015-08-07 09:29:43 -0700,629690895479250944,Como, -13868,Mike Huckabee,0.9611,yes,1.0,Positive,0.7302,None of the above,0.9229,Mike Huckabee,mhfa16hq,yes,1,,,"RT @georgehenryw: Who thought Huckabee exceeded their expectations - -#gopdebate #imwithhuck #gop #ccot #teaparty #tcot -@laura4fairtax http…",,2015-08-07 09:25:02 -0700,629689719056568320,USA, -13869,Ted Cruz,1.0,yes,1.0,Positive,0.8051,None of the above,0.9647,Ted Cruz,DrottM,yes,67,"Positive -Neutral",,"RT @Lrihendry: #TedCruz As President, I will always tell the truth, and do what I said I would do. #GOPDebates",,2015-08-07 07:19:18 -0700,629658075784282112,, -13870,Donald Trump,1.0,yes,1.0,Negative,1.0,Women's Issues (not abortion though),0.9202,Donald Trump,danijeantheq,yes,149,,Women's Issues (not abortion though),"RT @JRehling: #GOPDebate Donald Trump says that he doesn't have time for political correctness. How does calling women ""fat pigs"" save him …",,2015-08-07 09:54:04 -0700,629697023663546368,, -13871,Ted Cruz,0.9242,yes,0.9614,Positive,0.9614,None of the above,0.9242,Ted Cruz,MichaelHuff52,yes,65,Positive,,"RT @Lrihendry: #TedCruz headed into the Presidential Debates. GO TED!! - -#GOPDebates http://t.co/8S67pz8a4A",,2015-08-06 18:22:27 -0700,629462573641920512,"San Antonio, TX",Central Time (US & Canada) diff --git a/examples/core/create_corpus_file.py b/examples/core/create_corpus_file.py deleted file mode 100644 index 2626c22..0000000 --- a/examples/core/create_corpus_file.py +++ /dev/null @@ -1,13 +0,0 @@ -import nalp.utils.preprocess as p -from nalp.core.corpus import Corpus - -# Creating a character Corpus from file -corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') - -# Creating a word Corpus from file -# corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='word') - -# Accessing Corpus properties -print(corpus.tokens) -print(corpus.vocab, corpus.vocab_size) -print(corpus.vocab_index, corpus.index_vocab) diff --git a/examples/core/create_corpus_tokens.py b/examples/core/create_corpus_tokens.py deleted file mode 100644 index b7418d8..0000000 --- a/examples/core/create_corpus_tokens.py +++ /dev/null @@ -1,29 +0,0 @@ -import nalp.utils.loader as l -import nalp.utils.preprocess as p -from nalp.core.corpus import Corpus - -# Loads an input .txt file -text = l.load_txt('data/text/chapter1_harry.txt') - -# Creates a character pre-processing pipeline -pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) - -# Creates a word pre-processing pipeline -# pipe = p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) - -# Applying character pre-processing pipeline to text -tokens = pipe(text) - -# Applying word pre-processing pipeline to text -# tokens = pipe(text) - -# Creating a character Corpus from tokens -corpus = Corpus(tokens=tokens) - -# Creating a word Corpus from tokens -# corpus = Corpus(tokens=words) - -# Accessing Corpus properties -print(corpus.tokens) -print(corpus.vocab, corpus.vocab_size) -print(corpus.vocab_index, corpus.index_vocab) diff --git a/examples/corpus/create_doc_corpus.py b/examples/corpus/create_doc_corpus.py new file mode 100644 index 0000000..b59ab79 --- /dev/null +++ b/examples/corpus/create_doc_corpus.py @@ -0,0 +1,8 @@ +import nalp.utils.preprocess as p +from nalp.corpus.document import DocumentCorpus + +# Creating a character DocumentCorpus from file +corpus = DocumentCorpus(from_file='data/document/chapter1_harry.txt') + +# Accessing DocumentCorpus properties +print(corpus.tokens) diff --git a/examples/corpus/create_text_corpus.py b/examples/corpus/create_text_corpus.py new file mode 100644 index 0000000..9818fde --- /dev/null +++ b/examples/corpus/create_text_corpus.py @@ -0,0 +1,13 @@ +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating a word TextCorpus from file +# corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='word') + +# Accessing TextCorpus properties +print(corpus.tokens) +print(corpus.vocab, corpus.vocab_size) +print(corpus.vocab_index, corpus.index_vocab) diff --git a/examples/encoders/encode_tfidf.py b/examples/encoders/encode_tfidf.py index 3022d89..19cb381 100644 --- a/examples/encoders/encode_tfidf.py +++ b/examples/encoders/encode_tfidf.py @@ -1,34 +1,26 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.encoders.tfidf import TFIDF +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus +from nalp.encoders.tfidf import TfidfEncoder -# Loads an input .csv -csv = l.load_csv('data/16k_twitter_en.csv') +# Creating a character Corpus from file +corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='sent') -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) +print(corpus.vocab_index) -# Transforming dataframe into samples and labels -X = csv['text'] -Y = csv['sentiment'] +# Creating an TfidfEncoder +encoder = TfidfEncoder() -# Applying pre-processing pipeline to X -X = X.apply(lambda x: pipe(x)) +# Learns the encoding based on the Corpus tokens +encoder.learn(corpus.tokens, top_tokens=100) -# Creating a TFIDF (Enconder's child) class -e = TFIDF() +# Applies the encoding on same or new data +encoded_tokens = encoder.encode(corpus.tokens) -# Calling its internal method to learn an encoding representation -e.learn(X) +# Printing encoded tokens +print(encoded_tokens[0]) -# Calling its internal method to actually encoded the desired data -# Does not necessarily needs to be the same X from e.learn() -e.encode(X) +# Decoding the encoded tokens +decoded_tokens = encoder.decode(encoded_tokens) -# Acessing encoder object and encoded data -print(e.encoder) -print(e.encoded_data) +# Printing decoded tokens +print(decoded_tokens) \ No newline at end of file diff --git a/examples/utils/load_doc_data.py b/examples/utils/load_doc_data.py new file mode 100644 index 0000000..45d5ccc --- /dev/null +++ b/examples/utils/load_doc_data.py @@ -0,0 +1,7 @@ +import nalp.utils.loader as l + +# Loads an input document .txt file +doc = l.load_doc('data/document/chapter1_harry.txt') + +# Printing loaded document +print(doc) \ No newline at end of file diff --git a/nalp/core/corpus.py b/nalp/core/corpus.py index 2589f51..f021211 100644 --- a/nalp/core/corpus.py +++ b/nalp/core/corpus.py @@ -1,50 +1,17 @@ -import nalp.utils.loader as l -import nalp.utils.logging as log -import nalp.utils.preprocess as p - -logger = log.get_logger(__name__) - - class Corpus(): """A Corpus class is used to defined the first step of the workflow. - It serves to load the text, pre-process it and create their tokens and - vocabulary. + It serves as a basis class to load raw text or documents (list of sentences). """ - def __init__(self, tokens=None, from_file=None, type='char'): + def __init__(self): """Initialization method. - Args: - tokens (list): A list of tokens. - from_file (str): An input file to load the text. - type (str): The desired type to tokenize the text. Should be `char` or `word`.s - """ - logger.info('Creating Corpus.') - - # Checks if there are not pre-loaded tokens - if not tokens: - # Loads the text from file - text = l.load_txt(from_file) - - # Creates a pipeline based on desired type - pipe = self._create_pipeline(type) - - # Retrieve the tokens - self.tokens = pipe(text) - - # If there are tokens - else: - # Gathers them to the property - self.tokens = tokens - - # Builds the vocabulary based on the tokens - self._build_vocabulary(self.tokens) - - logger.info('Corpus created.') + # Creates a tokens property + self.tokens = None @property def tokens(self): @@ -58,99 +25,13 @@ def tokens(self): def tokens(self, tokens): self._tokens = tokens - @property - def vocab(self): - """list: The vocabulary itself. - - """ - - return self._vocab - - @vocab.setter - def vocab(self, vocab): - self._vocab = vocab - - @property - def vocab_size(self): - """int: The size of the vocabulary - - """ - - return self._vocab_size - - @vocab_size.setter - def vocab_size(self, vocab_size): - self._vocab_size = vocab_size + def _build(self): + """This method serves to build up the Corpus class. Note that for each child, + you need to define your own building method. - @property - def vocab_index(self): - """dict: A dictionary mapping vocabulary to indexes. + Raises: + NotImplementedError """ - return self._vocab_index - - @vocab_index.setter - def vocab_index(self, vocab_index): - self._vocab_index = vocab_index - - @property - def index_vocab(self): - """dict: A dictionary mapping indexes to vocabulary. - - """ - - return self._index_vocab - - @index_vocab.setter - def index_vocab(self, index_vocab): - self._index_vocab = index_vocab - - def _create_pipeline(self, type): - """Creates a pipeline based on the input type. - - Args: - type (str): A type to create the pipeline. Should be `char` or `word`. - - Returns: - The created pipeline. - - """ - - # Checks if type is possible - if type not in ['char', 'word']: - # If not, creates an error - e = f'Type argument should be `char` or `word`.' - - # Logs the error - logger.error(e) - - raise RuntimeError(e) - - # If the type is char - if type == 'char': - return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) - - # If the type is word - elif type == 'word': - return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) - - def _build_vocabulary(self, tokens): - """Builds the vocabulary based on the tokens. - - Args: - tokens (list): A list of tokens. - - """ - - # Creates the vocabulary - self.vocab = list(set(tokens)) - - # Also, gathers the vocabulary size - self.vocab_size = len(self.vocab) - - # Creates a property mapping vocabulary to indexes - self.vocab_index = {t: i for i, t in enumerate(self.vocab)} - - # Creates a property mapping indexes to vocabulary - self.index_vocab = {i: t for i, t in enumerate(self.vocab)} + raise NotImplementedError diff --git a/nalp/corpus/__init__.py b/nalp/corpus/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/nalp/corpus/document.py b/nalp/corpus/document.py new file mode 100644 index 0000000..0eb39f5 --- /dev/null +++ b/nalp/corpus/document.py @@ -0,0 +1,46 @@ +import nalp.utils.loader as l +import nalp.utils.logging as log +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus + +logger = log.get_logger(__name__) + + +class DocumentCorpus(Corpus): + """A DocumentCorpus class is used to defined the first step of the workflow. + + It serves to load the document, pre-process it and create its tokens. + + """ + + def __init__(self, tokens=None, from_file=None): + """Initialization method. + + Args: + tokens (list): A list of tokens. + from_file (str): An input file to load the text. + + """ + + logger.info('Overriding class: Corpus -> DocumentCorpus.') + + # Overrides its parent class with any custom arguments if needed + super(DocumentCorpus, self).__init__() + + # Checks if there are not pre-loaded tokens + if not tokens: + # Loads the document from file + doc = l.load_doc(from_file) + + # Creates a pipeline + pipe = p.pipeline(p.lower_case, p.valid_char) + + # Retrieve the tokens + self.tokens = [pipe(sent) for sent in doc] + + # If there are tokens + else: + # Gathers them to the property + self.tokens = tokens + + logger.info('DocumentCorpus created.') diff --git a/nalp/corpus/text.py b/nalp/corpus/text.py new file mode 100644 index 0000000..22f14ec --- /dev/null +++ b/nalp/corpus/text.py @@ -0,0 +1,148 @@ +import nalp.utils.loader as l +import nalp.utils.logging as log +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus + +logger = log.get_logger(__name__) + + +class TextCorpus(Corpus): + """A TextCorpus class is used to defined the first step of the workflow. + + It serves to load the raw text, pre-process it and create their tokens and + vocabulary. + + """ + + def __init__(self, tokens=None, from_file=None, type='char'): + """Initialization method. + + Args: + tokens (list): A list of tokens. + from_file (str): An input file to load the text. + type (str): The desired type to tokenize the text. Should be `char` or `word`. + + """ + + logger.info('Overriding class: Corpus -> TextCorpus.') + + # Overrides its parent class with any custom arguments if needed + super(TextCorpus, self).__init__() + + # Checks if there are not pre-loaded tokens + if not tokens: + # Loads the text from file + text = l.load_txt(from_file) + + # Creates a pipeline based on desired type + pipe = self._create_pipeline(type) + + # Retrieve the tokens + self.tokens = pipe(text) + + # If there are tokens + else: + # Gathers them to the property + self.tokens = tokens + + # Builds the vocabulary based on the tokens + self._build(self.tokens) + + logger.info('TextCorpus created.') + + @property + def vocab(self): + """list: The vocabulary itself. + + """ + + return self._vocab + + @vocab.setter + def vocab(self, vocab): + self._vocab = vocab + + @property + def vocab_size(self): + """int: The size of the vocabulary + + """ + + return self._vocab_size + + @vocab_size.setter + def vocab_size(self, vocab_size): + self._vocab_size = vocab_size + + @property + def vocab_index(self): + """dict: A dictionary mapping vocabulary to indexes. + + """ + + return self._vocab_index + + @vocab_index.setter + def vocab_index(self, vocab_index): + self._vocab_index = vocab_index + + @property + def index_vocab(self): + """dict: A dictionary mapping indexes to vocabulary. + + """ + + return self._index_vocab + + @index_vocab.setter + def index_vocab(self, index_vocab): + self._index_vocab = index_vocab + + def _create_pipeline(self, type): + """Creates a pipeline based on the input type. + + Args: + type (str): A type to create the pipeline. Should be `char` or `word`. + + Returns: + The created pipeline. + + """ + + # Checks if type is possible + if type not in ['char', 'word']: + # If not, creates an error + e = f'Type argument should be `char` or `word`.' + + # Logs the error + logger.error(e) + + raise RuntimeError(e) + + # If the type is char + if type == 'char': + return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) + + # If the type is word + elif type == 'word': + return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) + + def _build(self, tokens): + """Builds the vocabulary based on the tokens. + + Args: + tokens (list): A list of tokens. + + """ + + # Creates the vocabulary + self.vocab = list(set(tokens)) + + # Also, gathers the vocabulary size + self.vocab_size = len(self.vocab) + + # Creates a property mapping vocabulary to indexes + self.vocab_index = {t: i for i, t in enumerate(self.vocab)} + + # Creates a property mapping indexes to vocabulary + self.index_vocab = {i: t for i, t in enumerate(self.vocab)} diff --git a/nalp/encoders/count.py b/nalp/encoders/count.py index af2aa8e..cec9f76 100644 --- a/nalp/encoders/count.py +++ b/nalp/encoders/count.py @@ -8,7 +8,7 @@ class CountEncoder(Encoder): - """A CountEncoder class, responsible for learning a CountVectorizer encode and + """A CountEncoder class, responsible for learning a CountVectorizer encoding and further encoding new data. """ diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py index 76492c0..6287299 100644 --- a/nalp/encoders/integer.py +++ b/nalp/encoders/integer.py @@ -75,7 +75,7 @@ def encode(self, tokens): # Logs the error logger.error(e) - + raise RuntimeError(e) # Applies the encoding to the new tokens diff --git a/nalp/encoders/tfidf.py b/nalp/encoders/tfidf.py index ef0bc9c..117ef9e 100644 --- a/nalp/encoders/tfidf.py +++ b/nalp/encoders/tfidf.py @@ -1,13 +1,14 @@ -import nalp.utils.logging as l import numpy as np -from nalp.core.encoder import Encoder from sklearn.feature_extraction.text import TfidfVectorizer +import nalp.utils.logging as l +from nalp.core.encoder import Encoder + logger = l.get_logger(__name__) -class TFIDF(Encoder): - """A TFIDF class, responsible for learning a TfidfVectorizer encode and +class TfidfEncoder(Encoder): + """A TfidfEncoder class, responsible for learning a TfidfVectorizer encoding and further encoding new data. """ @@ -17,53 +18,86 @@ def __init__(self): """ - logger.info('Overriding class: Encoder -> TFIDF.') + logger.info('Overriding class: Encoder -> TfidfEncoder.') # Overrides its parent class with any custom arguments if needed - super(TFIDF, self).__init__() + super(TfidfEncoder, self).__init__() logger.info('Class overrided.') - def learn(self, sentences, max_features=100): - """Learns a TFIDF representation based on the words' frequency. + def learn(self, tokens, top_tokens=100): + """Learns a TfidfVectorizer representation based on the tokens' frrquency Args: - sentences (df): A Panda's dataframe column holding sentences to be fitted. - max_features (int): Maximum number of features to be fitted. + tokens (list): A list of tokens. + top_tokens (int): Maximum number of top tokens to be learned. """ - logger.debug('Running public method: learn().') + logger.debug('Learning how to encode ...') # Creates a TfidfVectorizer object - self.encoder = TfidfVectorizer(max_features=max_features, - preprocessor=lambda p: p, tokenizer=lambda t: t) + self.encoder = TfidfVectorizer(max_features=top_tokens, + preprocessor=lambda p: p, tokenizer=lambda t: t) - # Fits sentences onto it - self.encoder.fit(sentences) + # Fits the tokens + self.encoder.fit(tokens) - def encode(self, sentences): - """Actually encodes the data into a TfidfVectorizer representation. + def encode(self, tokens): + """Encodes the data into a TfidfVectorizer representation. Args: - sentences (df): A Panda's dataframe column holding sentences to be encoded. + tokens (list): A list of tokens to be encoded. + + Returns: + A numpy array containing the encoded tokens. """ - logger.debug('Running public method: encode().') + logger.debug('Encoding new tokens ...') - # Checks if enconder actually exists, if not raises a RuntimeError + # Checks if enconder actually exists, if not raises an error if not self.encoder: + # Creates the error e = 'You need to call learn() prior to encode() method.' + + # Logs the error logger.error(e) + + raise RuntimeError(e) + + # Applies the encoding to the new tokens + encoded_tokens = (self.encoder.transform(tokens)).toarray() + + return encoded_tokens + + def decode(self, encoded_tokens): + """Decodes the TfidfVectorizer representation back to tokens. + + Args: + encoded_tokens (np.array): A numpy array containing the encoded tokens. + + Returns: + A list of decoded tokens. + + """ + + logger.debug('Decoding encoded tokens ...') + + # Checks if enconder actually exists, if not raises an error + if not self.encoder: + # Creates the error + e = 'You need to call learn() prior to decode() method.' + + # Logs the error + logger.error(e) + raise RuntimeError(e) - # Logging some important information - logger.debug( - f'Size: ({sentences.size}, {self.encoder.max_features}).') + # Decoding the tokens + decoded_tokens = self.encoder.inverse_transform(encoded_tokens) - # Transforms sentences into TfidfVectorizer encoding (only if it has been previously fitted) - X = self.encoder.transform(sentences) + # Concatening the arrays output and transforming into a list + decoded_tokens = (np.concatenate(decoded_tokens)).tolist() - # Applies encoded TfidfVectorizer to a numpy array - self.encoded_data = X.toarray() + return decoded_tokens diff --git a/nalp/utils/loader.py b/nalp/utils/loader.py index 2b2a7c0..fe70841 100644 --- a/nalp/utils/loader.py +++ b/nalp/utils/loader.py @@ -35,3 +35,37 @@ def load_txt(file_name): logger.error(e) raise + + +def load_doc(file_name): + """Loads a document .txt file. + + Args: + file_name (str): The file name to be loaded. + + Returns: + A list with the loaded sentences. + + """ + + logger.debug(f'Loading {file_name} ...') + + # Tries to load the file + try: + # Opens the document file + file = open(file_name, 'rb') + + # Reads the sentences + doc = file.read().decode(encoding='utf-8').splitlines() + + return doc + + # If file can not be loaded + except FileNotFoundError: + # Creates an error + e = f'File not found: {file_name}.' + + # Logs the error + logger.error(e) + + raise diff --git a/nalp/utils/preprocess.py b/nalp/utils/preprocess.py index 7caf19e..8841db6 100644 --- a/nalp/utils/preprocess.py +++ b/nalp/utils/preprocess.py @@ -36,7 +36,7 @@ def valid_char(s): def tokenize_to_char(s): - """Tokenizes a sentence to characters array. + """Tokenizes a text to characters array. Args: s (str): Input string. @@ -50,7 +50,7 @@ def tokenize_to_char(s): def tokenize_to_word(s): - """Tokenizes a sentence to words array. + """Tokenizes a text to words array. Args: s (str): Input string. @@ -62,7 +62,6 @@ def tokenize_to_word(s): return nltk.word_tokenize(s) - def pipeline(*func): """Creates a pre-processing pipeline. diff --git a/nalp/visualization/__init__.py b/nalp/visualization/__init__.py deleted file mode 100644 index 61fb29d..0000000 --- a/nalp/visualization/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ -"""Visualization package for all common nalp modules. -""" \ No newline at end of file From bf143259d76db2c07072529166bba6fe553156ab Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 14:12:27 -0300 Subject: [PATCH 07/22] Better handling external encoders. --- examples/encoders/encode_count.py | 8 ++++---- examples/encoders/encode_integer.py | 8 ++++---- nalp/encoders/count.py | 7 +++---- 3 files changed, 11 insertions(+), 12 deletions(-) diff --git a/examples/encoders/encode_count.py b/examples/encoders/encode_count.py index c891e75..7ebb031 100644 --- a/examples/encoders/encode_count.py +++ b/examples/encoders/encode_count.py @@ -1,14 +1,14 @@ import nalp.utils.preprocess as p -from nalp.core.corpus import Corpus +from nalp.corpus.document import DocumentCorpus from nalp.encoders.count import CountEncoder -# Creating a character Corpus from file -corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') +# Creating a DocumentCorpus from file +corpus = DocumentCorpus(from_file='data/document/chapter1_harry.txt') # Creating an CountEncoder encoder = CountEncoder() -# Learns the encoding based on the Corpus tokens +# Learns the encoding based on the DocumentCorpus tokens encoder.learn(corpus.tokens, top_tokens=100) # Applies the encoding on same or new data diff --git a/examples/encoders/encode_integer.py b/examples/encoders/encode_integer.py index 93a2dce..fe0e59d 100644 --- a/examples/encoders/encode_integer.py +++ b/examples/encoders/encode_integer.py @@ -1,14 +1,14 @@ import nalp.utils.preprocess as p -from nalp.core.corpus import Corpus +from nalp.corpus.text import TextCorpus from nalp.encoders.integer import IntegerEncoder -# Creating a character Corpus from file -corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='char') +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') # Creating an IntegerEncoder encoder = IntegerEncoder() -# Learns the encoding based on the Corpus dictionary and reverse dictionary +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary encoder.learn(corpus.vocab_index, corpus.index_vocab) # Applies the encoding on new data diff --git a/nalp/encoders/count.py b/nalp/encoders/count.py index cec9f76..ed366b6 100644 --- a/nalp/encoders/count.py +++ b/nalp/encoders/count.py @@ -37,8 +37,7 @@ def learn(self, tokens, top_tokens=100): logger.debug('Learning how to encode ...') # Creates a CountVectorizer object - self.encoder = CountVectorizer(max_features=top_tokens, - preprocessor=lambda p: p, tokenizer=lambda t: t) + self.encoder = CountVectorizer(max_features=top_tokens) # Fits the tokens self.encoder.fit(tokens) @@ -97,7 +96,7 @@ def decode(self, encoded_tokens): # Decoding the tokens decoded_tokens = self.encoder.inverse_transform(encoded_tokens) - # Concatening the arrays output and transforming into a list - decoded_tokens = (np.concatenate(decoded_tokens)).tolist() + # Joining every list of decoded tokens into a sentence + decoded_tokens = [' '.join(list(d)) for d in decoded_tokens] return decoded_tokens From 0203eddb6acd8d3b8931e3f2aa099839a82bb9e6 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 14:27:15 -0300 Subject: [PATCH 08/22] Adding an example on how to preprocess documents. --- examples/encoders/encode_count.py | 5 ++++- examples/encoders/encode_tfidf.py | 17 +++++++++-------- examples/stream/load_preprocess_data.py | 23 ----------------------- examples/utils/preprocess_doc_data.py | 14 ++++++++++++++ nalp/encoders/tfidf.py | 7 +++---- 5 files changed, 30 insertions(+), 36 deletions(-) delete mode 100644 examples/stream/load_preprocess_data.py create mode 100644 examples/utils/preprocess_doc_data.py diff --git a/examples/encoders/encode_count.py b/examples/encoders/encode_count.py index 7ebb031..e3da524 100644 --- a/examples/encoders/encode_count.py +++ b/examples/encoders/encode_count.py @@ -9,7 +9,10 @@ encoder = CountEncoder() # Learns the encoding based on the DocumentCorpus tokens -encoder.learn(corpus.tokens, top_tokens=100) +encoder.learn(corpus.tokens, top_tokens=10) + +# Accessing encoder vocabulary +print(encoder.encoder.vocabulary_) # Applies the encoding on same or new data encoded_tokens = encoder.encode(corpus.tokens) diff --git a/examples/encoders/encode_tfidf.py b/examples/encoders/encode_tfidf.py index 19cb381..57a3d15 100644 --- a/examples/encoders/encode_tfidf.py +++ b/examples/encoders/encode_tfidf.py @@ -1,23 +1,24 @@ import nalp.utils.preprocess as p -from nalp.core.corpus import Corpus +from nalp.corpus.document import DocumentCorpus from nalp.encoders.tfidf import TfidfEncoder -# Creating a character Corpus from file -corpus = Corpus(from_file='data/text/chapter1_harry.txt', type='sent') - -print(corpus.vocab_index) +# Creating a DocumentCorpus from file +corpus = DocumentCorpus(from_file='data/document/chapter1_harry.txt') # Creating an TfidfEncoder encoder = TfidfEncoder() -# Learns the encoding based on the Corpus tokens -encoder.learn(corpus.tokens, top_tokens=100) +# Learns the encoding based on the DocumentCorpus tokens +encoder.learn(corpus.tokens, top_tokens=10) + +# Accessing encoder vocabulary +print(encoder.encoder.vocabulary_) # Applies the encoding on same or new data encoded_tokens = encoder.encode(corpus.tokens) # Printing encoded tokens -print(encoded_tokens[0]) +print(encoded_tokens) # Decoding the encoded tokens decoded_tokens = encoder.decode(encoded_tokens) diff --git a/examples/stream/load_preprocess_data.py b/examples/stream/load_preprocess_data.py deleted file mode 100644 index 22c7bf0..0000000 --- a/examples/stream/load_preprocess_data.py +++ /dev/null @@ -1,23 +0,0 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p - -# Loads an input .csv -csv = l.load_csv('data/16k_twitter_en.csv') - -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) - -# Transforming dataframe into samples and labels -X = csv['text'] -Y = csv['sentiment'] - -# Applying pre-processing pipeline to X -X = X.apply(lambda x: pipe(x)) - -# Acessing and printing samples and labels -print(X) -print(Y) \ No newline at end of file diff --git a/examples/utils/preprocess_doc_data.py b/examples/utils/preprocess_doc_data.py new file mode 100644 index 0000000..e6b873d --- /dev/null +++ b/examples/utils/preprocess_doc_data.py @@ -0,0 +1,14 @@ +import nalp.utils.loader as l +import nalp.utils.preprocess as p + +# Loads an input document .txt file +doc = l.load_doc('data/document/chapter1_harry.txt') + +# Creates a pre-processing pipeline +pipe = p.pipeline(p.lower_case, p.valid_char) + +# Applying character pre-processing pipeline to text +tokens = [pipe(sent) for sent in doc] + +# Printing tokenized sentences +print(tokens) diff --git a/nalp/encoders/tfidf.py b/nalp/encoders/tfidf.py index 117ef9e..ee11534 100644 --- a/nalp/encoders/tfidf.py +++ b/nalp/encoders/tfidf.py @@ -37,8 +37,7 @@ def learn(self, tokens, top_tokens=100): logger.debug('Learning how to encode ...') # Creates a TfidfVectorizer object - self.encoder = TfidfVectorizer(max_features=top_tokens, - preprocessor=lambda p: p, tokenizer=lambda t: t) + self.encoder = TfidfVectorizer(max_features=top_tokens) # Fits the tokens self.encoder.fit(tokens) @@ -97,7 +96,7 @@ def decode(self, encoded_tokens): # Decoding the tokens decoded_tokens = self.encoder.inverse_transform(encoded_tokens) - # Concatening the arrays output and transforming into a list - decoded_tokens = (np.concatenate(decoded_tokens)).tolist() + # Joining every list of decoded tokens into a sentence + decoded_tokens = [' '.join(list(d)) for d in decoded_tokens] return decoded_tokens From 0c84b834578fa001eb6647288fded70f90fc944f Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 10 Sep 2019 14:38:15 -0300 Subject: [PATCH 09/22] Adding word2vec encoding. --- examples/encoders/encode_word2vec.py | 42 +++++++--------------- nalp/encoders/count.py | 2 +- nalp/encoders/integer.py | 2 +- nalp/encoders/tfidf.py | 4 +-- nalp/encoders/word2vec.py | 53 +++++++++++++++------------- 5 files changed, 45 insertions(+), 58 deletions(-) diff --git a/examples/encoders/encode_word2vec.py b/examples/encoders/encode_word2vec.py index 8b60311..45de6e1 100644 --- a/examples/encoders/encode_word2vec.py +++ b/examples/encoders/encode_word2vec.py @@ -1,34 +1,18 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.encoders.word2vec import Word2Vec +import nalp.utils.preprocess as p +from nalp.corpus.document import DocumentCorpus +from nalp.encoders.word2vec import Word2vecEncoder -# Loads an input .csv -csv = l.load_csv('data/16k_twitter_en.csv') +# Creating a DocumentCorpus from file +corpus = DocumentCorpus(from_file='data/document/chapter1_harry.txt') -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) +# Creating an Word2vecEncoder +encoder = Word2vecEncoder() -# Transforming dataframe into samples and labels -X = csv['text'] -Y = csv['sentiment'] +# Learns the encoding based on the DocumentCorpus tokens +encoder.learn(corpus.tokens) -# Applying pre-processing pipeline to X -X = X.apply(lambda x: pipe(x)) +# Applies the encoding on same or new data +encoded_tokens = encoder.encode(corpus.tokens) -# Creating a Word2Vec (Enconder's child) class -e = Word2Vec() - -# Calling its internal method to learn an encoding representation -e.learn(X) - -# Calling its internal method to actually encoded the desired data -# Does not necessarily needs to be the same X from e.learn() -e.encode(X) - -# Acessing encoder object and encoded data -print(e.encoder) -print(e.encoded_data) +# Printing encoded tokens +print(encoded_tokens) \ No newline at end of file diff --git a/nalp/encoders/count.py b/nalp/encoders/count.py index ed366b6..4a63eda 100644 --- a/nalp/encoders/count.py +++ b/nalp/encoders/count.py @@ -8,7 +8,7 @@ class CountEncoder(Encoder): - """A CountEncoder class, responsible for learning a CountVectorizer encoding and + """A CountEncoder class is responsible for learning a CountVectorizer encoding and further encoding new data. """ diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py index 6287299..9a32303 100644 --- a/nalp/encoders/integer.py +++ b/nalp/encoders/integer.py @@ -7,7 +7,7 @@ class IntegerEncoder(Encoder): - """An Integer class, responsible for encoding text into integers. + """An Integer class is responsible for encoding text into integers. """ diff --git a/nalp/encoders/tfidf.py b/nalp/encoders/tfidf.py index ee11534..c59e742 100644 --- a/nalp/encoders/tfidf.py +++ b/nalp/encoders/tfidf.py @@ -8,7 +8,7 @@ class TfidfEncoder(Encoder): - """A TfidfEncoder class, responsible for learning a TfidfVectorizer encoding and + """A TfidfEncoder class is responsible for learning a TfidfVectorizer encoding and further encoding new data. """ @@ -26,7 +26,7 @@ def __init__(self): logger.info('Class overrided.') def learn(self, tokens, top_tokens=100): - """Learns a TfidfVectorizer representation based on the tokens' frrquency + """Learns a TfidfVectorizer representation based on the tokens' frequency. Args: tokens (list): A list of tokens. diff --git a/nalp/encoders/word2vec.py b/nalp/encoders/word2vec.py index 2a5f855..ab342e7 100644 --- a/nalp/encoders/word2vec.py +++ b/nalp/encoders/word2vec.py @@ -1,15 +1,16 @@ import multiprocessing -import nalp.utils.logging as l import numpy as np from gensim.models.word2vec import Word2Vec as W2V + +import nalp.utils.logging as l from nalp.core.encoder import Encoder logger = l.get_logger(__name__) -class Word2Vec(Encoder): - """A Word2Vec class, responsible for learning a Word2Vec encode and +class Word2vecEncoder(Encoder): + """A Word2vecEncoder class is responsible for learning a Word2Vec encode and further encoding new data. """ @@ -19,19 +20,20 @@ def __init__(self): """ - logger.info('Overriding class: Encoder -> Word2Vec.') + logger.info('Overriding class: Encoder -> Word2vecEncoder.') # Overrides its parent class with any custom arguments if needed - super(Word2Vec, self).__init__() + super(Word2vecEncoder, self).__init__() logger.info('Class overrided.') - def learn(self, sentences, max_features=128, window_size=5, min_count=1, algorithm=0, learning_rate=0.01, iterations=10): + def learn(self, tokens, max_features=128, window_size=5, min_count=1, algorithm=0, learning_rate=0.01, iterations=10): """Learns a Word2Vec representation based on the its methodology. + One can use CBOW or Skip-gram algorithm for the learning procedure. Args: - sentences (df): A Panda's dataframe column holding sentences to be fitted. + tokens (list): A list of tokens. max_features (int): Maximum number of features to be fitted. window_size (int): Maximum distance between current and predicted word. min_count (int): Minimum count of words for its use. @@ -41,46 +43,47 @@ def learn(self, sentences, max_features=128, window_size=5, min_count=1, algorit """ - logger.debug('Running public method: learn().') + logger.debug('Learning how to encode ...') # Creates a Word2Vec model - self.encoder = W2V(sentences=sentences, size=max_features, window=window_size, min_count=min_count, + self.encoder = W2V(sentences=tokens, size=max_features, window=window_size, min_count=min_count, sg=algorithm, alpha=learning_rate, iter=iterations, workers=multiprocessing.cpu_count()) - def encode(self, sentences, max_tokens=10): - """Actually encodes the data into a Word2Vec representation. + def encode(self, tokens, max_tokens=10): + """Encodes the data into a Word2Vec representation. Args: - sentences (df): A Panda's dataframe column holding sentences to be encoded. + tokens (list): A list of tokens to be encoded. max_tokens (int): Maximum amount of tokens per sentence. """ - logger.debug('Running public method: encode().') + logger.debug('Encoding new tokens ...') - # Checks if enconder actually exists, if not raises a RuntimeError + # Checks if enconder actually exists, if not raises an error if not self.encoder: + # Creates the error e = 'You need to call learn() prior to encode() method.' + + # Logs the error logger.error(e) - raise RuntimeError(e) - # Logging some important information - logger.debug( - f'Size: ({sentences.size}, {max_tokens}, {self.encoder.vector_size}).') + raise RuntimeError(e) - # Get actual word vectors from Word2Vec class + # Gets the actual word vectors from Word2Vec class wv = self.encoder.wv - # Creates an encoded_X variable to hold encoded data - self.encoded_data = np.zeros( - (sentences.size, max_tokens, self.encoder.vector_size)) + # Creates an encoded tokens variable to hold encoded data + encoded_tokens = np.zeros((len(tokens), max_tokens, self.encoder.vector_size)) # Iterate through all sentences - for i in range(0, sentences.size): + for i in range(0, len(tokens)): # For each sentence, iterate over its tokens - for t, token in enumerate(sentences[i]): + for t, token in enumerate(tokens[i]): # If token index exceed maximum length, break the loop if t >= max_tokens: break # Else, store its word vector value to a new variable - self.encoded_data[i, t, :] = wv[token] + encoded_tokens[i, t, :] = wv[token] + + return encoded_tokens From 3815e3284e1599e76ba11cd7036ae8c188243696 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Thu, 12 Sep 2019 14:55:17 -0300 Subject: [PATCH 10/22] As NALP is going through a rework, its next version will be a minor. --- .travis.yml | 5 ++++- nalp/__init__.py | 2 +- setup.py | 4 +++- 3 files changed, 8 insertions(+), 3 deletions(-) diff --git a/.travis.yml b/.travis.yml index 6f15b77..0fdd77a 100644 --- a/.travis.yml +++ b/.travis.yml @@ -1,6 +1,9 @@ +dist: xenial language: python python: - "3.6" + - "3.7" + - "3.8-dev" # PyPy versions - "pypy3.5" # command to install dependencies @@ -8,4 +11,4 @@ install: - pip install -r requirements.txt - pip install . # command to run tests -script: pytest +script: pytest \ No newline at end of file diff --git a/nalp/__init__.py b/nalp/__init__.py index d3313e9..7171479 100644 --- a/nalp/__init__.py +++ b/nalp/__init__.py @@ -2,4 +2,4 @@ of several modules and sub-modules. """ -__version__ = '1.0.2' \ No newline at end of file +__version__ = '1.1.0' \ No newline at end of file diff --git a/setup.py b/setup.py index c5d8661..d987d03 100644 --- a/setup.py +++ b/setup.py @@ -4,7 +4,7 @@ long_description = f.read() setup(name='nalp', - version='1.0.2', + version='1.1.0', description='Natural Adversarial Language Processing', long_description=long_description, long_description_content_type='text/markdown', @@ -37,6 +37,8 @@ 'Intended Audience :: Science/Research', 'License :: OSI Approved :: MIT License', 'Programming Language :: Python :: 3.6', + 'Programming Language :: Python :: 3.7', + 'Programming Language :: Python :: 3.8', 'Programming Language :: Python :: Implementation :: PyPy', 'Topic :: Software Development :: Libraries', 'Topic :: Software Development :: Libraries :: Python Modules' From a879938c8411b6fc971a70ba8473688956cd6d7c Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Thu, 12 Sep 2019 15:24:57 -0300 Subject: [PATCH 11/22] Creating a Onehot encoder. --- examples/encoders/encode_onehot.py | 24 +++++ nalp/encoders/onehot.py | 136 +++++++++++++++++++++++++++++ 2 files changed, 160 insertions(+) create mode 100644 examples/encoders/encode_onehot.py diff --git a/examples/encoders/encode_onehot.py b/examples/encoders/encode_onehot.py new file mode 100644 index 0000000..1fa23ab --- /dev/null +++ b/examples/encoders/encode_onehot.py @@ -0,0 +1,24 @@ +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.encoders.onehot import OnehotEncoder + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an OnehotEncoder +encoder = OnehotEncoder() + +# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size +encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Printing encoded tokens +print(encoded_tokens) + +# Decodes the encoded tokens +decoded_tokens = encoder.decode(encoded_tokens) + +# Printing decoded tokens +print(decoded_tokens) diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot.py index e69de29..bf4b7bc 100644 --- a/nalp/encoders/onehot.py +++ b/nalp/encoders/onehot.py @@ -0,0 +1,136 @@ +import numpy as np + +import nalp.utils.logging as l +from nalp.core.encoder import Encoder + +logger = l.get_logger(__name__) + + +class OnehotEncoder(Encoder): + """An Onehot class is responsible for encoding text into one-hot encodings. + + """ + + def __init__(self): + """Initizaliation method. + + """ + + logger.info('Overriding class: Encoder -> OnehotEncoder.') + + # Overrides its parent class with any custom arguments if needed + super(OnehotEncoder, self).__init__() + + # Creates an empty decoder property + self.decoder = None + + # Creates an empty vocabulary size property + self.vocab_size = None + + logger.info('Class overrided.') + + @property + def decoder(self): + """dict: A decoder dictionary. + + """ + + return self._decoder + + @decoder.setter + def decoder(self, decoder): + self._decoder = decoder + + @property + def vocab_size(self): + """int: The vocabulary size. + + """ + + return self._vocab_size + + @vocab_size.setter + def vocab_size(self, vocab_size): + self._vocab_size = vocab_size + + def learn(self, dictionary, reverse_dictionary, vocab_size): + """Learns an one-hot encoding. + + Args: + dictionary (dict): The vocabulary to index mapping. + reverse_dictionary (dict): The index to vocabulary mapping. + vocab_size (int): The vocabulary size. + + """ + + logger.debug('Learning how to encode ...') + + # Creates the encoder property + self.encoder = dictionary + + # Creates the decoder property + self.decoder = reverse_dictionary + + # Creates the vocabulary size property + self.vocab_size = vocab_size + + def encode(self, tokens): + """Encodes new tokens based on previous learning. + + Args: + tokens (list): A list of tokens to be encoded. + + Returns: + A numpy array of encoded tokens. + + """ + + logger.debug('Encoding new tokens ...') + + # Checks if enconder actually exists, if not raises an error + if not self.encoder: + # Creates the error + e = 'You need to call learn() prior to encode() method.' + + # Logs the error + logger.error(e) + + raise RuntimeError(e) + + # Creating an array to hold the one-hot encoded tokens + encoded_tokens = np.zeros((len(tokens), self.vocab_size)) + + # Iterates through all tokens + for i, idx in enumerate(tokens): + # One-hot encodes the token + encoded_tokens[i, self.encoder[idx]] = 1 + + return encoded_tokens + + def decode(self, encoded_tokens): + """Decodes the encoding back to tokens. + + Args: + encoded_tokens (np.array): A numpy array containing the encoded tokens. + + Returns: + A list of decoded tokens. + + """ + + logger.debug('Decoding encoded tokens ...') + + # Checks if decoder actually exists, if not raises an error + if not self.decoder: + # Creates the error + e = 'You need to call learn() prior to decode() method.' + + # Logs the error + logger.error(e) + + raise RuntimeError(e) + + # Decoding the tokens + decoded_tokens = [self.decoder[np.where(encoded_token == 1)[0][0]] for encoded_token in encoded_tokens] + + return decoded_tokens From de6810f6f9a86e32807e200b3ec18ee7283a58dc Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Fri, 13 Sep 2019 11:49:30 -0300 Subject: [PATCH 12/22] Adding dataset-related classes. --- examples/datasets/create_next_dataset.py | 26 +++ nalp/core/dataset.py | 241 ++++------------------- nalp/core/dataset_.py | 237 ++++++++++++++++++++++ nalp/datasets/next.py | 60 ++++++ nalp/encoders/integer.py | 2 +- nalp/encoders/onehot.py | 2 +- 6 files changed, 362 insertions(+), 206 deletions(-) create mode 100644 examples/datasets/create_next_dataset.py create mode 100644 nalp/core/dataset_.py create mode 100644 nalp/datasets/next.py diff --git a/examples/datasets/create_next_dataset.py b/examples/datasets/create_next_dataset.py new file mode 100644 index 0000000..7c180ec --- /dev/null +++ b/examples/datasets/create_next_dataset.py @@ -0,0 +1,26 @@ +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.encoders.integer import IntegerEncoder +from nalp.datasets.next import NextDataset + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=1) + +# Iterating over one batch +for input_batch, target_batch in dataset.batches.take(1): + # For every input and target inside the batch + for input, target in zip(input_batch, target_batch): + # Transforms the tensor to numpy and decodes it + print(encoder.decode(input.numpy()), encoder.decode(target.numpy())) \ No newline at end of file diff --git a/nalp/core/dataset.py b/nalp/core/dataset.py index 3df280c..c23a14f 100644 --- a/nalp/core/dataset.py +++ b/nalp/core/dataset.py @@ -1,237 +1,70 @@ -import numpy as np import tensorflow as tf +import nalp.utils.logging as l -class Dataset: - """A Dataset class is responsible for receiving raw tokens (words or chars) and - creating properties that will be feed as an input to the networks (i.e., vocabulary and indexes). +logger = l.get_logger(__name__) + + +class Dataset(): + """A Dataset class is responsible for receiving encoded tokens and + creating data that will be feed as an input to the networks. """ - def __init__(self, tokens=None): + def __init__(self, encoded_tokens, max_length=1): """Initialization method. - Some basic shared variables and methods between Datasets's childs - should be declared here. Args: - tokens (list): A list holding tokenized words or characters. + encoded_tokens (np.array): An array of encoded tokens. + max_length (int): Maximum sequences' length. """ - # List of tokens - self._tokens = None - - # The size of the vocabulary - self._vocab_size = None - - # A dictionary mapping vocabulary to indexes - self._vocab_index = None - - # A dictionary mapping indexes to vocabulary - self._index_vocab = None - - # The indexated tokens - self._tokens_idx = None + # Creating a property to hold the encoded tokens + self.encoded_tokens = encoded_tokens - # Defining inputs placeholder for further filling - self._X = None - - # We also need to define the labels placeholder - self._Y = None - - # Checking if there are any tokens - if tokens: - # If yes, build class properties - self._build_properties(tokens) + # We need to create a property holding the max length of the sequences + self.max_length = max_length @property - def tokens(self): - """list: A list holding tokenized words or characters. + def encoded_tokens(self): + """np.array: An numpy array holding the encoded tokens. """ - return self._tokens + return self._encoded_tokens - @tokens.setter - def tokens(self, tokens): - self._tokens = tokens + @encoded_tokens.setter + def encoded_tokens(self, encoded_tokens): + self._encoded_tokens = encoded_tokens @property - def vocab_size(self): - """int: The size of the vocabulary. + def max_length(self): + """int: The maximum length of the sequences. """ - return self._vocab_size + return self._max_length - @vocab_size.setter - def vocab_size(self, vocab_size): - self._vocab_size = vocab_size + @max_length.setter + def max_length(self, max_length): + self._max_length = max_length - @property - def vocab_index(self): - """dict: A dictionary mapping vocabulary to indexes. - - """ - - return self._vocab_index - - @vocab_index.setter - def vocab_index(self, vocab_index): - self._vocab_index = vocab_index - - @property - def index_vocab(self): - """dict: A dictionary mapping indexes to vocabulary. - - """ - - return self._index_vocab - - @index_vocab.setter - def index_vocab(self, index_vocab): - self._index_vocab = index_vocab - - @property - def tokens_idx(self): - """np.array: A numpy array holding the indexed tokens. - - """ - - return self._tokens_idx - - @tokens_idx.setter - def tokens_idx(self, tokens_idx): - self._tokens_idx = tokens_idx - - @property - def X(self): - """np.array: Input samples. - - """ - - return self._X - - @X.setter - def X(self, X): - self._X = X - - @property - def Y(self): - """np.array: Target samples. - - """ - - return self._Y - - @Y.setter - def Y(self, Y): - self._Y = Y - - def _build_properties(self, tokens): - """Builds all properties if there are any tokens. - - Args: - tokens (list): A list holding tokenized words or characters. - - """ - - # Firstly, we need to define a tokens property - self.tokens = tokens - - # Calculates the vocabulary and its size from tokens - vocab = list(set(tokens)) - self.vocab_size = len(vocab) - - # Creates a dictionary mapping vocabulary to indexes - self.vocab_index = self.vocab_to_index(vocab) - - # Creates a dictionary mapping indexes to vocabulary - self.index_vocab = self.index_to_vocab(vocab) - - # Indexate tokens based on a vocabulary-index dictionary - self.tokens_idx = self.indexate_tokens(tokens, self.vocab_index) - - def vocab_to_index(self, vocab): - """Maps a vocabulary to integer indexes. - - Args: - vocab (list): A list holding the vocabulary. - - """ - - vocab_to_index = {c: i for i, c in enumerate(vocab)} - - return vocab_to_index - - def index_to_vocab(self, vocab): - """Maps integer indexes to a vocabulary. - - Args: - vocab (list): A list holding the vocabulary. - - """ - - index_to_vocab = {i: c for i, c in enumerate(vocab)} - - return index_to_vocab - - def indexate_tokens(self, tokens, vocab_index): - """Indexates tokens based on a previous defined vocabulary. - - Args: - tokens (list): A list holding tokenized words or characters. - vocab_index (dict): A dictionary mapping vocabulary to indexes. - - """ - - tokens_idx = np.array([vocab_index[c] for c in tokens]) - - return tokens_idx - - def create_batches(self, X, Y, batch_size, shuffle=True): - """Creates an iterable to feed (X, Y) batches to the network. - - Args: - X (np.array): An array of inputs. - Y (np.array): An array of labels. - batch_size (int): The size of each batch. - shuffle (bool): If data should be shuffled or not. - - Returns: - A tensorflow dataset iterable. - - """ - - # Slicing dataset - data = tf.data.Dataset.from_tensor_slices((X, Y)) - - # Checking if data should be shuffled - if shuffle: - data = data.shuffle(len(Y)) - - # Applying batches - data = data.batch(batch_size) - - return data - - def decode(self, encoded_data): - """Decodes an array of probabilites into raw text. - - Args: - encoded_data (np.array | tf.Tensor): An array holding probabilities. + def _create_sequences(self): + """Creates sequences of the desired length. Returns: - A decoded list (can be characters or words). + A tensor of maximum length sequences. """ - # Declaring a null string to hold the decoded data - decoded_text = [] + logger.debug( + f'Creating sequences of maximum length: {self.max_length} ...') + + # Creating tensor slices from the encoded tokens + slices = tf.data.Dataset.from_tensor_slices(self.encoded_tokens) - # Iterating through all encoded data - for e in encoded_data: - # Recovering the argmax of 'e' - decoded_text.append(self.index_vocab[np.argmax(e)]) + # Creating the sequences + sequences = slices.batch(self.max_length+1, drop_remainder=True) - return decoded_text + return sequences diff --git a/nalp/core/dataset_.py b/nalp/core/dataset_.py new file mode 100644 index 0000000..3df280c --- /dev/null +++ b/nalp/core/dataset_.py @@ -0,0 +1,237 @@ +import numpy as np +import tensorflow as tf + + +class Dataset: + """A Dataset class is responsible for receiving raw tokens (words or chars) and + creating properties that will be feed as an input to the networks (i.e., vocabulary and indexes). + + """ + + def __init__(self, tokens=None): + """Initialization method. + Some basic shared variables and methods between Datasets's childs + should be declared here. + + Args: + tokens (list): A list holding tokenized words or characters. + + """ + + # List of tokens + self._tokens = None + + # The size of the vocabulary + self._vocab_size = None + + # A dictionary mapping vocabulary to indexes + self._vocab_index = None + + # A dictionary mapping indexes to vocabulary + self._index_vocab = None + + # The indexated tokens + self._tokens_idx = None + + # Defining inputs placeholder for further filling + self._X = None + + # We also need to define the labels placeholder + self._Y = None + + # Checking if there are any tokens + if tokens: + # If yes, build class properties + self._build_properties(tokens) + + @property + def tokens(self): + """list: A list holding tokenized words or characters. + + """ + + return self._tokens + + @tokens.setter + def tokens(self, tokens): + self._tokens = tokens + + @property + def vocab_size(self): + """int: The size of the vocabulary. + + """ + + return self._vocab_size + + @vocab_size.setter + def vocab_size(self, vocab_size): + self._vocab_size = vocab_size + + @property + def vocab_index(self): + """dict: A dictionary mapping vocabulary to indexes. + + """ + + return self._vocab_index + + @vocab_index.setter + def vocab_index(self, vocab_index): + self._vocab_index = vocab_index + + @property + def index_vocab(self): + """dict: A dictionary mapping indexes to vocabulary. + + """ + + return self._index_vocab + + @index_vocab.setter + def index_vocab(self, index_vocab): + self._index_vocab = index_vocab + + @property + def tokens_idx(self): + """np.array: A numpy array holding the indexed tokens. + + """ + + return self._tokens_idx + + @tokens_idx.setter + def tokens_idx(self, tokens_idx): + self._tokens_idx = tokens_idx + + @property + def X(self): + """np.array: Input samples. + + """ + + return self._X + + @X.setter + def X(self, X): + self._X = X + + @property + def Y(self): + """np.array: Target samples. + + """ + + return self._Y + + @Y.setter + def Y(self, Y): + self._Y = Y + + def _build_properties(self, tokens): + """Builds all properties if there are any tokens. + + Args: + tokens (list): A list holding tokenized words or characters. + + """ + + # Firstly, we need to define a tokens property + self.tokens = tokens + + # Calculates the vocabulary and its size from tokens + vocab = list(set(tokens)) + self.vocab_size = len(vocab) + + # Creates a dictionary mapping vocabulary to indexes + self.vocab_index = self.vocab_to_index(vocab) + + # Creates a dictionary mapping indexes to vocabulary + self.index_vocab = self.index_to_vocab(vocab) + + # Indexate tokens based on a vocabulary-index dictionary + self.tokens_idx = self.indexate_tokens(tokens, self.vocab_index) + + def vocab_to_index(self, vocab): + """Maps a vocabulary to integer indexes. + + Args: + vocab (list): A list holding the vocabulary. + + """ + + vocab_to_index = {c: i for i, c in enumerate(vocab)} + + return vocab_to_index + + def index_to_vocab(self, vocab): + """Maps integer indexes to a vocabulary. + + Args: + vocab (list): A list holding the vocabulary. + + """ + + index_to_vocab = {i: c for i, c in enumerate(vocab)} + + return index_to_vocab + + def indexate_tokens(self, tokens, vocab_index): + """Indexates tokens based on a previous defined vocabulary. + + Args: + tokens (list): A list holding tokenized words or characters. + vocab_index (dict): A dictionary mapping vocabulary to indexes. + + """ + + tokens_idx = np.array([vocab_index[c] for c in tokens]) + + return tokens_idx + + def create_batches(self, X, Y, batch_size, shuffle=True): + """Creates an iterable to feed (X, Y) batches to the network. + + Args: + X (np.array): An array of inputs. + Y (np.array): An array of labels. + batch_size (int): The size of each batch. + shuffle (bool): If data should be shuffled or not. + + Returns: + A tensorflow dataset iterable. + + """ + + # Slicing dataset + data = tf.data.Dataset.from_tensor_slices((X, Y)) + + # Checking if data should be shuffled + if shuffle: + data = data.shuffle(len(Y)) + + # Applying batches + data = data.batch(batch_size) + + return data + + def decode(self, encoded_data): + """Decodes an array of probabilites into raw text. + + Args: + encoded_data (np.array | tf.Tensor): An array holding probabilities. + + Returns: + A decoded list (can be characters or words). + + """ + + # Declaring a null string to hold the decoded data + decoded_text = [] + + # Iterating through all encoded data + for e in encoded_data: + # Recovering the argmax of 'e' + decoded_text.append(self.index_vocab[np.argmax(e)]) + + return decoded_text diff --git a/nalp/datasets/next.py b/nalp/datasets/next.py new file mode 100644 index 0000000..6ad3060 --- /dev/null +++ b/nalp/datasets/next.py @@ -0,0 +1,60 @@ +import nalp.utils.logging as l +from nalp.core.dataset import Dataset + +logger = l.get_logger(__name__) + + +class NextDataset(Dataset): + """A NextDataset class is responsible for creating a dataset that predicts the next timestep (t+1) + given a timestep (t). + + """ + + def __init__(self, encoded_tokens, max_length=1, batch_size=64): + """Initialization method. + + Args: + encoded_tokens (np.array): An array of encoded tokens. + max_length (int): Maximum sequences' length. + batch_size (int): Size of batches. + + """ + + logger.info('Overriding class: Dataset -> NextDataset.') + + # Overrides its parent class with any custom arguments if needed + super(NextDataset, self).__init__(encoded_tokens, max_length) + + # Creating the sequences + sequences = self._create_sequences() + + # Mapping the sequences to input and targets + map_sequences = sequences.map(self._create_input_target) + + logger.debug( + f'Creating input and target batches of size: {batch_size}.') + + # Actually creating the desired amount of batches + self.batches = map_sequences.shuffle( + 10000).batch(batch_size, drop_remainder=True) + + logger.info('Class overrided.') + + def _create_input_target(self, sequence): + """Creates input (t) and targets (t+1) using the next timestep approach. + + Args: + sequence (tensor): A tensor holding the sequence to be mapped. + + Returns: + Input and target tensors. + + """ + + # Maps the sequence to the input + input = sequence[:-1] + + # Maps the sequence to the target + target = sequence[1:] + + return input, target diff --git a/nalp/encoders/integer.py b/nalp/encoders/integer.py index 9a32303..c8701d1 100644 --- a/nalp/encoders/integer.py +++ b/nalp/encoders/integer.py @@ -7,7 +7,7 @@ class IntegerEncoder(Encoder): - """An Integer class is responsible for encoding text into integers. + """An IntegerEncoder class is responsible for encoding text into integers. """ diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot.py index bf4b7bc..55965ff 100644 --- a/nalp/encoders/onehot.py +++ b/nalp/encoders/onehot.py @@ -7,7 +7,7 @@ class OnehotEncoder(Encoder): - """An Onehot class is responsible for encoding text into one-hot encodings. + """An OnehotEncoder class is responsible for encoding text into one-hot encodings. """ From a81e72a000dc60adea0ff9741391eb38ac515090 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Fri, 13 Sep 2019 11:56:55 -0300 Subject: [PATCH 13/22] Cleaning up unused files in the rework. --- examples/datasets/create_one_hot.py | 30 ---- examples/datasets/create_vanilla.py | 28 ---- nalp/core/dataset_.py | 237 ---------------------------- nalp/datasets/one_hot.py | 107 ------------- nalp/datasets/text.py | 112 ------------- nalp/datasets/vanilla.py | 139 ---------------- nalp/stream/__init__.py | 2 - nalp/stream/loader.py | 59 ------- nalp/stream/preprocess.py | 85 ---------- nalp/utils/decorators.py | 52 ------ nalp/utils/splitters.py | 34 ---- 11 files changed, 885 deletions(-) delete mode 100644 examples/datasets/create_one_hot.py delete mode 100644 examples/datasets/create_vanilla.py delete mode 100644 nalp/core/dataset_.py delete mode 100644 nalp/datasets/one_hot.py delete mode 100644 nalp/datasets/text.py delete mode 100644 nalp/datasets/vanilla.py delete mode 100644 nalp/stream/__init__.py delete mode 100644 nalp/stream/loader.py delete mode 100644 nalp/stream/preprocess.py delete mode 100644 nalp/utils/decorators.py delete mode 100644 nalp/utils/splitters.py diff --git a/examples/datasets/create_one_hot.py b/examples/datasets/create_one_hot.py deleted file mode 100644 index 7efc570..0000000 --- a/examples/datasets/create_one_hot.py +++ /dev/null @@ -1,30 +0,0 @@ -import nalp.stream.preprocess as p -import numpy as np -from nalp.datasets.one_hot import OneHot - -# Defines your own input text -input_text = "I have two hippos and three cats" - -# Creates a pre-processing pipeline -# This will tokenize the input text into chars -pipe_char = p.pipeline( - p.tokenize_to_char -) - -# And this will tokenize into words -pipe_word = p.pipeline( - p.tokenize_to_word -) - -# Applying pre-processing pipelines to input text -chars = pipe_char(input_text) -words = pipe_word(input_text) - -# Creates the dataset (c will be for chars and w for words) -c = OneHot(chars, max_length=3) -w = OneHot(words, max_length=2) - -# Acessing properties from OneHot class -# Note that every property can be acessed, please refer to the docs to know all of them -print(f'Char -> Tokens: {c.tokens} | Vocabulary size: {c.vocab_size} | X[0]: {c.X[0]} | Y[0]: {c.Y[0]}') -print(f'Word -> Tokens: {w.tokens} | Vocabulary size: {w.vocab_size} | X[0]: {w.X[0]} | Y[0]: {w.Y[0]}') diff --git a/examples/datasets/create_vanilla.py b/examples/datasets/create_vanilla.py deleted file mode 100644 index 71cc630..0000000 --- a/examples/datasets/create_vanilla.py +++ /dev/null @@ -1,28 +0,0 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -import numpy as np -from nalp.datasets.vanilla import Vanilla - -# Loads an input .csv -csv = l.load_csv('data/16k_twitter_en.csv') - -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.lower_case, - p.valid_char, - p.tokenize_to_word -) - -# Transforming dataframe into samples and labels -X = csv['text'] -Y = csv['sentiment'].values - -# Applying pre-processing pipeline to X -X = X.apply(lambda x: pipe(x)).values - -# Creates the dataset -d = Vanilla(X, Y, categorical=True) - -# Acessing properties from Vanilla class -# Note that every property can be acessed, please refer to the docs to know all of them -print(f'Vanilla -> X[0]: {d.X[0]} | Y[0]: {d.Y[0]} | Label: {d._index_labels[np.argmax(d.Y[0])]}') diff --git a/nalp/core/dataset_.py b/nalp/core/dataset_.py deleted file mode 100644 index 3df280c..0000000 --- a/nalp/core/dataset_.py +++ /dev/null @@ -1,237 +0,0 @@ -import numpy as np -import tensorflow as tf - - -class Dataset: - """A Dataset class is responsible for receiving raw tokens (words or chars) and - creating properties that will be feed as an input to the networks (i.e., vocabulary and indexes). - - """ - - def __init__(self, tokens=None): - """Initialization method. - Some basic shared variables and methods between Datasets's childs - should be declared here. - - Args: - tokens (list): A list holding tokenized words or characters. - - """ - - # List of tokens - self._tokens = None - - # The size of the vocabulary - self._vocab_size = None - - # A dictionary mapping vocabulary to indexes - self._vocab_index = None - - # A dictionary mapping indexes to vocabulary - self._index_vocab = None - - # The indexated tokens - self._tokens_idx = None - - # Defining inputs placeholder for further filling - self._X = None - - # We also need to define the labels placeholder - self._Y = None - - # Checking if there are any tokens - if tokens: - # If yes, build class properties - self._build_properties(tokens) - - @property - def tokens(self): - """list: A list holding tokenized words or characters. - - """ - - return self._tokens - - @tokens.setter - def tokens(self, tokens): - self._tokens = tokens - - @property - def vocab_size(self): - """int: The size of the vocabulary. - - """ - - return self._vocab_size - - @vocab_size.setter - def vocab_size(self, vocab_size): - self._vocab_size = vocab_size - - @property - def vocab_index(self): - """dict: A dictionary mapping vocabulary to indexes. - - """ - - return self._vocab_index - - @vocab_index.setter - def vocab_index(self, vocab_index): - self._vocab_index = vocab_index - - @property - def index_vocab(self): - """dict: A dictionary mapping indexes to vocabulary. - - """ - - return self._index_vocab - - @index_vocab.setter - def index_vocab(self, index_vocab): - self._index_vocab = index_vocab - - @property - def tokens_idx(self): - """np.array: A numpy array holding the indexed tokens. - - """ - - return self._tokens_idx - - @tokens_idx.setter - def tokens_idx(self, tokens_idx): - self._tokens_idx = tokens_idx - - @property - def X(self): - """np.array: Input samples. - - """ - - return self._X - - @X.setter - def X(self, X): - self._X = X - - @property - def Y(self): - """np.array: Target samples. - - """ - - return self._Y - - @Y.setter - def Y(self, Y): - self._Y = Y - - def _build_properties(self, tokens): - """Builds all properties if there are any tokens. - - Args: - tokens (list): A list holding tokenized words or characters. - - """ - - # Firstly, we need to define a tokens property - self.tokens = tokens - - # Calculates the vocabulary and its size from tokens - vocab = list(set(tokens)) - self.vocab_size = len(vocab) - - # Creates a dictionary mapping vocabulary to indexes - self.vocab_index = self.vocab_to_index(vocab) - - # Creates a dictionary mapping indexes to vocabulary - self.index_vocab = self.index_to_vocab(vocab) - - # Indexate tokens based on a vocabulary-index dictionary - self.tokens_idx = self.indexate_tokens(tokens, self.vocab_index) - - def vocab_to_index(self, vocab): - """Maps a vocabulary to integer indexes. - - Args: - vocab (list): A list holding the vocabulary. - - """ - - vocab_to_index = {c: i for i, c in enumerate(vocab)} - - return vocab_to_index - - def index_to_vocab(self, vocab): - """Maps integer indexes to a vocabulary. - - Args: - vocab (list): A list holding the vocabulary. - - """ - - index_to_vocab = {i: c for i, c in enumerate(vocab)} - - return index_to_vocab - - def indexate_tokens(self, tokens, vocab_index): - """Indexates tokens based on a previous defined vocabulary. - - Args: - tokens (list): A list holding tokenized words or characters. - vocab_index (dict): A dictionary mapping vocabulary to indexes. - - """ - - tokens_idx = np.array([vocab_index[c] for c in tokens]) - - return tokens_idx - - def create_batches(self, X, Y, batch_size, shuffle=True): - """Creates an iterable to feed (X, Y) batches to the network. - - Args: - X (np.array): An array of inputs. - Y (np.array): An array of labels. - batch_size (int): The size of each batch. - shuffle (bool): If data should be shuffled or not. - - Returns: - A tensorflow dataset iterable. - - """ - - # Slicing dataset - data = tf.data.Dataset.from_tensor_slices((X, Y)) - - # Checking if data should be shuffled - if shuffle: - data = data.shuffle(len(Y)) - - # Applying batches - data = data.batch(batch_size) - - return data - - def decode(self, encoded_data): - """Decodes an array of probabilites into raw text. - - Args: - encoded_data (np.array | tf.Tensor): An array holding probabilities. - - Returns: - A decoded list (can be characters or words). - - """ - - # Declaring a null string to hold the decoded data - decoded_text = [] - - # Iterating through all encoded data - for e in encoded_data: - # Recovering the argmax of 'e' - decoded_text.append(self.index_vocab[np.argmax(e)]) - - return decoded_text diff --git a/nalp/datasets/one_hot.py b/nalp/datasets/one_hot.py deleted file mode 100644 index 0898120..0000000 --- a/nalp/datasets/one_hot.py +++ /dev/null @@ -1,107 +0,0 @@ -import nalp.utils.logging as l -import numpy as np -from nalp.core.dataset import Dataset - -logger = l.get_logger(__name__) - - -class OneHot(Dataset): - """An OneHot encoding Dataset child. It is responsible for receiving and preparing data - in a one-hot format. This data serves as a basis for predicting t+1 timesteps. - - """ - - def __init__(self, tokens, max_length=1): - """Initizaliation method. - - Args: - tokens (list): A list holding tokenized words or characters. - max_length (int): The maximum length of the encoding. - - """ - - logger.info('Overriding class: Dataset -> OneHot.') - - # Overrides its parent class with any custom arguments if needed - super(OneHot, self).__init__(tokens) - - # We need to create a property holding the max length of the encoding - self._max_length = max_length - - # Calls creating samples method to populate (X, Y) for further using - self.X, self.Y = self.create_samples( - self.tokens_idx, max_length, self.vocab_size) - - # Logging some important information - logger.debug( - f'X: {self.X.shape} | Y: {self.Y.shape}.') - - logger.info('Class overrided.') - - @property - def max_length(self): - """int: The maximum length of the encoding. - - """ - - return self._max_length - - def one_hot_encode(self, token_idx, vocab_size): - """Encodes an indexated token into an one-hot encoding. - - Args: - token_idx (int): The index of the token to be encoded. - vocab_size (int): The size of the vocabulary. - - Returns: - A one-hot encoded array. - - """ - - # Creating array to hold encoded data - encoded_data = np.zeros((vocab_size), dtype=np.int32) - - # Marking as true where tokens exists - encoded_data[token_idx] = 1 - - return encoded_data - - - def create_samples(self, tokens_idx, max_length, vocab_size): - """Creates inputs and targets samples based in a one-hot encoding. - We are predicting t+1 timesteps for each char or word. - - Args: - tokens_idx (np.array): A numpy array holding the indexed tokens. - max_length (int): The maximum length of the encoding. - vocab_size (int): The size of the vocabulary. - - Returns: - X and Y one-hot encoded samples. - - """ - - # Creates empty lists for further appending - inputs = [] - targets = [] - - # Iterates through all possible inputs combinations - for i in range(0, len(tokens_idx)-max_length): - # Appends to inputs and targets lists one timestep at a time - inputs.append(tokens_idx[i:i+max_length]) - targets.append(tokens_idx[i+max_length]) - - # Creates empty numpy boolean arrays for holding X and Y - X = np.zeros((len(inputs), max_length, vocab_size), dtype=np.float32) - Y = np.zeros((len(inputs), vocab_size), dtype=np.float32) - - # Iterates through all inputs - for i, input in enumerate(inputs): - # For each input, iterate through all tokens - for t, token in enumerate(input): - # If there is a token on X, encode it - X[i, t] = self.one_hot_encode(token, vocab_size) - # If there is a token on Y, encode it - Y[i] = self.one_hot_encode(targets[i], vocab_size) - - return X, Y diff --git a/nalp/datasets/text.py b/nalp/datasets/text.py deleted file mode 100644 index 32c56fb..0000000 --- a/nalp/datasets/text.py +++ /dev/null @@ -1,112 +0,0 @@ -import nalp.utils.logging as l -import numpy as np -from nalp.core.dataset import Dataset - -logger = l.get_logger(__name__) - - -class TextDataset(Dataset): - """ - - """ - - def __init__(self): - """Initizaliation method. - - Args: - - """ - - logger.info('Overriding class: Dataset -> TextDataset.') - - # Overrides its parent class with any custom arguments if needed - super(TextDataset, self).__init__() - - # Logging some important information - logger.debug( - f'X: {self.X.shape} | Y: {self.Y.shape}.') - - logger.info('Class overrided.') - - @property - def unique_labels(self): - """list: List of unique labels. - - """ - - return self._unique_labels - - @unique_labels.setter - def unique_labels(self, unique_labels): - self._unique_labels = unique_labels - - @property - def n_class(self): - """int: Number of classes, derived from list of labels. - - """ - - return self._n_class - - @n_class.setter - def n_class(self, n_class): - self._n_class = n_class - - @property - def labels_index(self): - """dict: A dictionary mapping labels to indexes. - - """ - - return self._labels_index - - @labels_index.setter - def labels_index(self, labels_index): - self._labels_index = labels_index - - @property - def index_labels(self): - """dict: A dictionary mapping indexes to labels. - - """ - - return self._index_labels - - @index_labels.setter - def index_labels(self, index_labels): - self._index_labels = index_labels - - def _labels_to_categorical(self, labels): - """Maps labels into a categorical encoding. - - Args: - labels (list): A list holding the labels for each sample. - - Returns: - Categorical encoding of list of labels. - - """ - - # Gathering unique labels - self.unique_labels = set(labels) - - # We also need the number of classes - self.n_class = len(self.unique_labels) - - # Creating a dictionary to map labels to indexes - self.labels_index = {c: i for i, c in enumerate(self.unique_labels)} - - # Creating a dictionary to map indexes to labels - self.index_labels = {i: c for i, c in enumerate(self.unique_labels)} - - # Creating a numpy array to hold categorical labels - categorical_labels = np.zeros( - (len(labels), self.n_class), dtype=np.int32) - - # Iterating through all labels - for i, l in enumerate(labels): - # Apply to current index the categorical encoding - categorical_labels[i] = np.eye(self.n_class)[ - self.labels_index[l]] - - return categorical_labels diff --git a/nalp/datasets/vanilla.py b/nalp/datasets/vanilla.py deleted file mode 100644 index 785b12c..0000000 --- a/nalp/datasets/vanilla.py +++ /dev/null @@ -1,139 +0,0 @@ -import nalp.utils.logging as l -import numpy as np -from nalp.core.dataset import Dataset - -logger = l.get_logger(__name__) - - -class Vanilla(Dataset): - """A Vanilla dataset can be seen as a regular dataset, composed by inputs and labels (X, Y). - Note that the inputs have to be tokenized prior to instanciating this class. - - """ - - def __init__(self, tokens, labels, categorical=True): - """Initizaliation method. - - Args: - tokens (list): A list holding tokenized words or characters. - labels (list): A list holding the labels for each sample. - categorical (bool): If yes, apply categorical encoding to labels. - - """ - - logger.info('Overriding class: Dataset -> Vanilla.') - - # Overrides its parent class with any custom arguments if needed - super(Vanilla, self).__init__() - - # List of unique labels - self._unique_labels = None - - # Number of classes, derived from list of labels - self._n_class = None - - # A dictionary mapping labels to indexes - self._labels_index = None - - # A dictionary mapping indexes to labels - self._index_labels = None - - # Populating X from list of tokens - self.X = tokens - - # Check if categorical boolean is true - if categorical: - # If yes, calls method to convert string or integer labels into categorical - self.Y = self._labels_to_categorical(labels) - else: - # If not, just apply to property - self.Y = labels - - # Logging some important information - logger.debug( - f'X: {self.X.shape} | Y: {self.Y.shape}.') - - logger.info('Class overrided.') - - @property - def unique_labels(self): - """list: List of unique labels. - - """ - - return self._unique_labels - - @unique_labels.setter - def unique_labels(self, unique_labels): - self._unique_labels = unique_labels - - @property - def n_class(self): - """int: Number of classes, derived from list of labels. - - """ - - return self._n_class - - @n_class.setter - def n_class(self, n_class): - self._n_class = n_class - - @property - def labels_index(self): - """dict: A dictionary mapping labels to indexes. - - """ - - return self._labels_index - - @labels_index.setter - def labels_index(self, labels_index): - self._labels_index = labels_index - - @property - def index_labels(self): - """dict: A dictionary mapping indexes to labels. - - """ - - return self._index_labels - - @index_labels.setter - def index_labels(self, index_labels): - self._index_labels = index_labels - - def _labels_to_categorical(self, labels): - """Maps labels into a categorical encoding. - - Args: - labels (list): A list holding the labels for each sample. - - Returns: - Categorical encoding of list of labels. - - """ - - # Gathering unique labels - self.unique_labels = set(labels) - - # We also need the number of classes - self.n_class = len(self.unique_labels) - - # Creating a dictionary to map labels to indexes - self.labels_index = {c: i for i, c in enumerate(self.unique_labels)} - - # Creating a dictionary to map indexes to labels - self.index_labels = {i: c for i, c in enumerate(self.unique_labels)} - - # Creating a numpy array to hold categorical labels - categorical_labels = np.zeros( - (len(labels), self.n_class), dtype=np.int32) - - # Iterating through all labels - for i, l in enumerate(labels): - # Apply to current index the categorical encoding - categorical_labels[i] = np.eye(self.n_class)[ - self.labels_index[l]] - - return categorical_labels diff --git a/nalp/stream/__init__.py b/nalp/stream/__init__.py deleted file mode 100644 index 9cf1f2d..0000000 --- a/nalp/stream/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ -"""A data stream package for all common nalp modules. -""" \ No newline at end of file diff --git a/nalp/stream/loader.py b/nalp/stream/loader.py deleted file mode 100644 index 1f09eb8..0000000 --- a/nalp/stream/loader.py +++ /dev/null @@ -1,59 +0,0 @@ -import sys - -import nalp.utils.logging as l -import pandas as pd - -logger = l.get_logger(__name__) - - -def load_csv(csv_path): - """Loads a CSV file into a dataframe object. - - Args: - csv_path (str): A string holding the .csv's path. - - Returns: - A Panda's dataframe object. - - """ - - # Tries to read .csv file into a dataframe - try: - # Actually reads the .csv file - csv = pd.read_csv(csv_path) - - # If file is not found, handle the exception and exit - except FileNotFoundError as e: - logger.error('Failed to open file ' + csv_path) - - raise Exception(e) - - return csv - - -def load_txt(txt_path): - """Loads a TXT file into a string. - - Args: - txt_path (str): A string holding the .txt's path. - - Returns: - A string containing the loaded text. - - """ - - # Tries to read .txt file - try: - # Opens the .txt file - txt_file = open(txt_path) - - # If possible, read its content - txt = txt_file.read() - - # If file is not found, handle the exception and exit - except FileNotFoundError as e: - logger.error('Failed to open file ' + txt_path) - - raise Exception(e) - - return txt diff --git a/nalp/stream/preprocess.py b/nalp/stream/preprocess.py deleted file mode 100644 index 7448f5b..0000000 --- a/nalp/stream/preprocess.py +++ /dev/null @@ -1,85 +0,0 @@ -import re - -import nalp.utils.logging as l -import nltk - -logger = l.get_logger(__name__) - - -def lower_case(s): - """Transforms an input string into its lower case version. - - Args: - s (str): Input string. - - Returns: - Lower case of 's'. - - """ - - return s.lower() - - -def valid_char(s): - """Validates the input string characters. - - Args: - s (str): Input string. - - Returns: - String 's' after validation. - - """ - - return re.sub('[^a-zA-z0-9\s]', '', s) - - -def tokenize_to_char(s): - """Tokenizes a sentence to characters array. - - Args: - s (str): Input string. - - Returns: - Array of tokenized characters. - - """ - - return list(s) - - -def tokenize_to_word(s): - """Tokenizes a sentence to words array. - - Args: - s (str): Input string. - - Returns: - Array of tokenized words. - - """ - - return nltk.word_tokenize(s) - - -def pipeline(*func): - """Creates a pre-processing pipeline. - - Args: - *func (callable): Functions pointers. - - Returns: - A created pre-processing pipeline for further use. - - """ - - def process(x): - # Iterate over every argument function - for f in func: - # Apply function to input - x = f(x) - return x - - logger.info('Pipeline created with ' + str(func) + '.') - - return process diff --git a/nalp/utils/decorators.py b/nalp/utils/decorators.py deleted file mode 100644 index e4b3be1..0000000 --- a/nalp/utils/decorators.py +++ /dev/null @@ -1,52 +0,0 @@ -import functools - -import tensorflow as tf - - -def wrapper(function): - """This function serves as a wrapper for custom decorators. Please use it when - defining a new decorator. - - Args: - function (callable): An arbitrary function. - - """ - - @functools.wraps(function) - def decorator(*args, **kwargs): - if len(args) == 1 and len(kwargs) == 0 and callable(args[0]): - return function(args[0]) - - else: - return lambda wrap: function(wrap, *args, **kwargs) - - return decorator - - -@wrapper -def define_scope(function, scope=None, *args, **kwargs): - """A decorator used to help when defining new Tensorflow operations. - It servers as an helper by making them avaliable with tf.variable_scope(). - - Args: - function (callable): An arbitrary function. - scope (str): A string containing the scope's name. - - """ - - # Gathers the attribute as a variable - attribute = '_cache_' + function.__name__ - - # Gathers the name as a variable - name = scope or function.__name__ - - @property - @functools.wraps(function) - def decorator(self): - if not hasattr(self, attribute): - with tf.variable_scope(name, *args, **kwargs): - setattr(self, attribute, function(self)) - - return getattr(self, attribute) - - return decorator diff --git a/nalp/utils/splitters.py b/nalp/utils/splitters.py deleted file mode 100644 index 04cea30..0000000 --- a/nalp/utils/splitters.py +++ /dev/null @@ -1,34 +0,0 @@ -import nalp.utils.logging as l -import pandas as pd -from sklearn.model_selection import train_test_split - -logger = l.get_logger(__name__) - - -def split_data(X, Y, split_size=0.5, random_state=42): - """Splits X, Y (samples, labels) data into training and testing sets. - - Args: - X (np.array): Input samples numpy array. - Y (np.array): Input labels numpy array. - split_size (float): The proportion of test sets. - random_state (int): Random integer to provide a random state to splitter. - - Returns: - X, Y training and testing sets. - - """ - - # Try to gather labels from pandas dataframe - try: - Y = pd.get_dummies(Y).values - - # If not, logs the exception as a warning - except Exception as e: - logger.warn(e) - - # Actually performs the split - X_train, X_test, Y_train, Y_test = train_test_split( - X, Y, test_size=split_size, random_state=42) - - return X_train, X_test, Y_train, Y_test From 644cd0390021138d1299fafb0b5bef8a3e73d71a Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Fri, 13 Sep 2019 16:24:42 -0300 Subject: [PATCH 14/22] Fixing up saving issue. --- examples/neurals/train.py | 38 +++++++ nalp/core/neural.py | 167 +--------------------------- nalp/core/neural_.py | 205 +++++++++++++++++++++++++++++++++++ nalp/corpus/text.py | 2 +- nalp/datasets/next.py | 2 +- nalp/neurals/rnn.py | 174 ++---------------------------- nalp/neurals/rnn_.py | 221 ++++++++++++++++++++++++++++++++++++++ 7 files changed, 476 insertions(+), 333 deletions(-) create mode 100644 examples/neurals/train.py create mode 100644 nalp/core/neural_.py create mode 100644 nalp/neurals/rnn_.py diff --git a/examples/neurals/train.py b/examples/neurals/train.py new file mode 100644 index 0000000..c2c338f --- /dev/null +++ b/examples/neurals/train.py @@ -0,0 +1,38 @@ +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.encoders.onehot import OnehotEncoder +from nalp.datasets.next import NextDataset +from nalp.neurals.rnn import RNN +import tensorflow as tf + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an OnehotEncoder +encoder = OnehotEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=128) + +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, hidden_size=64) + +optimizer = tf.keras.optimizers.Adam(learning_rate=0.001) + +rnn.compile(optimizer, loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) + +# rnn.fit(dataset.batches, epochs=100) + +# rnn.save_weights('out', save_format='tf') + +# rnn.train_on_batch(dataset.batches.take(1)) + +rnn.load_weights('out') + +rnn.evaluate(dataset.batches) \ No newline at end of file diff --git a/nalp/core/neural.py b/nalp/core/neural.py index 5f36f52..cf4090a 100644 --- a/nalp/core/neural.py +++ b/nalp/core/neural.py @@ -1,6 +1,7 @@ -import nalp.utils.logging as l import tensorflow as tf +import nalp.utils.logging as l + logger = l.get_logger(__name__) @@ -22,50 +23,6 @@ def __init__(self): # Overrides its parent class with any custom arguments if needed super(Neural, self).__init__() - def _build(self): - """Main building method. - - Note we need to build the model itself (layers), its learning objects (learners) - and finally, its metrics. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_layers(self): - """Builds the model layers itself. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_learners(self): - """Builds all learning-related objects (i.e., loss and optimizer). - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_metrics(self): - """Builds any desired metrics to be used with the model. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - @tf.function def call(self, x): """Method that holds vital information whenever this class is called. @@ -81,123 +38,3 @@ def call(self, x): """ raise NotImplementedError - - @tf.function - def step(self, X_batch, Y_batch): - """Performs a single batch optimization step. - - Args: - X_batch (tf.Tensor): A tensor containing the inputs batch. - Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. - - """ - - # Using tensorflow's gradient - with tf.GradientTape() as tape: - # Calculate the predictions based on inputs - preds = self(X_batch) - - # Calculate the loss - loss = self.loss(Y_batch, preds) - - # Calculate the gradient based on loss for each training variable - gradients = tape.gradient(loss, self.trainable_variables) - - # Apply gradients using an optimizer - self.optimizer.apply_gradients( - zip(gradients, self.trainable_variables)) - - # Update the loss metric state - self.train_loss.update_state(loss) - - # Update the accuracy metric state - self.train_accuracy.update_state(Y_batch, preds) - - def train(self, train, validation=None, batch_size=1, epochs=100): - """Trains a model. - - Args: - train (Dataset): A training Dataset object containing already encoded data (X, Y). - validation (Dataset): A validation Dataset object containing already encoded data (X, Y). - batch_size (int): The maximum size for each training batch. - epochs (int): The maximum number of training epochs. - - """ - - logger.info(f'Model ready to be trained for: {epochs} epochs.') - logger.info(f'Batch size: {batch_size}.') - - # Creating training batches to further feed the network - train_batches = train.create_batches(train.X, train.Y, batch_size) - - # Checks if there is a validation set - if validation: - # Creating validation batches to further feed the network - val_batches = validation.create_batches( - validation.X, validation.Y, batch_size) - - # Iterate through all epochs - for epoch in range(epochs): - # Resetting states to further append losses and accuracies - self.train_loss.reset_states() - self.train_accuracy.reset_states() - self.val_loss.reset_states() - self.val_accuracy.reset_states() - - # Iterate through all possible training batches, dependending on batch size - for X_train, Y_train in train_batches: - # Performs the optimization step - self.step(X_train, Y_train) - - logger.debug( - f'Epoch: {epoch+1}/{epochs} | Loss: {self.train_loss.result().numpy():.4f} | Accuracy: {self.train_accuracy.result().numpy():.4f}') - - # Checks if there is a validation set - if validation: - # Iterate through all possible batches, dependending on batch size - for X_val, Y_val in val_batches: - # Tests the network - self.test(X_val, Y_val) - - logger.debug( - f'Val Loss: {self.val_loss.result().numpy():.4f} | Val Accuracy: {self.val_accuracy.result().numpy():.4f}\n') - - @tf.function - def test(self, X_batch, Y_batch): - """Performs a single batch testing. - - Args: - X_batch (tf.Tensor): A tensor containing the inputs batch. - Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. - - """ - - # Calculate the predictions based on inputs - preds = self(X_batch) - - # Calculate the loss - loss = self.loss(Y_batch, preds) - - # Update the testing loss metric state - self.val_loss.update_state(loss) - - # Update the testing accuracy metric state - self.val_accuracy.update_state(Y_batch, preds) - - @tf.function - def predict(self, X): - """Uses the model and makes a forward pass (prediction) in new data. - - Args: - X (np.array | tf.Tensor): Can either be a numpy array or a tensorflow tensor. - - Returns: - A tensorflow array containing the predictions. Note that if you use a softmax class in your model, - these will be probabilities. - - """ - - # Performs the forward pass - preds = self(X) - - return preds \ No newline at end of file diff --git a/nalp/core/neural_.py b/nalp/core/neural_.py new file mode 100644 index 0000000..8c35dad --- /dev/null +++ b/nalp/core/neural_.py @@ -0,0 +1,205 @@ +import nalp.utils.logging as l +import tensorflow as tf + +logger = l.get_logger(__name__) + + +class Neural(tf.keras.Model): + """A Neural class is responsible for holding vital information when defining a + neural network. + + Note that some methods have to be redefined when using its childs. + + """ + + def __init__(self): + """Initialization method. + + Note that basic variables shared by all childs should be declared here. + + """ + + # Overrides its parent class with any custom arguments if needed + super(Neural, self).__init__() + + def _build(self): + """Main building method. + + Note we need to build the model itself (layers), its learning objects (learners) + and finally, its metrics. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + def _build_layers(self): + """Builds the model layers itself. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + def _build_learners(self): + """Builds all learning-related objects (i.e., loss and optimizer). + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + def _build_metrics(self): + """Builds any desired metrics to be used with the model. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + @tf.function + def call(self, x): + """Method that holds vital information whenever this class is called. + + Note that you will need to implement this method directly on its child. Essentially, + each neural network has its own forward pass implementation. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + @tf.function + def step(self, X_batch, Y_batch): + """Performs a single batch optimization step. + + Args: + X_batch (tf.Tensor): A tensor containing the inputs batch. + Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. + + """ + + # Using tensorflow's gradient + with tf.GradientTape() as tape: + # Calculate the predictions based on inputs + preds = self(X_batch) + + print(preds) + + # Calculate the loss + loss = self.loss(Y_batch, preds) + + # Calculate the gradient based on loss for each training variable + gradients = tape.gradient(loss, self.trainable_variables) + + # Apply gradients using an optimizer + self.optimizer.apply_gradients( + zip(gradients, self.trainable_variables)) + + # Update the loss metric state + self.train_loss.update_state(loss) + + # Update the accuracy metric state + self.train_accuracy.update_state(Y_batch, preds) + + def train(self, train, validation=None, batch_size=1, epochs=100): + """Trains a model. + + Args: + train (Dataset): A training Dataset object containing already encoded data (X, Y). + validation (Dataset): A validation Dataset object containing already encoded data (X, Y). + batch_size (int): The maximum size for each training batch. + epochs (int): The maximum number of training epochs. + + """ + + logger.info(f'Model ready to be trained for: {epochs} epochs.') + logger.info(f'Batch size: {batch_size}.') + + + + # Checks if there is a validation set + if validation: + # Creating validation batches to further feed the network + val_batches = validation.create_batches( + validation.X, validation.Y, batch_size) + + # Iterate through all epochs + for epoch in range(epochs): + # Resetting states to further append losses and accuracies + self.train_loss.reset_states() + self.train_accuracy.reset_states() + self.val_loss.reset_states() + self.val_accuracy.reset_states() + + # Iterate through all possible training batches, dependending on batch size + for X_train, Y_train in train: + print(Y_train) + # Performs the optimization step + self.step(X_train, Y_train) + + logger.debug( + f'Epoch: {epoch+1}/{epochs} | Loss: {self.train_loss.result().numpy():.4f} | Accuracy: {self.train_accuracy.result().numpy():.4f}') + + # Checks if there is a validation set + if validation: + # Iterate through all possible batches, dependending on batch size + for X_val, Y_val in val_batches: + # Tests the network + self.test(X_val, Y_val) + + logger.debug( + f'Val Loss: {self.val_loss.result().numpy():.4f} | Val Accuracy: {self.val_accuracy.result().numpy():.4f}\n') + + @tf.function + def test(self, X_batch, Y_batch): + """Performs a single batch testing. + + Args: + X_batch (tf.Tensor): A tensor containing the inputs batch. + Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. + + """ + + # Calculate the predictions based on inputs + preds = self(X_batch) + + # Calculate the loss + loss = self.loss(Y_batch, preds) + + # Update the testing loss metric state + self.val_loss.update_state(loss) + + # Update the testing accuracy metric state + self.val_accuracy.update_state(Y_batch, preds) + + @tf.function + def predict(self, X): + """Uses the model and makes a forward pass (prediction) in new data. + + Args: + X (np.array | tf.Tensor): Can either be a numpy array or a tensorflow tensor. + + Returns: + A tensorflow array containing the predictions. Note that if you use a softmax class in your model, + these will be probabilities. + + """ + + # Performs the forward pass + preds = self(X) + + return preds \ No newline at end of file diff --git a/nalp/corpus/text.py b/nalp/corpus/text.py index 22f14ec..1e6011a 100644 --- a/nalp/corpus/text.py +++ b/nalp/corpus/text.py @@ -136,7 +136,7 @@ def _build(self, tokens): """ # Creates the vocabulary - self.vocab = list(set(tokens)) + self.vocab = sorted(set(tokens)) # Also, gathers the vocabulary size self.vocab_size = len(self.vocab) diff --git a/nalp/datasets/next.py b/nalp/datasets/next.py index 6ad3060..5d4adc3 100644 --- a/nalp/datasets/next.py +++ b/nalp/datasets/next.py @@ -55,6 +55,6 @@ def _create_input_target(self, sequence): input = sequence[:-1] # Maps the sequence to the target - target = sequence[1:] + target = sequence[1] return input, target diff --git a/nalp/neurals/rnn.py b/nalp/neurals/rnn.py index 1ead4c9..b3bb383 100644 --- a/nalp/neurals/rnn.py +++ b/nalp/neurals/rnn.py @@ -1,13 +1,11 @@ import nalp.utils.logging as l -import numpy as np -import tensorflow as tf from nalp.core.neural import Neural -from nalp.utils import math +import tensorflow as tf logger = l.get_logger(__name__) -class RNN(Neural): +class RNN(tf.keras.Model): """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. References: @@ -15,7 +13,7 @@ class RNN(Neural): """ - def __init__(self, vocab_size=1, hidden_size=2, learning_rate=0.001): + def __init__(self, vocab_size=1, hidden_size=2): """Initialization method. Args: @@ -28,123 +26,20 @@ def __init__(self, vocab_size=1, hidden_size=2, learning_rate=0.001): logger.info('Overriding class: Neural -> RNN.') # Overrides its parent class with any custom arguments if needed - super(RNN, self).__init__() - - # One for vocab size - self._vocab_size = vocab_size - - # One for the amount of hidden neurons - self._hidden_size = hidden_size - - # And the last for the learning rate - self._learning_rate = learning_rate - - # Actually build the model - self._build() - - logger.info('Class overrided.') - - @property - def vocab_size(self): - """int: The size of the vocabulary. - - """ - - return self._vocab_size - - @property - def hidden_size(self): - """int: The amount of hidden neurons. - - """ - - return self._hidden_size - - @property - def learning_rate(self): - """float: A big or small addition on the optimizer steps. - - """ - - return self._learning_rate - - def _build(self): - """Main building method. - - """ - - logger.info('Running private method: build().') - - # Builds the model layers - self._build_layers() - - # Builds the learning objects - self._build_learners() - - # Builds the metrics - self._build_metrics() - - logger.info('Model ready to be used.') - - def _build_layers(self): - """Builds the model layers itself. - - """ - - logger.debug( - f'Constructing model with shape: ({self.hidden_size}, {self.vocab_size}).') + super(RNN, self).__init__(name='rnn') # Creates a simple RNN cell - self.cell = tf.keras.layers.SimpleRNNCell(self.hidden_size) + self.cell = tf.keras.layers.SimpleRNNCell(hidden_size, name='rnn_cell') # Creates the RNN loop itself - self.rnn = tf.keras.layers.RNN(self.cell) + self.rnn = tf.keras.layers.RNN(self.cell, name='rnn_layer') # Creates the linear (Dense) layer - self.linear = tf.keras.layers.Dense(self.vocab_size) + self.linear = tf.keras.layers.Dense(vocab_size, name='dense') # And finally, a softmax activation for life's easing - self.softmax = tf.keras.layers.Softmax() - - def _build_learners(self): - """Builds all learning-related objects (i.e., loss and optimizer). + self.softmax = tf.keras.layers.Softmax(name='softmax') - """ - - # Defining the loss function - self.loss = tf.losses.CategoricalCrossentropy() - - logger.debug(f'Loss: {self.loss}.') - - # Creates an optimizer object - self.optimizer = tf.optimizers.Adam(self.learning_rate) - - logger.debug( - f'Optimizer: {self.optimizer} | Learning rate: {self.learning_rate}.') - - def _build_metrics(self): - """Builds any desired metrics to be used with the model. - - """ - - # Defining training accuracy metric - self.train_accuracy = tf.metrics.CategoricalAccuracy( - name='train_accuracy') - - # Defining training loss metric - self.train_loss = tf.metrics.Mean(name='train_loss') - - # Defining validation accuracy metric - self.val_accuracy = tf.metrics.CategoricalAccuracy( - name='val_accuracy') - - # Defining validation loss metric - self.val_loss = tf.metrics.Mean(name='val_loss') - - logger.debug( - f'Train Accuracy: {self.train_accuracy} | Train Loss: {self.train_loss} | Val Accuracy: {self.val_accuracy} | Val Loss: {self.val_loss}.') - - @tf.function def call(self, x): """Method that holds vital information whenever this class is called. @@ -166,56 +61,3 @@ def call(self, x): x = self.softmax(x) return x - - def generate_text(self, dataset, start_text='', length=1, temperature=1.0): - """Generates a maximum length of new text based on the probability of next char - ocurring. - - Args: - dataset (OneHot): A OneHot dataset object. - start_text (str): The initial text for generating new text. - length (int): Maximum amount of generated text. - temperature (float): The amount of diversity to include when sampling. - - Returns: - A list containing a custom generated text (can be characters or words). - - """ - - logger.info(f'Generating new text with length: {length}.') - - # Defining variable to hold decoded generation - output_text = start_text - - # Creating indexated tokens from starting text - tokens_idx = dataset.indexate_tokens( - list(start_text), dataset.vocab_index) - - # Creating seed to be inputed to the predictor - seed = np.zeros( - (1, len(tokens_idx), dataset.vocab_size), dtype=np.float32) - - # Iterate through maximum desired length - for _ in range(length): - # Iterate through all indexated tokens - for i, idx in enumerate(tokens_idx): - # Encodes each token into dataset's encoding - seed[0, i] = dataset.one_hot_encode(idx, dataset.vocab_size) - - # Calculates the prediction - predict = self(seed).numpy() - - # Chooses a index based on the predictions probability distribution - pred_idx = math.sample_from_multinomial( - predict[-1], temperature) - - # Removing first indexated token - tokens_idx = np.delete(tokens_idx, 0, 0) - - # Appending predicted index to the end of indexated tokens - tokens_idx = np.append(tokens_idx, pred_idx) - - # Outputting generated characters to start text - output_text.append(dataset.index_vocab[pred_idx]) - - return output_text diff --git a/nalp/neurals/rnn_.py b/nalp/neurals/rnn_.py new file mode 100644 index 0000000..1ead4c9 --- /dev/null +++ b/nalp/neurals/rnn_.py @@ -0,0 +1,221 @@ +import nalp.utils.logging as l +import numpy as np +import tensorflow as tf +from nalp.core.neural import Neural +from nalp.utils import math + +logger = l.get_logger(__name__) + + +class RNN(Neural): + """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. + + References: + http://psych.colorado.edu/~kimlab/Elman1990.pdf + + """ + + def __init__(self, vocab_size=1, hidden_size=2, learning_rate=0.001): + """Initialization method. + + Args: + vocab_size (int): The size of the vocabulary. + hidden_size (int): The amount of hidden neurons. + learning_rate (float): A big or small addition on the optimizer steps. + + """ + + logger.info('Overriding class: Neural -> RNN.') + + # Overrides its parent class with any custom arguments if needed + super(RNN, self).__init__() + + # One for vocab size + self._vocab_size = vocab_size + + # One for the amount of hidden neurons + self._hidden_size = hidden_size + + # And the last for the learning rate + self._learning_rate = learning_rate + + # Actually build the model + self._build() + + logger.info('Class overrided.') + + @property + def vocab_size(self): + """int: The size of the vocabulary. + + """ + + return self._vocab_size + + @property + def hidden_size(self): + """int: The amount of hidden neurons. + + """ + + return self._hidden_size + + @property + def learning_rate(self): + """float: A big or small addition on the optimizer steps. + + """ + + return self._learning_rate + + def _build(self): + """Main building method. + + """ + + logger.info('Running private method: build().') + + # Builds the model layers + self._build_layers() + + # Builds the learning objects + self._build_learners() + + # Builds the metrics + self._build_metrics() + + logger.info('Model ready to be used.') + + def _build_layers(self): + """Builds the model layers itself. + + """ + + logger.debug( + f'Constructing model with shape: ({self.hidden_size}, {self.vocab_size}).') + + # Creates a simple RNN cell + self.cell = tf.keras.layers.SimpleRNNCell(self.hidden_size) + + # Creates the RNN loop itself + self.rnn = tf.keras.layers.RNN(self.cell) + + # Creates the linear (Dense) layer + self.linear = tf.keras.layers.Dense(self.vocab_size) + + # And finally, a softmax activation for life's easing + self.softmax = tf.keras.layers.Softmax() + + def _build_learners(self): + """Builds all learning-related objects (i.e., loss and optimizer). + + """ + + # Defining the loss function + self.loss = tf.losses.CategoricalCrossentropy() + + logger.debug(f'Loss: {self.loss}.') + + # Creates an optimizer object + self.optimizer = tf.optimizers.Adam(self.learning_rate) + + logger.debug( + f'Optimizer: {self.optimizer} | Learning rate: {self.learning_rate}.') + + def _build_metrics(self): + """Builds any desired metrics to be used with the model. + + """ + + # Defining training accuracy metric + self.train_accuracy = tf.metrics.CategoricalAccuracy( + name='train_accuracy') + + # Defining training loss metric + self.train_loss = tf.metrics.Mean(name='train_loss') + + # Defining validation accuracy metric + self.val_accuracy = tf.metrics.CategoricalAccuracy( + name='val_accuracy') + + # Defining validation loss metric + self.val_loss = tf.metrics.Mean(name='val_loss') + + logger.debug( + f'Train Accuracy: {self.train_accuracy} | Train Loss: {self.train_loss} | Val Accuracy: {self.val_accuracy} | Val Loss: {self.val_loss}.') + + @tf.function + def call(self, x): + """Method that holds vital information whenever this class is called. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Returns: + The same tensor after passing through each defined layer. + + """ + + # We need to apply the input into the first recorrent layer + x = self.rnn(x) + + # The input also suffers a linear combination to output correct shape + x = self.linear(x) + + # Finally, we output its probabilites + x = self.softmax(x) + + return x + + def generate_text(self, dataset, start_text='', length=1, temperature=1.0): + """Generates a maximum length of new text based on the probability of next char + ocurring. + + Args: + dataset (OneHot): A OneHot dataset object. + start_text (str): The initial text for generating new text. + length (int): Maximum amount of generated text. + temperature (float): The amount of diversity to include when sampling. + + Returns: + A list containing a custom generated text (can be characters or words). + + """ + + logger.info(f'Generating new text with length: {length}.') + + # Defining variable to hold decoded generation + output_text = start_text + + # Creating indexated tokens from starting text + tokens_idx = dataset.indexate_tokens( + list(start_text), dataset.vocab_index) + + # Creating seed to be inputed to the predictor + seed = np.zeros( + (1, len(tokens_idx), dataset.vocab_size), dtype=np.float32) + + # Iterate through maximum desired length + for _ in range(length): + # Iterate through all indexated tokens + for i, idx in enumerate(tokens_idx): + # Encodes each token into dataset's encoding + seed[0, i] = dataset.one_hot_encode(idx, dataset.vocab_size) + + # Calculates the prediction + predict = self(seed).numpy() + + # Chooses a index based on the predictions probability distribution + pred_idx = math.sample_from_multinomial( + predict[-1], temperature) + + # Removing first indexated token + tokens_idx = np.delete(tokens_idx, 0, 0) + + # Appending predicted index to the end of indexated tokens + tokens_idx = np.append(tokens_idx, pred_idx) + + # Outputting generated characters to start text + output_text.append(dataset.index_vocab[pred_idx]) + + return output_text From 3096bd11dbbdd83aa63fdbec711fe9dd763a75b6 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Fri, 13 Sep 2019 16:46:35 -0300 Subject: [PATCH 15/22] We will need different RNNs: for embedding and for one hot. --- examples/neurals/train.py | 6 ++-- nalp/encoders/onehot.py | 3 +- nalp/neurals/embedded_rnn.py | 67 ++++++++++++++++++++++++++++++++++++ 3 files changed, 73 insertions(+), 3 deletions(-) create mode 100644 nalp/neurals/embedded_rnn.py diff --git a/examples/neurals/train.py b/examples/neurals/train.py index c2c338f..d283c16 100644 --- a/examples/neurals/train.py +++ b/examples/neurals/train.py @@ -27,12 +27,14 @@ rnn.compile(optimizer, loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) -# rnn.fit(dataset.batches, epochs=100) +rnn.fit(dataset.batches, epochs=100) # rnn.save_weights('out', save_format='tf') # rnn.train_on_batch(dataset.batches.take(1)) -rnn.load_weights('out') +# rnn.summary() + +# rnn.load_weights('out') rnn.evaluate(dataset.batches) \ No newline at end of file diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot.py index 55965ff..969778a 100644 --- a/nalp/encoders/onehot.py +++ b/nalp/encoders/onehot.py @@ -131,6 +131,7 @@ def decode(self, encoded_tokens): raise RuntimeError(e) # Decoding the tokens - decoded_tokens = [self.decoder[np.where(encoded_token == 1)[0][0]] for encoded_token in encoded_tokens] + decoded_tokens = [self.decoder[np.where(encoded_token == 1)[ + 0][0]] for encoded_token in encoded_tokens] return decoded_tokens diff --git a/nalp/neurals/embedded_rnn.py b/nalp/neurals/embedded_rnn.py new file mode 100644 index 0000000..8beda5c --- /dev/null +++ b/nalp/neurals/embedded_rnn.py @@ -0,0 +1,67 @@ +import nalp.utils.logging as l +from nalp.core.neural import Neural +import tensorflow as tf + +logger = l.get_logger(__name__) + + +class EmbeddedRNN(tf.keras.Model): + """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. + + References: + http://psych.colorado.edu/~kimlab/Elman1990.pdf + + """ + + def __init__(self, vocab_size=1, hidden_size=2): + """Initialization method. + + Args: + vocab_size (int): The size of the vocabulary. + hidden_size (int): The amount of hidden neurons. + learning_rate (float): A big or small addition on the optimizer steps. + + """ + + logger.info('Overriding class: Neural -> RNN.') + + # Overrides its parent class with any custom arguments if needed + super(RNN, self).__init__(name='rnn') + + self.embedding = tf.keras.layers.Embedding(vocab_size, 100) + + # Creates a simple RNN cell + self.cell = tf.keras.layers.SimpleRNNCell(hidden_size, name='rnn_cell') + + # Creates the RNN loop itself + self.rnn = tf.keras.layers.RNN(self.cell, name='rnn_layer') + + # Creates the linear (Dense) layer + self.linear = tf.keras.layers.Dense(vocab_size, name='dense') + + # And finally, a softmax activation for life's easing + self.softmax = tf.keras.layers.Softmax(name='softmax') + + def call(self, x): + """Method that holds vital information whenever this class is called. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Returns: + The same tensor after passing through each defined layer. + + """ + + x = self.embedding(x) + + # We need to apply the input into the first recorrent layer + x = self.rnn(x) + + # The input also suffers a linear combination to output correct shape + x = self.linear(x) + + # Finally, we output its probabilites + x = self.softmax(x) + + return x From ca06606d7c81e051fa08030be401b735d3f8f911 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 17 Sep 2019 10:54:19 -0300 Subject: [PATCH 16/22] A whole load of changes. One can easily or hardly defined its base. --- examples/models/train_embedded_rnn.py | 41 ++++ .../{neurals/train.py => models/train_rnn.py} | 29 +-- examples/neurals/train_rnn.py | 24 -- nalp/__init__.py | 2 +- nalp/core/__init__.py | 4 +- nalp/core/neural_.py | 205 ----------------- nalp/corpus/__init__.py | 3 + nalp/datasets/__init__.py | 2 +- nalp/encoders/__init__.py | 2 +- nalp/encoders/onehot.py | 2 +- nalp/models/__init__.py | 3 + nalp/{neurals => models}/embedded_rnn.py | 32 +-- nalp/models/layers/__init__.py | 2 + nalp/{neurals => models}/layers/linear.py | 12 +- nalp/{neurals => models}/rnn.py | 17 +- nalp/{neurals => models}/rnn_.py | 0 nalp/neurals/__init__.py | 4 +- nalp/neurals/complex.py | 206 ++++++++++++++++++ nalp/neurals/layers/__init__.py | 2 - nalp/{core/neural.py => neurals/simple.py} | 19 +- nalp/utils/__init__.py | 2 +- 21 files changed, 321 insertions(+), 292 deletions(-) create mode 100644 examples/models/train_embedded_rnn.py rename examples/{neurals/train.py => models/train_rnn.py} (60%) delete mode 100644 examples/neurals/train_rnn.py delete mode 100644 nalp/core/neural_.py create mode 100644 nalp/models/__init__.py rename nalp/{neurals => models}/embedded_rnn.py (56%) create mode 100644 nalp/models/layers/__init__.py rename nalp/{neurals => models}/layers/linear.py (86%) rename nalp/{neurals => models}/rnn.py (77%) rename nalp/{neurals => models}/rnn_.py (100%) create mode 100644 nalp/neurals/complex.py delete mode 100644 nalp/neurals/layers/__init__.py rename nalp/{core/neural.py => neurals/simple.py} (64%) diff --git a/examples/models/train_embedded_rnn.py b/examples/models/train_embedded_rnn.py new file mode 100644 index 0000000..dec364c --- /dev/null +++ b/examples/models/train_embedded_rnn.py @@ -0,0 +1,41 @@ +import tensorflow as tf + +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.embedded_rnn import EmbeddedRNN + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=128) + +# Creating the EmbeddedRNN +rnn = EmbeddedRNN(vocab_size=corpus.vocab_size, embedding_size=100, hidden_size=64) + +# Compiling the EmbeddedRNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.SparseCategoricalCrossentropy(), metrics=['accuracy']) + +# Fitting the EmbeddedRNN +rnn.fit(dataset.batches, epochs=100) + +# Evaluating the EmbeddedRNN +# rnn.evaluate(dataset.batches) + +# Saving EmbeddedRNN weights +# rnn.save_weights('models/embedded_rnn', save_format='tf') + +# Loading EmbeddedRNN weights +# rnn.load_weights('models/embedded_rnn') diff --git a/examples/neurals/train.py b/examples/models/train_rnn.py similarity index 60% rename from examples/neurals/train.py rename to examples/models/train_rnn.py index d283c16..f4b6ae4 100644 --- a/examples/neurals/train.py +++ b/examples/models/train_rnn.py @@ -1,9 +1,10 @@ +import tensorflow as tf + import nalp.utils.preprocess as p from nalp.corpus.text import TextCorpus -from nalp.encoders.onehot import OnehotEncoder from nalp.datasets.next import NextDataset -from nalp.neurals.rnn import RNN -import tensorflow as tf +from nalp.encoders.onehot import OnehotEncoder +from nalp.models.rnn import RNN # Creating a character TextCorpus from file corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') @@ -11,7 +12,7 @@ # Creating an OnehotEncoder encoder = OnehotEncoder() -# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) # Applies the encoding on new data @@ -23,18 +24,18 @@ # Creating the RNN rnn = RNN(vocab_size=corpus.vocab_size, hidden_size=64) -optimizer = tf.keras.optimizers.Adam(learning_rate=0.001) - -rnn.compile(optimizer, loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) +# Compiling the RNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) +# Fitting the RNN rnn.fit(dataset.batches, epochs=100) -# rnn.save_weights('out', save_format='tf') - -# rnn.train_on_batch(dataset.batches.take(1)) - -# rnn.summary() +# Evaluating the RNN +# rnn.evaluate(dataset.batches) -# rnn.load_weights('out') +# Saving RNN weights +# rnn.save_weights('models/rnn', save_format='tf') -rnn.evaluate(dataset.batches) \ No newline at end of file +# Loading RNN weights +# rnn.load_weights('models/rnn') diff --git a/examples/neurals/train_rnn.py b/examples/neurals/train_rnn.py deleted file mode 100644 index ca87f01..0000000 --- a/examples/neurals/train_rnn.py +++ /dev/null @@ -1,24 +0,0 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.datasets.one_hot import OneHot -from nalp.neurals.rnn import RNN - -# Loading a text -sentences = l.load_txt('data/text/chapter1_harry.txt') - -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.tokenize_to_char -) - -# Applying pre-processing pipeline to sentences and start token -tokens = pipe(sentences) - -# Creating a OneHot dataset -d = OneHot(tokens, max_length=10) - -# Defining a neural network based on vanilla RNN -rnn = RNN(vocab_size=d.vocab_size, hidden_size=64, learning_rate=0.001) - -# Training the network -rnn.train(train=d, batch_size=128, epochs=100) diff --git a/nalp/__init__.py b/nalp/__init__.py index 7171479..77d798b 100644 --- a/nalp/__init__.py +++ b/nalp/__init__.py @@ -1,4 +1,4 @@ -"""This is nalp main library. Note that this library consists +"""This is NALP main library. Note that this library consists of several modules and sub-modules. """ diff --git a/nalp/core/__init__.py b/nalp/core/__init__.py index d8d6a7e..9366fb7 100644 --- a/nalp/core/__init__.py +++ b/nalp/core/__init__.py @@ -1,3 +1,3 @@ -"""A core package, containing all the basic class and functions that will - be the foundartion for all common nalp modules. +"""A core package, containing all the basic class and functions that serves as + the foundation of NALP common modules. """ diff --git a/nalp/core/neural_.py b/nalp/core/neural_.py deleted file mode 100644 index 8c35dad..0000000 --- a/nalp/core/neural_.py +++ /dev/null @@ -1,205 +0,0 @@ -import nalp.utils.logging as l -import tensorflow as tf - -logger = l.get_logger(__name__) - - -class Neural(tf.keras.Model): - """A Neural class is responsible for holding vital information when defining a - neural network. - - Note that some methods have to be redefined when using its childs. - - """ - - def __init__(self): - """Initialization method. - - Note that basic variables shared by all childs should be declared here. - - """ - - # Overrides its parent class with any custom arguments if needed - super(Neural, self).__init__() - - def _build(self): - """Main building method. - - Note we need to build the model itself (layers), its learning objects (learners) - and finally, its metrics. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_layers(self): - """Builds the model layers itself. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_learners(self): - """Builds all learning-related objects (i.e., loss and optimizer). - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - def _build_metrics(self): - """Builds any desired metrics to be used with the model. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - @tf.function - def call(self, x): - """Method that holds vital information whenever this class is called. - - Note that you will need to implement this method directly on its child. Essentially, - each neural network has its own forward pass implementation. - - Args: - x (tf.Tensor): A tensorflow's tensor holding input data. - - Raises: - NotImplementedError - - """ - - raise NotImplementedError - - @tf.function - def step(self, X_batch, Y_batch): - """Performs a single batch optimization step. - - Args: - X_batch (tf.Tensor): A tensor containing the inputs batch. - Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. - - """ - - # Using tensorflow's gradient - with tf.GradientTape() as tape: - # Calculate the predictions based on inputs - preds = self(X_batch) - - print(preds) - - # Calculate the loss - loss = self.loss(Y_batch, preds) - - # Calculate the gradient based on loss for each training variable - gradients = tape.gradient(loss, self.trainable_variables) - - # Apply gradients using an optimizer - self.optimizer.apply_gradients( - zip(gradients, self.trainable_variables)) - - # Update the loss metric state - self.train_loss.update_state(loss) - - # Update the accuracy metric state - self.train_accuracy.update_state(Y_batch, preds) - - def train(self, train, validation=None, batch_size=1, epochs=100): - """Trains a model. - - Args: - train (Dataset): A training Dataset object containing already encoded data (X, Y). - validation (Dataset): A validation Dataset object containing already encoded data (X, Y). - batch_size (int): The maximum size for each training batch. - epochs (int): The maximum number of training epochs. - - """ - - logger.info(f'Model ready to be trained for: {epochs} epochs.') - logger.info(f'Batch size: {batch_size}.') - - - - # Checks if there is a validation set - if validation: - # Creating validation batches to further feed the network - val_batches = validation.create_batches( - validation.X, validation.Y, batch_size) - - # Iterate through all epochs - for epoch in range(epochs): - # Resetting states to further append losses and accuracies - self.train_loss.reset_states() - self.train_accuracy.reset_states() - self.val_loss.reset_states() - self.val_accuracy.reset_states() - - # Iterate through all possible training batches, dependending on batch size - for X_train, Y_train in train: - print(Y_train) - # Performs the optimization step - self.step(X_train, Y_train) - - logger.debug( - f'Epoch: {epoch+1}/{epochs} | Loss: {self.train_loss.result().numpy():.4f} | Accuracy: {self.train_accuracy.result().numpy():.4f}') - - # Checks if there is a validation set - if validation: - # Iterate through all possible batches, dependending on batch size - for X_val, Y_val in val_batches: - # Tests the network - self.test(X_val, Y_val) - - logger.debug( - f'Val Loss: {self.val_loss.result().numpy():.4f} | Val Accuracy: {self.val_accuracy.result().numpy():.4f}\n') - - @tf.function - def test(self, X_batch, Y_batch): - """Performs a single batch testing. - - Args: - X_batch (tf.Tensor): A tensor containing the inputs batch. - Y_batch (tf.Tensor): A tensor containing the inputs' labels batch. - - """ - - # Calculate the predictions based on inputs - preds = self(X_batch) - - # Calculate the loss - loss = self.loss(Y_batch, preds) - - # Update the testing loss metric state - self.val_loss.update_state(loss) - - # Update the testing accuracy metric state - self.val_accuracy.update_state(Y_batch, preds) - - @tf.function - def predict(self, X): - """Uses the model and makes a forward pass (prediction) in new data. - - Args: - X (np.array | tf.Tensor): Can either be a numpy array or a tensorflow tensor. - - Returns: - A tensorflow array containing the predictions. Note that if you use a softmax class in your model, - these will be probabilities. - - """ - - # Performs the forward pass - preds = self(X) - - return preds \ No newline at end of file diff --git a/nalp/corpus/__init__.py b/nalp/corpus/__init__.py index e69de29..70a530a 100644 --- a/nalp/corpus/__init__.py +++ b/nalp/corpus/__init__.py @@ -0,0 +1,3 @@ +"""A corpus package, containing all the basic class and functions to load + texts and documents. +""" \ No newline at end of file diff --git a/nalp/datasets/__init__.py b/nalp/datasets/__init__.py index 25b481e..e7ff558 100644 --- a/nalp/datasets/__init__.py +++ b/nalp/datasets/__init__.py @@ -1,2 +1,2 @@ -"""A data package for all common nalp modules. +"""A dataset package to transform encoded data into real datasets. """ \ No newline at end of file diff --git a/nalp/encoders/__init__.py b/nalp/encoders/__init__.py index 23a8abc..a6a0e0a 100644 --- a/nalp/encoders/__init__.py +++ b/nalp/encoders/__init__.py @@ -1,3 +1,3 @@ """A encoding package, containing encoders, decoders and all text to vector -necessities for all common nalp modules. + necessities. """ \ No newline at end of file diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot.py index 969778a..5bcd04d 100644 --- a/nalp/encoders/onehot.py +++ b/nalp/encoders/onehot.py @@ -98,7 +98,7 @@ def encode(self, tokens): raise RuntimeError(e) # Creating an array to hold the one-hot encoded tokens - encoded_tokens = np.zeros((len(tokens), self.vocab_size)) + encoded_tokens = np.zeros((len(tokens), self.vocab_size), dtype='float32') # Iterates through all tokens for i, idx in enumerate(tokens): diff --git a/nalp/models/__init__.py b/nalp/models/__init__.py new file mode 100644 index 0000000..e6f4a47 --- /dev/null +++ b/nalp/models/__init__.py @@ -0,0 +1,3 @@ +"""A machine learning related package. It will offer basic definitions + to easily build a network's architecture. +""" \ No newline at end of file diff --git a/nalp/neurals/embedded_rnn.py b/nalp/models/embedded_rnn.py similarity index 56% rename from nalp/neurals/embedded_rnn.py rename to nalp/models/embedded_rnn.py index 8beda5c..f9eb55f 100644 --- a/nalp/neurals/embedded_rnn.py +++ b/nalp/models/embedded_rnn.py @@ -1,46 +1,49 @@ +from tensorflow.keras import layers + import nalp.utils.logging as l -from nalp.core.neural import Neural -import tensorflow as tf +from nalp.neurals.simple import SimpleNeural logger = l.get_logger(__name__) -class EmbeddedRNN(tf.keras.Model): - """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. - +class EmbeddedRNN(SimpleNeural): + """An EmbeddedRNN class is the one in charge of Recurrent Neural Networks vanilla implementation. + References: http://psych.colorado.edu/~kimlab/Elman1990.pdf """ - def __init__(self, vocab_size=1, hidden_size=2): + def __init__(self, vocab_size=1, embedding_size=100, hidden_size=1): """Initialization method. Args: vocab_size (int): The size of the vocabulary. + embedding_size (int): The size of the embedding layer. hidden_size (int): The amount of hidden neurons. - learning_rate (float): A big or small addition on the optimizer steps. """ - logger.info('Overriding class: Neural -> RNN.') + logger.info('Overriding class: Neural -> EmbeddedRNN.') # Overrides its parent class with any custom arguments if needed - super(RNN, self).__init__(name='rnn') + super(EmbeddedRNN, self).__init__(name='embedded_rnn') - self.embedding = tf.keras.layers.Embedding(vocab_size, 100) + # Creates an embedding layer + self.embedding = layers.Embedding( + vocab_size, embedding_size, name='embedding') # Creates a simple RNN cell - self.cell = tf.keras.layers.SimpleRNNCell(hidden_size, name='rnn_cell') + self.cell = layers.SimpleRNNCell(hidden_size, name='rnn_cell') # Creates the RNN loop itself - self.rnn = tf.keras.layers.RNN(self.cell, name='rnn_layer') + self.rnn = layers.RNN(self.cell, name='rnn_layer') # Creates the linear (Dense) layer - self.linear = tf.keras.layers.Dense(vocab_size, name='dense') + self.linear = layers.Dense(vocab_size, name='dense') # And finally, a softmax activation for life's easing - self.softmax = tf.keras.layers.Softmax(name='softmax') + self.softmax = layers.Softmax(name='softmax') def call(self, x): """Method that holds vital information whenever this class is called. @@ -53,6 +56,7 @@ def call(self, x): """ + # Firstly, we apply the embedding layer x = self.embedding(x) # We need to apply the input into the first recorrent layer diff --git a/nalp/models/layers/__init__.py b/nalp/models/layers/__init__.py new file mode 100644 index 0000000..be95232 --- /dev/null +++ b/nalp/models/layers/__init__.py @@ -0,0 +1,2 @@ +"""Customized layers for feeding NALP models. +""" \ No newline at end of file diff --git a/nalp/neurals/layers/linear.py b/nalp/models/layers/linear.py similarity index 86% rename from nalp/neurals/layers/linear.py rename to nalp/models/layers/linear.py index b58ed9e..6138c39 100644 --- a/nalp/neurals/layers/linear.py +++ b/nalp/models/layers/linear.py @@ -1,17 +1,14 @@ -import nalp.utils.logging as l import tensorflow as tf -from tensorflow.keras import layers +from tensorflow.keras.layers import Layer -logger = l.get_logger(__name__) - -class Linear(layers.Layer): +class Linear(Layer): """A linear layer is an easy-abstraction to show the possibilities of implementing your own layer. """ - def __init__(self, hidden_size=32): + def __init__(self, name='linear', hidden_size=32): """Initialization method. Args: @@ -20,7 +17,7 @@ def __init__(self, hidden_size=32): """ # Overrides its parent class with any custom arguments if needed - super(Linear, self).__init__() + super(Linear, self).__init__(name=name) # A property to hold the size of the layer self.hidden_size = hidden_size @@ -37,6 +34,7 @@ def build(self, input_shape): shape=(input_shape[-1], self.hidden_size), initializer='glorot_uniform', trainable=True) + self.b = self.add_weight( shape=(self.hidden_size,), initializer='zeros', diff --git a/nalp/neurals/rnn.py b/nalp/models/rnn.py similarity index 77% rename from nalp/neurals/rnn.py rename to nalp/models/rnn.py index b3bb383..d15edfc 100644 --- a/nalp/neurals/rnn.py +++ b/nalp/models/rnn.py @@ -1,11 +1,12 @@ +from tensorflow.keras import layers + import nalp.utils.logging as l -from nalp.core.neural import Neural -import tensorflow as tf +from nalp.neurals.simple import SimpleNeural logger = l.get_logger(__name__) -class RNN(tf.keras.Model): +class RNN(SimpleNeural): """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. References: @@ -13,7 +14,7 @@ class RNN(tf.keras.Model): """ - def __init__(self, vocab_size=1, hidden_size=2): + def __init__(self, vocab_size=1, hidden_size=1): """Initialization method. Args: @@ -29,16 +30,16 @@ def __init__(self, vocab_size=1, hidden_size=2): super(RNN, self).__init__(name='rnn') # Creates a simple RNN cell - self.cell = tf.keras.layers.SimpleRNNCell(hidden_size, name='rnn_cell') + self.cell = layers.SimpleRNNCell(hidden_size, name='rnn_cell') # Creates the RNN loop itself - self.rnn = tf.keras.layers.RNN(self.cell, name='rnn_layer') + self.rnn = layers.RNN(self.cell, name='rnn_layer') # Creates the linear (Dense) layer - self.linear = tf.keras.layers.Dense(vocab_size, name='dense') + self.linear = layers.Dense(vocab_size, name='dense') # And finally, a softmax activation for life's easing - self.softmax = tf.keras.layers.Softmax(name='softmax') + self.softmax = layers.Softmax(name='softmax') def call(self, x): """Method that holds vital information whenever this class is called. diff --git a/nalp/neurals/rnn_.py b/nalp/models/rnn_.py similarity index 100% rename from nalp/neurals/rnn_.py rename to nalp/models/rnn_.py diff --git a/nalp/neurals/__init__.py b/nalp/neurals/__init__.py index c74d40c..b32089a 100644 --- a/nalp/neurals/__init__.py +++ b/nalp/neurals/__init__.py @@ -1,3 +1,3 @@ -"""A machine learning related package for all common nalp modules. It will -offer basic definitions to easily build a machine learning model. +"""The base of machine learning models. One can use it to easily or hardly + define how the model is built. """ \ No newline at end of file diff --git a/nalp/neurals/complex.py b/nalp/neurals/complex.py new file mode 100644 index 0000000..fdf4d36 --- /dev/null +++ b/nalp/neurals/complex.py @@ -0,0 +1,206 @@ +import tensorflow as tf +from tensorflow.keras import Model + +import nalp.utils.logging as l + +logger = l.get_logger(__name__) + + +class ComplexNeural(Model): + """A ComplexNeural class is responsible for hardly-implementing a neural network, when + custom training or additional sets are needed. + + """ + + def __init__(self, name): + """Initialization method. + + Note that basic variables shared by all childs should be declared here, e.g., layers. + + Args: + name (str): The model's identifier string. + + """ + + # Overrides its parent class with any custom arguments if needed + super(ComplexNeural, self).__init__(name=name) + + def compile(self, optimize, loss, metrics=[]): + """Main building method. + + Args: + optimize (tf.optimizers): An optimizer instance. + loss (tf.loss): A loss instance. + metrics (list): A list of metrics to be displayed. + + """ + + # Creates an optimizer object + self.optimize = optimize + + # Defining the loss function + self.loss = loss + + # Defining training accuracy metric + self.train_accuracy = tf.metrics.CategoricalAccuracy( + name='train_accuracy') + + # Defining training loss metric + self.train_loss = tf.metrics.Mean(name='train_loss') + + # Defining validation accuracy metric + self.val_accuracy = tf.metrics.CategoricalAccuracy( + name='val_accuracy') + + # Defining validation loss metric + self.val_loss = tf.metrics.Mean(name='val_loss') + + @tf.function + def call(self, x): + """Method that holds vital information whenever this class is called. + + Note that you will need to implement this method directly on its child. Essentially, + each neural network has its own forward pass implementation. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Raises: + NotImplementedError + + """ + + raise NotImplementedError + + @tf.function + def step(self, x, y): + """Performs a single batch optimization step. + + Args: + x (tf.Tensor): A tensor containing the inputs. + y (tf.Tensor): A tensor containing the inputs' labels. + + """ + + # Using tensorflow's gradient + with tf.GradientTape() as tape: + # Calculate the predictions based on inputs + preds = self(x) + + # Calculate the loss + loss = self.loss(y, preds) + + # Calculate the gradient based on loss for each training variable + gradients = tape.gradient(loss, self.trainable_variables) + + # Apply gradients using an optimizer + self.optimize.apply_gradients( + zip(gradients, self.trainable_variables)) + + # Update the loss metric state + self.train_loss.update_state(loss) + + # Update the accuracy metric state + self.train_accuracy.update_state(y, preds) + + @tf.function + def val_step(self, x, y): + """Performs a single batch evaluation step. + + Args: + x (tf.Tensor): A tensor containing the inputs. + y (tf.Tensor): A tensor containing the inputs' labels. + + """ + + # Calculate the predictions based on inputs + preds = self(x) + + # Calculate the loss + loss = self.loss(y, preds) + + # Update the testing loss metric state + self.val_loss.update_state(loss) + + # Update the testing accuracy metric state + self.val_accuracy.update_state(y, preds) + + def fit(self, batches, val_batches=None, epochs=100): + """Trains the model. + + Args: + batches (Dataset): Training batches containing (x, y) pairs. + val_batches (Dataset): Validation batches containing (x, y) pairs. + epochs (int): The maximum number of training epochs. + + """ + + logger.info('Fitting model ...') + + # Iterate through all epochs + for epoch in range(epochs): + # Resetting states to further append losses and accuracies + self.train_loss.reset_states() + self.train_accuracy.reset_states() + self.val_loss.reset_states() + self.val_accuracy.reset_states() + + # Iterate through all possible training batches, dependending on batch size + for x_batch, y_batch in batches: + # Performs the optimization step + self.step(x_batch, y_batch) + + logger.debug( + f'Epoch: {epoch+1}/{epochs} | Loss: {self.train_loss.result().numpy():.4f} | Accuracy: {self.train_accuracy.result().numpy():.4f}') + + # Checks if there is a validation set + if val_batches: + # Iterate through all possible batches, dependending on batch size + for x_batch, y_batch in val_batches: + # Evaluates the network + self.val_step(x_batch, y_batch) + + logger.debug( + f'Val Loss: {self.val_loss.result().numpy():.4f} | Val Accuracy: {self.val_accuracy.result().numpy():.4f}\n') + + def evaluate(self, val_batches): + """Evaluates the model. + + Args: + val_batches (Dataset): Validation batches containing (x, y) pairs. + + """ + + logger.info('Evaluating model ...') + + # Resetting states to further append losses and accuracies + self.val_loss.reset_states() + self.val_accuracy.reset_states() + + # Iterate through all possible batches, dependending on batch size + for x_batch, y_batch in val_batches: + # Evaluates the network + self.val_step(x_batch, y_batch) + + logger.info( + f'Loss: {self.val_loss.result().numpy():.4f} | Accuracy: {self.val_accuracy.result().numpy():.4f}') + + @tf.function + def predict(self, x): + """Uses the model and makes a forward pass (prediction) in new data. + + Args: + x (np.array | tf.Tensor): Can either be a numpy array or a tensorflow tensor. + + Returns: + A tensorflow array containing the predictions. Note that if you use a softmax class in your model, + these will be probabilities. + + """ + + logger.info('Predicting with the model ...') + + # Performs the forward pass + preds = self(x) + + return preds diff --git a/nalp/neurals/layers/__init__.py b/nalp/neurals/layers/__init__.py deleted file mode 100644 index 29fc863..0000000 --- a/nalp/neurals/layers/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ -"""Customized layers for feeding neural nalp models. -""" \ No newline at end of file diff --git a/nalp/core/neural.py b/nalp/neurals/simple.py similarity index 64% rename from nalp/core/neural.py rename to nalp/neurals/simple.py index cf4090a..b95ce05 100644 --- a/nalp/core/neural.py +++ b/nalp/neurals/simple.py @@ -1,27 +1,28 @@ -import tensorflow as tf +from tensorflow.keras import Model import nalp.utils.logging as l logger = l.get_logger(__name__) -class Neural(tf.keras.Model): - """A Neural class is responsible for holding vital information when defining a - neural network. - - Note that some methods have to be redefined when using its childs. +class SimpleNeural(Model): + """A SimpleNeural class is responsible for easily-implementing a neural network, when + custom training or additional sets are not needed. """ - def __init__(self): + def __init__(self, name): """Initialization method. - Note that basic variables shared by all childs should be declared here. + Note that basic variables shared by all childs should be declared here, e.g., layers. + + Args: + name (str): The model's identifier string. """ # Overrides its parent class with any custom arguments if needed - super(Neural, self).__init__() + super(SimpleNeural, self).__init__(name=name) def call(self, x): """Method that holds vital information whenever this class is called. diff --git a/nalp/utils/__init__.py b/nalp/utils/__init__.py index 72b148d..62b74da 100644 --- a/nalp/utils/__init__.py +++ b/nalp/utils/__init__.py @@ -1,2 +1,2 @@ -"""Utils package for all common nalp modules. +"""Utilities package for all common NALP modules. """ \ No newline at end of file From cc65187342390345b660e911f165efe3915ce34d Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 17 Sep 2019 14:50:01 -0300 Subject: [PATCH 17/22] Changing on how to generate a text. --- .../char_generation.py} | 32 +++++---- examples/applications/text_generation.py | 67 ++++++++++-------- examples/applications/word_generation.py | 47 +++++++++++++ .../{encode_onehot.py => encode_onehot_.py} | 0 examples/models/train_rnn.py | 24 ++++--- examples/models/train_rnn_.py | 70 +++++++++++++++++++ nalp/corpus/text.py | 4 +- nalp/datasets/next.py | 2 +- nalp/encoders/{onehot.py => onehot_.py} | 0 nalp/models/rnn.py | 68 +++++++++++++++--- nalp/models/{embedded_rnn.py => rnn__.py} | 23 +++--- 11 files changed, 256 insertions(+), 81 deletions(-) rename examples/{models/train_embedded_rnn.py => applications/char_generation.py} (53%) create mode 100644 examples/applications/word_generation.py rename examples/encoders/{encode_onehot.py => encode_onehot_.py} (100%) create mode 100644 examples/models/train_rnn_.py rename nalp/encoders/{onehot.py => onehot_.py} (100%) rename nalp/models/{embedded_rnn.py => rnn__.py} (67%) diff --git a/examples/models/train_embedded_rnn.py b/examples/applications/char_generation.py similarity index 53% rename from examples/models/train_embedded_rnn.py rename to examples/applications/char_generation.py index dec364c..2c2e663 100644 --- a/examples/models/train_embedded_rnn.py +++ b/examples/applications/char_generation.py @@ -4,7 +4,7 @@ from nalp.corpus.text import TextCorpus from nalp.datasets.next import NextDataset from nalp.encoders.integer import IntegerEncoder -from nalp.models.embedded_rnn import EmbeddedRNN +from nalp.models.rnn import RNN # Creating a character TextCorpus from file corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') @@ -19,23 +19,29 @@ encoded_tokens = encoder.encode(corpus.tokens) # Creating next target Dataset -dataset = NextDataset(encoded_tokens, max_length=10, batch_size=128) +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=16) -# Creating the EmbeddedRNN -rnn = EmbeddedRNN(vocab_size=corpus.vocab_size, embedding_size=100, hidden_size=64) +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -# Compiling the EmbeddedRNN +def accuracy(labels, logits): + return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) + +def loss(labels, logits): + return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) + +# Compiling the RNN rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=tf.losses.SparseCategoricalCrossentropy(), metrics=['accuracy']) + loss=loss, metrics=[accuracy]) -# Fitting the EmbeddedRNN +# Fitting the RNN rnn.fit(dataset.batches, epochs=100) -# Evaluating the EmbeddedRNN -# rnn.evaluate(dataset.batches) +# Defining an start string to generate the text +start_string = 'Mr.' -# Saving EmbeddedRNN weights -# rnn.save_weights('models/embedded_rnn', save_format='tf') +# Generating artificial text +text = rnn.generate_text(encoder, start=start_string, length=1000, temperature=0.5) -# Loading EmbeddedRNN weights -# rnn.load_weights('models/embedded_rnn') +# Outputting the text +print(start_string + ''.join(text)) \ No newline at end of file diff --git a/examples/applications/text_generation.py b/examples/applications/text_generation.py index 724e2bc..2c2e663 100644 --- a/examples/applications/text_generation.py +++ b/examples/applications/text_generation.py @@ -1,40 +1,47 @@ -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.datasets.one_hot import OneHot -from nalp.neurals.rnn import RNN +import tensorflow as tf -# Loading a text -sentences = l.load_txt('data/text/chapter1_harry.txt') +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.rnn import RNN -# Defining a predition input -start_text = 'Mr. Dursley' +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') -# Creates a pre-processing pipeline -pipe = p.pipeline( - p.tokenize_to_char -) +# Creating an IntegerEncoder +encoder = IntegerEncoder() -# Applying pre-processing pipeline to sentences and start token -tokens = pipe(sentences) -start_token = pipe(start_text) +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) -# Creating a OneHot dataset -d = OneHot(tokens, max_length=10) +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) -# Defining a neural network based on vanilla RNN -rnn = RNN(vocab_size=d.vocab_size, hidden_size=64, learning_rate=0.001) +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=16) -# Training the network -rnn.train(train=d, batch_size=128, epochs=100) +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -# Predicting using the same input (just for checking what is has learnt) -preds = rnn.predict(d.X) +def accuracy(labels, logits): + return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) -# Calling decoding function to check the predictions -# Note that if the network was predicted without probability, the decoder is also without -preds_text = d.decode(preds) -print(''.join(preds_text)) +def loss(labels, logits): + return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) -# Generating new text -gen_text = rnn.generate_text(dataset=d, start_text=start_token, length=100, temperature=0.2) -print(''.join(gen_text)) +# Compiling the RNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=loss, metrics=[accuracy]) + +# Fitting the RNN +rnn.fit(dataset.batches, epochs=100) + +# Defining an start string to generate the text +start_string = 'Mr.' + +# Generating artificial text +text = rnn.generate_text(encoder, start=start_string, length=1000, temperature=0.5) + +# Outputting the text +print(start_string + ''.join(text)) \ No newline at end of file diff --git a/examples/applications/word_generation.py b/examples/applications/word_generation.py new file mode 100644 index 0000000..2c2e663 --- /dev/null +++ b/examples/applications/word_generation.py @@ -0,0 +1,47 @@ +import tensorflow as tf + +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.rnn import RNN + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=16) + +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) + +def accuracy(labels, logits): + return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) + +def loss(labels, logits): + return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) + +# Compiling the RNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=loss, metrics=[accuracy]) + +# Fitting the RNN +rnn.fit(dataset.batches, epochs=100) + +# Defining an start string to generate the text +start_string = 'Mr.' + +# Generating artificial text +text = rnn.generate_text(encoder, start=start_string, length=1000, temperature=0.5) + +# Outputting the text +print(start_string + ''.join(text)) \ No newline at end of file diff --git a/examples/encoders/encode_onehot.py b/examples/encoders/encode_onehot_.py similarity index 100% rename from examples/encoders/encode_onehot.py rename to examples/encoders/encode_onehot_.py diff --git a/examples/models/train_rnn.py b/examples/models/train_rnn.py index f4b6ae4..9c15a35 100644 --- a/examples/models/train_rnn.py +++ b/examples/models/train_rnn.py @@ -3,30 +3,36 @@ import nalp.utils.preprocess as p from nalp.corpus.text import TextCorpus from nalp.datasets.next import NextDataset -from nalp.encoders.onehot import OnehotEncoder +from nalp.encoders.integer import IntegerEncoder from nalp.models.rnn import RNN # Creating a character TextCorpus from file corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') -# Creating an OnehotEncoder -encoder = OnehotEncoder() +# Creating an IntegerEncoder +encoder = IntegerEncoder() -# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size -encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) # Applies the encoding on new data encoded_tokens = encoder.encode(corpus.tokens) # Creating next target Dataset -dataset = NextDataset(encoded_tokens, max_length=10, batch_size=128) +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) # Creating the RNN -rnn = RNN(vocab_size=corpus.vocab_size, hidden_size=64) +rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) + +def accuracy(labels, logits): + return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) + +def loss(labels, logits): + return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) # Compiling the RNN rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) + loss=loss, metrics=[accuracy]) # Fitting the RNN rnn.fit(dataset.batches, epochs=100) @@ -38,4 +44,4 @@ # rnn.save_weights('models/rnn', save_format='tf') # Loading RNN weights -# rnn.load_weights('models/rnn') +# rnn.load_weights('models/rnn') \ No newline at end of file diff --git a/examples/models/train_rnn_.py b/examples/models/train_rnn_.py new file mode 100644 index 0000000..4e673b2 --- /dev/null +++ b/examples/models/train_rnn_.py @@ -0,0 +1,70 @@ +import tensorflow as tf + +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.onehot import OnehotEncoder +from nalp.models.rnn import RNN +from nalp.utils import math + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an OnehotEncoder +encoder = OnehotEncoder() + +# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size +encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) + +# import numpy as np + +# a = [] +# b = [] +# for x, y in dataset.batches.take(2): +# for i in x.numpy(): +# a.append(corpus.index_vocab[np.where(i == 1)[0][0]]) +# b.append(corpus.index_vocab[np.where(y.numpy() == 1)[0][0]]) +# print(''.join(a)) +# print(''.join(b)) + +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, hidden_size=512) + +# Compiling the RNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) + +# Fitting the RNN +rnn.fit(dataset.batches, epochs=100) + +# Evaluating the RNN +# rnn.evaluate(dataset.batches) + +# Saving RNN weights +# rnn.save_weights('models/rnn', save_format='tf') + +# Loading RNN weights +# rnn.load_weights('models/rnn') + +e = encoder.encode(['M', 'r', '.']) +e = tf.expand_dims(e, 0) + +text_generated = [] + +for i in range(1000): + # print(e) + preds = rnn(e) + preds = tf.squeeze(preds, 0) + preds = preds / 0.5 + predicted_id = tf.random.categorical(preds, num_samples=1)[-1,0].numpy() + e = tf.expand_dims(encoder.encode(corpus.index_vocab[predicted_id]), 0) + text_generated.append(corpus.index_vocab[predicted_id]) + +print(''.join(text_generated)) + diff --git a/nalp/corpus/text.py b/nalp/corpus/text.py index 1e6011a..2bb186d 100644 --- a/nalp/corpus/text.py +++ b/nalp/corpus/text.py @@ -121,11 +121,11 @@ def _create_pipeline(self, type): # If the type is char if type == 'char': - return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_char) + return p.pipeline(p.tokenize_to_char) # If the type is word elif type == 'word': - return p.pipeline(p.lower_case, p.valid_char, p.tokenize_to_word) + return p.pipeline(p.tokenize_to_word) def _build(self, tokens): """Builds the vocabulary based on the tokens. diff --git a/nalp/datasets/next.py b/nalp/datasets/next.py index 5d4adc3..6ad3060 100644 --- a/nalp/datasets/next.py +++ b/nalp/datasets/next.py @@ -55,6 +55,6 @@ def _create_input_target(self, sequence): input = sequence[:-1] # Maps the sequence to the target - target = sequence[1] + target = sequence[1:] return input, target diff --git a/nalp/encoders/onehot.py b/nalp/encoders/onehot_.py similarity index 100% rename from nalp/encoders/onehot.py rename to nalp/encoders/onehot_.py diff --git a/nalp/models/rnn.py b/nalp/models/rnn.py index d15edfc..23a83ff 100644 --- a/nalp/models/rnn.py +++ b/nalp/models/rnn.py @@ -1,3 +1,4 @@ +import tensorflow as tf from tensorflow.keras import layers import nalp.utils.logging as l @@ -7,20 +8,20 @@ class RNN(SimpleNeural): - """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. - + """An RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. + References: http://psych.colorado.edu/~kimlab/Elman1990.pdf """ - def __init__(self, vocab_size=1, hidden_size=1): + def __init__(self, vocab_size=1, embedding_size=1, hidden_size=1): """Initialization method. Args: vocab_size (int): The size of the vocabulary. + embedding_size (int): The size of the embedding layer. hidden_size (int): The amount of hidden neurons. - learning_rate (float): A big or small addition on the optimizer steps. """ @@ -29,18 +30,20 @@ def __init__(self, vocab_size=1, hidden_size=1): # Overrides its parent class with any custom arguments if needed super(RNN, self).__init__(name='rnn') + # Creates an embedding layer + self.embedding = layers.Embedding( + vocab_size, embedding_size, name='embedding') + # Creates a simple RNN cell self.cell = layers.SimpleRNNCell(hidden_size, name='rnn_cell') # Creates the RNN loop itself - self.rnn = layers.RNN(self.cell, name='rnn_layer') + self.rnn = layers.RNN(self.cell, name='rnn_layer', + return_sequences=True) # Creates the linear (Dense) layer self.linear = layers.Dense(vocab_size, name='dense') - # And finally, a softmax activation for life's easing - self.softmax = layers.Softmax(name='softmax') - def call(self, x): """Method that holds vital information whenever this class is called. @@ -52,13 +55,56 @@ def call(self, x): """ + # Firstly, we apply the embedding layer + x = self.embedding(x) + # We need to apply the input into the first recorrent layer x = self.rnn(x) # The input also suffers a linear combination to output correct shape x = self.linear(x) - # Finally, we output its probabilites - x = self.softmax(x) - return x + + def generate_text(self, encoder, start, length=100, temperature=1.0): + """ + """ + + logger.debug(f'Generating text with length: {length} ...') + + # + start_tokens = encoder.encode(start) + + # + start_tokens = tf.expand_dims(start_tokens, 0) + + # + tokens = [] + + # + self.reset_states() + + # + for i in range(length): + # + preds = self(start_tokens) + + # + preds = tf.squeeze(preds, 0) + + # + preds /= temperature + + # + sampled_token = tf.random.categorical(preds, num_samples=1)[-1,0].numpy() + + # + start_tokens = tf.expand_dims([sampled_token], 0) + + # + tokens.append(sampled_token) + + # + text = encoder.decode(tokens) + + return text diff --git a/nalp/models/embedded_rnn.py b/nalp/models/rnn__.py similarity index 67% rename from nalp/models/embedded_rnn.py rename to nalp/models/rnn__.py index f9eb55f..6a4af71 100644 --- a/nalp/models/embedded_rnn.py +++ b/nalp/models/rnn__.py @@ -6,38 +6,34 @@ logger = l.get_logger(__name__) -class EmbeddedRNN(SimpleNeural): - """An EmbeddedRNN class is the one in charge of Recurrent Neural Networks vanilla implementation. - +class RNN(SimpleNeural): + """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. + References: http://psych.colorado.edu/~kimlab/Elman1990.pdf """ - def __init__(self, vocab_size=1, embedding_size=100, hidden_size=1): + def __init__(self, vocab_size=1, hidden_size=1): """Initialization method. Args: vocab_size (int): The size of the vocabulary. - embedding_size (int): The size of the embedding layer. hidden_size (int): The amount of hidden neurons. + learning_rate (float): A big or small addition on the optimizer steps. """ - logger.info('Overriding class: Neural -> EmbeddedRNN.') + logger.info('Overriding class: Neural -> RNN.') # Overrides its parent class with any custom arguments if needed - super(EmbeddedRNN, self).__init__(name='embedded_rnn') - - # Creates an embedding layer - self.embedding = layers.Embedding( - vocab_size, embedding_size, name='embedding') + super(RNN, self).__init__(name='rnn') # Creates a simple RNN cell self.cell = layers.SimpleRNNCell(hidden_size, name='rnn_cell') # Creates the RNN loop itself - self.rnn = layers.RNN(self.cell, name='rnn_layer') + self.rnn = layers.RNN(self.cell, name='rnn_layer', return_sequences=True) # Creates the linear (Dense) layer self.linear = layers.Dense(vocab_size, name='dense') @@ -56,9 +52,6 @@ def call(self, x): """ - # Firstly, we apply the embedding layer - x = self.embedding(x) - # We need to apply the input into the first recorrent layer x = self.rnn(x) From f2b7ce538d91874129a3a7c4583c73ce1937c827 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 17 Sep 2019 15:00:45 -0300 Subject: [PATCH 18/22] Removing unused files. --- examples/applications/char_generation.py | 13 +- examples/applications/text_generation.py | 47 ----- examples/applications/word_generation.py | 15 +- examples/encoders/encode_onehot_.py | 24 --- examples/models/train_rnn.py | 9 +- examples/models/train_rnn_.py | 70 ------- nalp/encoders/onehot_.py | 137 -------------- nalp/models/rnn_.py | 221 ----------------------- nalp/models/rnn__.py | 64 ------- 9 files changed, 11 insertions(+), 589 deletions(-) delete mode 100644 examples/applications/text_generation.py delete mode 100644 examples/encoders/encode_onehot_.py delete mode 100644 examples/models/train_rnn_.py delete mode 100644 nalp/encoders/onehot_.py delete mode 100644 nalp/models/rnn_.py delete mode 100644 nalp/models/rnn__.py diff --git a/examples/applications/char_generation.py b/examples/applications/char_generation.py index 2c2e663..d8e6d33 100644 --- a/examples/applications/char_generation.py +++ b/examples/applications/char_generation.py @@ -19,23 +19,18 @@ encoded_tokens = encoder.encode(corpus.tokens) # Creating next target Dataset -dataset = NextDataset(encoded_tokens, max_length=10, batch_size=16) +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) # Creating the RNN rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -def accuracy(labels, logits): - return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) - -def loss(labels, logits): - return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) - # Compiling the RNN rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=loss, metrics=[accuracy]) + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) # Fitting the RNN -rnn.fit(dataset.batches, epochs=100) +rnn.fit(dataset.batches, epochs=250) # Defining an start string to generate the text start_string = 'Mr.' diff --git a/examples/applications/text_generation.py b/examples/applications/text_generation.py deleted file mode 100644 index 2c2e663..0000000 --- a/examples/applications/text_generation.py +++ /dev/null @@ -1,47 +0,0 @@ -import tensorflow as tf - -import nalp.utils.preprocess as p -from nalp.corpus.text import TextCorpus -from nalp.datasets.next import NextDataset -from nalp.encoders.integer import IntegerEncoder -from nalp.models.rnn import RNN - -# Creating a character TextCorpus from file -corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') - -# Creating an IntegerEncoder -encoder = IntegerEncoder() - -# Learns the encoding based on the TextCorpus dictionary and reverse dictionary -encoder.learn(corpus.vocab_index, corpus.index_vocab) - -# Applies the encoding on new data -encoded_tokens = encoder.encode(corpus.tokens) - -# Creating next target Dataset -dataset = NextDataset(encoded_tokens, max_length=10, batch_size=16) - -# Creating the RNN -rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) - -def accuracy(labels, logits): - return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) - -def loss(labels, logits): - return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) - -# Compiling the RNN -rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=loss, metrics=[accuracy]) - -# Fitting the RNN -rnn.fit(dataset.batches, epochs=100) - -# Defining an start string to generate the text -start_string = 'Mr.' - -# Generating artificial text -text = rnn.generate_text(encoder, start=start_string, length=1000, temperature=0.5) - -# Outputting the text -print(start_string + ''.join(text)) \ No newline at end of file diff --git a/examples/applications/word_generation.py b/examples/applications/word_generation.py index 2c2e663..ebf3501 100644 --- a/examples/applications/word_generation.py +++ b/examples/applications/word_generation.py @@ -7,7 +7,7 @@ from nalp.models.rnn import RNN # Creating a character TextCorpus from file -corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='word') # Creating an IntegerEncoder encoder = IntegerEncoder() @@ -24,15 +24,10 @@ # Creating the RNN rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -def accuracy(labels, logits): - return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) - -def loss(labels, logits): - return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) - # Compiling the RNN rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=loss, metrics=[accuracy]) + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) # Fitting the RNN rnn.fit(dataset.batches, epochs=100) @@ -41,7 +36,7 @@ def loss(labels, logits): start_string = 'Mr.' # Generating artificial text -text = rnn.generate_text(encoder, start=start_string, length=1000, temperature=0.5) +text = rnn.generate_text(encoder, start=[start_string], length=1000, temperature=0.5) # Outputting the text -print(start_string + ''.join(text)) \ No newline at end of file +print(start_string + ' '.join(text)) \ No newline at end of file diff --git a/examples/encoders/encode_onehot_.py b/examples/encoders/encode_onehot_.py deleted file mode 100644 index 1fa23ab..0000000 --- a/examples/encoders/encode_onehot_.py +++ /dev/null @@ -1,24 +0,0 @@ -import nalp.utils.preprocess as p -from nalp.corpus.text import TextCorpus -from nalp.encoders.onehot import OnehotEncoder - -# Creating a character TextCorpus from file -corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') - -# Creating an OnehotEncoder -encoder = OnehotEncoder() - -# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size -encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) - -# Applies the encoding on new data -encoded_tokens = encoder.encode(corpus.tokens) - -# Printing encoded tokens -print(encoded_tokens) - -# Decodes the encoded tokens -decoded_tokens = encoder.decode(encoded_tokens) - -# Printing decoded tokens -print(decoded_tokens) diff --git a/examples/models/train_rnn.py b/examples/models/train_rnn.py index 9c15a35..a881010 100644 --- a/examples/models/train_rnn.py +++ b/examples/models/train_rnn.py @@ -24,15 +24,10 @@ # Creating the RNN rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -def accuracy(labels, logits): - return tf.keras.metrics.sparse_categorical_accuracy(labels, logits) - -def loss(labels, logits): - return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) - # Compiling the RNN rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=loss, metrics=[accuracy]) + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) # Fitting the RNN rnn.fit(dataset.batches, epochs=100) diff --git a/examples/models/train_rnn_.py b/examples/models/train_rnn_.py deleted file mode 100644 index 4e673b2..0000000 --- a/examples/models/train_rnn_.py +++ /dev/null @@ -1,70 +0,0 @@ -import tensorflow as tf - -import nalp.utils.preprocess as p -from nalp.corpus.text import TextCorpus -from nalp.datasets.next import NextDataset -from nalp.encoders.onehot import OnehotEncoder -from nalp.models.rnn import RNN -from nalp.utils import math - -# Creating a character TextCorpus from file -corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') - -# Creating an OnehotEncoder -encoder = OnehotEncoder() - -# Learns the encoding based on the TextCorpus dictionary, reverse dictionary and vocabulary size -encoder.learn(corpus.vocab_index, corpus.index_vocab, corpus.vocab_size) - -# Applies the encoding on new data -encoded_tokens = encoder.encode(corpus.tokens) - -# Creating next target Dataset -dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) - -# import numpy as np - -# a = [] -# b = [] -# for x, y in dataset.batches.take(2): -# for i in x.numpy(): -# a.append(corpus.index_vocab[np.where(i == 1)[0][0]]) -# b.append(corpus.index_vocab[np.where(y.numpy() == 1)[0][0]]) -# print(''.join(a)) -# print(''.join(b)) - -# Creating the RNN -rnn = RNN(vocab_size=corpus.vocab_size, hidden_size=512) - -# Compiling the RNN -rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), - loss=tf.losses.CategoricalCrossentropy(), metrics=['accuracy']) - -# Fitting the RNN -rnn.fit(dataset.batches, epochs=100) - -# Evaluating the RNN -# rnn.evaluate(dataset.batches) - -# Saving RNN weights -# rnn.save_weights('models/rnn', save_format='tf') - -# Loading RNN weights -# rnn.load_weights('models/rnn') - -e = encoder.encode(['M', 'r', '.']) -e = tf.expand_dims(e, 0) - -text_generated = [] - -for i in range(1000): - # print(e) - preds = rnn(e) - preds = tf.squeeze(preds, 0) - preds = preds / 0.5 - predicted_id = tf.random.categorical(preds, num_samples=1)[-1,0].numpy() - e = tf.expand_dims(encoder.encode(corpus.index_vocab[predicted_id]), 0) - text_generated.append(corpus.index_vocab[predicted_id]) - -print(''.join(text_generated)) - diff --git a/nalp/encoders/onehot_.py b/nalp/encoders/onehot_.py deleted file mode 100644 index 5bcd04d..0000000 --- a/nalp/encoders/onehot_.py +++ /dev/null @@ -1,137 +0,0 @@ -import numpy as np - -import nalp.utils.logging as l -from nalp.core.encoder import Encoder - -logger = l.get_logger(__name__) - - -class OnehotEncoder(Encoder): - """An OnehotEncoder class is responsible for encoding text into one-hot encodings. - - """ - - def __init__(self): - """Initizaliation method. - - """ - - logger.info('Overriding class: Encoder -> OnehotEncoder.') - - # Overrides its parent class with any custom arguments if needed - super(OnehotEncoder, self).__init__() - - # Creates an empty decoder property - self.decoder = None - - # Creates an empty vocabulary size property - self.vocab_size = None - - logger.info('Class overrided.') - - @property - def decoder(self): - """dict: A decoder dictionary. - - """ - - return self._decoder - - @decoder.setter - def decoder(self, decoder): - self._decoder = decoder - - @property - def vocab_size(self): - """int: The vocabulary size. - - """ - - return self._vocab_size - - @vocab_size.setter - def vocab_size(self, vocab_size): - self._vocab_size = vocab_size - - def learn(self, dictionary, reverse_dictionary, vocab_size): - """Learns an one-hot encoding. - - Args: - dictionary (dict): The vocabulary to index mapping. - reverse_dictionary (dict): The index to vocabulary mapping. - vocab_size (int): The vocabulary size. - - """ - - logger.debug('Learning how to encode ...') - - # Creates the encoder property - self.encoder = dictionary - - # Creates the decoder property - self.decoder = reverse_dictionary - - # Creates the vocabulary size property - self.vocab_size = vocab_size - - def encode(self, tokens): - """Encodes new tokens based on previous learning. - - Args: - tokens (list): A list of tokens to be encoded. - - Returns: - A numpy array of encoded tokens. - - """ - - logger.debug('Encoding new tokens ...') - - # Checks if enconder actually exists, if not raises an error - if not self.encoder: - # Creates the error - e = 'You need to call learn() prior to encode() method.' - - # Logs the error - logger.error(e) - - raise RuntimeError(e) - - # Creating an array to hold the one-hot encoded tokens - encoded_tokens = np.zeros((len(tokens), self.vocab_size), dtype='float32') - - # Iterates through all tokens - for i, idx in enumerate(tokens): - # One-hot encodes the token - encoded_tokens[i, self.encoder[idx]] = 1 - - return encoded_tokens - - def decode(self, encoded_tokens): - """Decodes the encoding back to tokens. - - Args: - encoded_tokens (np.array): A numpy array containing the encoded tokens. - - Returns: - A list of decoded tokens. - - """ - - logger.debug('Decoding encoded tokens ...') - - # Checks if decoder actually exists, if not raises an error - if not self.decoder: - # Creates the error - e = 'You need to call learn() prior to decode() method.' - - # Logs the error - logger.error(e) - - raise RuntimeError(e) - - # Decoding the tokens - decoded_tokens = [self.decoder[np.where(encoded_token == 1)[ - 0][0]] for encoded_token in encoded_tokens] - - return decoded_tokens diff --git a/nalp/models/rnn_.py b/nalp/models/rnn_.py deleted file mode 100644 index 1ead4c9..0000000 --- a/nalp/models/rnn_.py +++ /dev/null @@ -1,221 +0,0 @@ -import nalp.utils.logging as l -import numpy as np -import tensorflow as tf -from nalp.core.neural import Neural -from nalp.utils import math - -logger = l.get_logger(__name__) - - -class RNN(Neural): - """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. - - References: - http://psych.colorado.edu/~kimlab/Elman1990.pdf - - """ - - def __init__(self, vocab_size=1, hidden_size=2, learning_rate=0.001): - """Initialization method. - - Args: - vocab_size (int): The size of the vocabulary. - hidden_size (int): The amount of hidden neurons. - learning_rate (float): A big or small addition on the optimizer steps. - - """ - - logger.info('Overriding class: Neural -> RNN.') - - # Overrides its parent class with any custom arguments if needed - super(RNN, self).__init__() - - # One for vocab size - self._vocab_size = vocab_size - - # One for the amount of hidden neurons - self._hidden_size = hidden_size - - # And the last for the learning rate - self._learning_rate = learning_rate - - # Actually build the model - self._build() - - logger.info('Class overrided.') - - @property - def vocab_size(self): - """int: The size of the vocabulary. - - """ - - return self._vocab_size - - @property - def hidden_size(self): - """int: The amount of hidden neurons. - - """ - - return self._hidden_size - - @property - def learning_rate(self): - """float: A big or small addition on the optimizer steps. - - """ - - return self._learning_rate - - def _build(self): - """Main building method. - - """ - - logger.info('Running private method: build().') - - # Builds the model layers - self._build_layers() - - # Builds the learning objects - self._build_learners() - - # Builds the metrics - self._build_metrics() - - logger.info('Model ready to be used.') - - def _build_layers(self): - """Builds the model layers itself. - - """ - - logger.debug( - f'Constructing model with shape: ({self.hidden_size}, {self.vocab_size}).') - - # Creates a simple RNN cell - self.cell = tf.keras.layers.SimpleRNNCell(self.hidden_size) - - # Creates the RNN loop itself - self.rnn = tf.keras.layers.RNN(self.cell) - - # Creates the linear (Dense) layer - self.linear = tf.keras.layers.Dense(self.vocab_size) - - # And finally, a softmax activation for life's easing - self.softmax = tf.keras.layers.Softmax() - - def _build_learners(self): - """Builds all learning-related objects (i.e., loss and optimizer). - - """ - - # Defining the loss function - self.loss = tf.losses.CategoricalCrossentropy() - - logger.debug(f'Loss: {self.loss}.') - - # Creates an optimizer object - self.optimizer = tf.optimizers.Adam(self.learning_rate) - - logger.debug( - f'Optimizer: {self.optimizer} | Learning rate: {self.learning_rate}.') - - def _build_metrics(self): - """Builds any desired metrics to be used with the model. - - """ - - # Defining training accuracy metric - self.train_accuracy = tf.metrics.CategoricalAccuracy( - name='train_accuracy') - - # Defining training loss metric - self.train_loss = tf.metrics.Mean(name='train_loss') - - # Defining validation accuracy metric - self.val_accuracy = tf.metrics.CategoricalAccuracy( - name='val_accuracy') - - # Defining validation loss metric - self.val_loss = tf.metrics.Mean(name='val_loss') - - logger.debug( - f'Train Accuracy: {self.train_accuracy} | Train Loss: {self.train_loss} | Val Accuracy: {self.val_accuracy} | Val Loss: {self.val_loss}.') - - @tf.function - def call(self, x): - """Method that holds vital information whenever this class is called. - - Args: - x (tf.Tensor): A tensorflow's tensor holding input data. - - Returns: - The same tensor after passing through each defined layer. - - """ - - # We need to apply the input into the first recorrent layer - x = self.rnn(x) - - # The input also suffers a linear combination to output correct shape - x = self.linear(x) - - # Finally, we output its probabilites - x = self.softmax(x) - - return x - - def generate_text(self, dataset, start_text='', length=1, temperature=1.0): - """Generates a maximum length of new text based on the probability of next char - ocurring. - - Args: - dataset (OneHot): A OneHot dataset object. - start_text (str): The initial text for generating new text. - length (int): Maximum amount of generated text. - temperature (float): The amount of diversity to include when sampling. - - Returns: - A list containing a custom generated text (can be characters or words). - - """ - - logger.info(f'Generating new text with length: {length}.') - - # Defining variable to hold decoded generation - output_text = start_text - - # Creating indexated tokens from starting text - tokens_idx = dataset.indexate_tokens( - list(start_text), dataset.vocab_index) - - # Creating seed to be inputed to the predictor - seed = np.zeros( - (1, len(tokens_idx), dataset.vocab_size), dtype=np.float32) - - # Iterate through maximum desired length - for _ in range(length): - # Iterate through all indexated tokens - for i, idx in enumerate(tokens_idx): - # Encodes each token into dataset's encoding - seed[0, i] = dataset.one_hot_encode(idx, dataset.vocab_size) - - # Calculates the prediction - predict = self(seed).numpy() - - # Chooses a index based on the predictions probability distribution - pred_idx = math.sample_from_multinomial( - predict[-1], temperature) - - # Removing first indexated token - tokens_idx = np.delete(tokens_idx, 0, 0) - - # Appending predicted index to the end of indexated tokens - tokens_idx = np.append(tokens_idx, pred_idx) - - # Outputting generated characters to start text - output_text.append(dataset.index_vocab[pred_idx]) - - return output_text diff --git a/nalp/models/rnn__.py b/nalp/models/rnn__.py deleted file mode 100644 index 6a4af71..0000000 --- a/nalp/models/rnn__.py +++ /dev/null @@ -1,64 +0,0 @@ -from tensorflow.keras import layers - -import nalp.utils.logging as l -from nalp.neurals.simple import SimpleNeural - -logger = l.get_logger(__name__) - - -class RNN(SimpleNeural): - """A RNN class is the one in charge of Recurrent Neural Networks vanilla implementation. - - References: - http://psych.colorado.edu/~kimlab/Elman1990.pdf - - """ - - def __init__(self, vocab_size=1, hidden_size=1): - """Initialization method. - - Args: - vocab_size (int): The size of the vocabulary. - hidden_size (int): The amount of hidden neurons. - learning_rate (float): A big or small addition on the optimizer steps. - - """ - - logger.info('Overriding class: Neural -> RNN.') - - # Overrides its parent class with any custom arguments if needed - super(RNN, self).__init__(name='rnn') - - # Creates a simple RNN cell - self.cell = layers.SimpleRNNCell(hidden_size, name='rnn_cell') - - # Creates the RNN loop itself - self.rnn = layers.RNN(self.cell, name='rnn_layer', return_sequences=True) - - # Creates the linear (Dense) layer - self.linear = layers.Dense(vocab_size, name='dense') - - # And finally, a softmax activation for life's easing - self.softmax = layers.Softmax(name='softmax') - - def call(self, x): - """Method that holds vital information whenever this class is called. - - Args: - x (tf.Tensor): A tensorflow's tensor holding input data. - - Returns: - The same tensor after passing through each defined layer. - - """ - - # We need to apply the input into the first recorrent layer - x = self.rnn(x) - - # The input also suffers a linear combination to output correct shape - x = self.linear(x) - - # Finally, we output its probabilites - x = self.softmax(x) - - return x From c9455cd44b1e6dfee46ebb405f7b8c1f6280cfb3 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Tue, 17 Sep 2019 15:34:28 -0300 Subject: [PATCH 19/22] Adding LSTM and GRU models. --- examples/corpus/create_audio_corpus.py | 0 examples/models/train_gru.py | 42 ++++++++++++++++ examples/models/train_lstm.py | 42 ++++++++++++++++ nalp/corpus/audio.py | 0 nalp/models/gru.py | 66 ++++++++++++++++++++++++++ nalp/models/lstm.py | 66 ++++++++++++++++++++++++++ nalp/models/rnn.py | 44 ----------------- nalp/neurals/complex.py | 55 +++++++++++++++++++++ nalp/neurals/simple.py | 56 ++++++++++++++++++++++ nalp/utils/math.py | 31 ------------ 10 files changed, 327 insertions(+), 75 deletions(-) create mode 100644 examples/corpus/create_audio_corpus.py create mode 100644 examples/models/train_gru.py create mode 100644 examples/models/train_lstm.py create mode 100644 nalp/corpus/audio.py create mode 100644 nalp/models/gru.py create mode 100644 nalp/models/lstm.py delete mode 100644 nalp/utils/math.py diff --git a/examples/corpus/create_audio_corpus.py b/examples/corpus/create_audio_corpus.py new file mode 100644 index 0000000..e69de29 diff --git a/examples/models/train_gru.py b/examples/models/train_gru.py new file mode 100644 index 0000000..3d27ac5 --- /dev/null +++ b/examples/models/train_gru.py @@ -0,0 +1,42 @@ +import tensorflow as tf + +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.gru import GRU + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) + +# Creating the GRU +gru = GRU(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) + +# Compiling the GRU +gru.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) + +# Fitting the GRU +gru.fit(dataset.batches, epochs=100) + +# Evaluating the GRU +# gru.evaluate(dataset.batches) + +# Saving GRU weights +# gru.save_weights('models/gru', save_format='tf') + +# Loading GRU weights +# gru.load_weights('models/gru') \ No newline at end of file diff --git a/examples/models/train_lstm.py b/examples/models/train_lstm.py new file mode 100644 index 0000000..e060148 --- /dev/null +++ b/examples/models/train_lstm.py @@ -0,0 +1,42 @@ +import tensorflow as tf + +import nalp.utils.preprocess as p +from nalp.corpus.text import TextCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.lstm import LSTM + +# Creating a character TextCorpus from file +corpus = TextCorpus(from_file='data/text/chapter1_harry.txt', type='char') + +# Creating an IntegerEncoder +encoder = IntegerEncoder() + +# Learns the encoding based on the TextCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) + +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) + +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=10, batch_size=64) + +# Creating the LSTM +lstm = LSTM(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) + +# Compiling the LSTM +lstm.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) + +# Fitting the LSTM +lstm.fit(dataset.batches, epochs=100) + +# Evaluating the LSTM +# lstm.evaluate(dataset.batches) + +# Saving LSTM weights +# lstm.save_weights('models/lstm', save_format='tf') + +# Loading LSTM weights +# lstm.load_weights('models/lstm') \ No newline at end of file diff --git a/nalp/corpus/audio.py b/nalp/corpus/audio.py new file mode 100644 index 0000000..e69de29 diff --git a/nalp/models/gru.py b/nalp/models/gru.py new file mode 100644 index 0000000..dc08b48 --- /dev/null +++ b/nalp/models/gru.py @@ -0,0 +1,66 @@ +from tensorflow.keras import layers + +import nalp.utils.logging as l +from nalp.neurals.simple import SimpleNeural + +logger = l.get_logger(__name__) + + +class GRU(SimpleNeural): + """A GRU class is the one in charge of Gated Recurrent Unit implementation. + + References: + https://www.aclweb.org/anthology/D14-1179 + + """ + + def __init__(self, vocab_size=1, embedding_size=1, hidden_size=1): + """Initialization method. + + Args: + vocab_size (int): The size of the vocabulary. + embedding_size (int): The size of the embedding layer. + hidden_size (int): The amount of hidden neurons. + + """ + + logger.info('Overriding class: Neural -> GRU.') + + # Overrides its parent class with any custom arguments if needed + super(GRU, self).__init__(name='gru') + + # Creates an embedding layer + self.embedding = layers.Embedding( + vocab_size, embedding_size, name='embedding') + + # Creates a GRU cell + self.cell = layers.GRUCell(hidden_size, name='gru') + + # Creates the RNN loop itself + self.rnn = layers.RNN(self.cell, name='rnn_layer', + return_sequences=True) + + # Creates the linear (Dense) layer + self.linear = layers.Dense(vocab_size, name='dense') + + def call(self, x): + """Method that holds vital information whenever this class is called. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Returns: + The same tensor after passing through each defined layer. + + """ + + # Firstly, we apply the embedding layer + x = self.embedding(x) + + # We need to apply the input into the first recorrent layer + x = self.rnn(x) + + # The input also suffers a linear combination to output correct shape + x = self.linear(x) + + return x diff --git a/nalp/models/lstm.py b/nalp/models/lstm.py new file mode 100644 index 0000000..d0281bb --- /dev/null +++ b/nalp/models/lstm.py @@ -0,0 +1,66 @@ +from tensorflow.keras import layers + +import nalp.utils.logging as l +from nalp.neurals.simple import SimpleNeural + +logger = l.get_logger(__name__) + + +class LSTM(SimpleNeural): + """A LSTM class is the one in charge of Long Short-Term Memory implementation. + + References: + https://www.bioinf.jku.at/publications/older/2604.pdf + + """ + + def __init__(self, vocab_size=1, embedding_size=1, hidden_size=1): + """Initialization method. + + Args: + vocab_size (int): The size of the vocabulary. + embedding_size (int): The size of the embedding layer. + hidden_size (int): The amount of hidden neurons. + + """ + + logger.info('Overriding class: Neural -> LSTM.') + + # Overrides its parent class with any custom arguments if needed + super(LSTM, self).__init__(name='lstm') + + # Creates an embedding layer + self.embedding = layers.Embedding( + vocab_size, embedding_size, name='embedding') + + # Creates a LSTM cell + self.cell = layers.LSTMCell(hidden_size, name='lstm_cell') + + # Creates the RNN loop itself + self.rnn = layers.RNN(self.cell, name='rnn_layer', + return_sequences=True) + + # Creates the linear (Dense) layer + self.linear = layers.Dense(vocab_size, name='dense') + + def call(self, x): + """Method that holds vital information whenever this class is called. + + Args: + x (tf.Tensor): A tensorflow's tensor holding input data. + + Returns: + The same tensor after passing through each defined layer. + + """ + + # Firstly, we apply the embedding layer + x = self.embedding(x) + + # We need to apply the input into the first recorrent layer + x = self.rnn(x) + + # The input also suffers a linear combination to output correct shape + x = self.linear(x) + + return x diff --git a/nalp/models/rnn.py b/nalp/models/rnn.py index 23a83ff..4ea7f07 100644 --- a/nalp/models/rnn.py +++ b/nalp/models/rnn.py @@ -1,4 +1,3 @@ -import tensorflow as tf from tensorflow.keras import layers import nalp.utils.logging as l @@ -65,46 +64,3 @@ def call(self, x): x = self.linear(x) return x - - def generate_text(self, encoder, start, length=100, temperature=1.0): - """ - """ - - logger.debug(f'Generating text with length: {length} ...') - - # - start_tokens = encoder.encode(start) - - # - start_tokens = tf.expand_dims(start_tokens, 0) - - # - tokens = [] - - # - self.reset_states() - - # - for i in range(length): - # - preds = self(start_tokens) - - # - preds = tf.squeeze(preds, 0) - - # - preds /= temperature - - # - sampled_token = tf.random.categorical(preds, num_samples=1)[-1,0].numpy() - - # - start_tokens = tf.expand_dims([sampled_token], 0) - - # - tokens.append(sampled_token) - - # - text = encoder.decode(tokens) - - return text diff --git a/nalp/neurals/complex.py b/nalp/neurals/complex.py index fdf4d36..55753f2 100644 --- a/nalp/neurals/complex.py +++ b/nalp/neurals/complex.py @@ -204,3 +204,58 @@ def predict(self, x): preds = self(x) return preds + + def generate_text(self, encoder, start, length=100, temperature=1.0): + """Generates text by feeding to the network the + current token (t) and predicting the next token (t+1). + + Args: + encoder (IntegerEncoder): An index to vocabulary encoder. + start (str): The start string to generate the text. + length (int): Length of generated text. + temperature (float): A temperature value to sample the token. + + Returns: + A list of generated text. + + """ + + logger.debug(f'Generating text with length: {length} ...') + + # Encoding the start string into tokens + start_tokens = encoder.encode(start) + + # Expanding the first dimension of tensor + start_tokens = tf.expand_dims(start_tokens, 0) + + # Creating an empty list to hold the sampled_tokens + sampled_tokens = [] + + # Resetting the network states + self.reset_states() + + # For every possible generation + for i in range(length): + # Predicts the current token + preds = self(start_tokens) + + # Removes the first dimension of the tensor + preds = tf.squeeze(preds, 0) + + # Regularize the prediction with the temperature + preds /= temperature + + # Samples a predicted token + sampled_token = tf.random.categorical( + preds, num_samples=1)[-1, 0].numpy() + + # Put the sampled token back to the current token + start_tokens = tf.expand_dims([sampled_token], 0) + + # Appends the sampled token to the list + sampled_tokens.append(sampled_token) + + # Decodes the list into raw text + text = encoder.decode(sampled_tokens) + + return text diff --git a/nalp/neurals/simple.py b/nalp/neurals/simple.py index b95ce05..caee558 100644 --- a/nalp/neurals/simple.py +++ b/nalp/neurals/simple.py @@ -1,3 +1,4 @@ +import tensorflow as tf from tensorflow.keras import Model import nalp.utils.logging as l @@ -39,3 +40,58 @@ def call(self, x): """ raise NotImplementedError + + def generate_text(self, encoder, start, length=100, temperature=1.0): + """Generates text by feeding to the network the + current token (t) and predicting the next token (t+1). + + Args: + encoder (IntegerEncoder): An index to vocabulary encoder. + start (str): The start string to generate the text. + length (int): Length of generated text. + temperature (float): A temperature value to sample the token. + + Returns: + A list of generated text. + + """ + + logger.debug(f'Generating text with length: {length} ...') + + # Encoding the start string into tokens + start_tokens = encoder.encode(start) + + # Expanding the first dimension of tensor + start_tokens = tf.expand_dims(start_tokens, 0) + + # Creating an empty list to hold the sampled_tokens + sampled_tokens = [] + + # Resetting the network states + self.reset_states() + + # For every possible generation + for i in range(length): + # Predicts the current token + preds = self(start_tokens) + + # Removes the first dimension of the tensor + preds = tf.squeeze(preds, 0) + + # Regularize the prediction with the temperature + preds /= temperature + + # Samples a predicted token + sampled_token = tf.random.categorical( + preds, num_samples=1)[-1, 0].numpy() + + # Put the sampled token back to the current token + start_tokens = tf.expand_dims([sampled_token], 0) + + # Appends the sampled token to the list + sampled_tokens.append(sampled_token) + + # Decodes the list into raw text + text = encoder.decode(sampled_tokens) + + return text diff --git a/nalp/utils/math.py b/nalp/utils/math.py deleted file mode 100644 index 3a24ad2..0000000 --- a/nalp/utils/math.py +++ /dev/null @@ -1,31 +0,0 @@ -import numpy as np - - -def sample_from_multinomial(probs, temperature): - """Samples an index from a multinomial distribution. - - Args: - probs (tf.Tensor): A tensor of probabilites. - temperature (float): The amount of diversity to include when sampling. - - Returns: - An index of the sampled object. - - """ - - # Converting to float64 to avoid multinomial distribution erros - probs = np.asarray(probs).astype('float64') - - # Then, we calculate the log of probs, divide by temperature and apply exponential - exp_probs = np.exp(np.log(probs) / temperature) - - # Finally, we normalize it - norm_probs = exp_probs / np.sum(exp_probs) - - # Sampling from multinomial distribution - dist_probs = np.random.multinomial(1, norm_probs, 1) - - # The predicted index will be the argmax of the distribution - pred_idx = np.argmax(dist_probs) - - return pred_idx From bd1fd280eee4616f8a89ceb5017760606bcbd3c2 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Wed, 18 Sep 2019 10:38:11 -0300 Subject: [PATCH 20/22] Adding an AudioCorpus and refactoring its example. --- examples/applications/audio_generation.py | 61 +++++------ nalp/corpus/audio.py | 117 ++++++++++++++++++++++ nalp/utils/loader.py | 33 ++++++ requirements.txt | 5 +- setup.py | 5 +- 5 files changed, 183 insertions(+), 38 deletions(-) diff --git a/examples/applications/audio_generation.py b/examples/applications/audio_generation.py index 12c7860..99f3cbd 100644 --- a/examples/applications/audio_generation.py +++ b/examples/applications/audio_generation.py @@ -1,50 +1,51 @@ -import mido import numpy as np +import tensorflow as tf from mido import Message, MidiFile, MidiTrack -import nalp.stream.loader as l -import nalp.stream.preprocess as p -from nalp.datasets.one_hot import OneHot -from nalp.neurals.rnn import RNN +import nalp.utils.preprocess as p +from nalp.corpus.audio import AudioCorpus +from nalp.datasets.next import NextDataset +from nalp.encoders.integer import IntegerEncoder +from nalp.models.rnn import RNN -# Loading .midi file -audio = MidiFile('data/audio/sample.mid') +# Creating an AudioCorpus from file +corpus = AudioCorpus(from_file='data/audio/sample.mid') -# Declaring an empty list to hold audio notes -notes = [] +# Creating an IntegerEncoder +encoder = IntegerEncoder() -# Gathering notes -for step in audio: - # Checking for real note - if not step.is_meta and step.channel == 0 and step.type == 'note_on': - # Gathering note - note = step.bytes() +# Learns the encoding based on the AudioCorpus dictionary and reverse dictionary +encoder.learn(corpus.vocab_index, corpus.index_vocab) - # Saving to string - notes.append(note[1]) +# Applies the encoding on new data +encoded_tokens = encoder.encode(corpus.tokens) -# Creating a OneHot dataset -d = OneHot(notes, max_length=250) +# Creating next target Dataset +dataset = NextDataset(encoded_tokens, max_length=100, batch_size=64) -# Defining a neural network based on vanilla RNN -rnn = RNN(vocab_size=d.vocab_size, hidden_size=128, learning_rate=0.001) +# Creating the RNN +rnn = RNN(vocab_size=corpus.vocab_size, embedding_size=256, hidden_size=512) -# Training the network -rnn.train(train=d, batch_size=128, epochs=5) +# Compiling the RNN +rnn.compile(optimize=tf.optimizers.Adam(learning_rate=0.001), + loss=tf.losses.SparseCategoricalCrossentropy(from_logits=True), + metrics=[tf.metrics.SparseCategoricalAccuracy(name='accuracy')]) -# Generating new notes -gen_notes = rnn.generate_text( - dataset=d, start_text=[55], length=1000, temperature=0.2) +# Fitting the RNN +rnn.fit(dataset.batches, epochs=25) + +# Generating artificial notes +notes = rnn.generate_text(encoder, start=[55], length=1000, temperature=0.2) # Creating midi classes to hold generated audio and further music track -new_audio = MidiFile() +audio = MidiFile() track = MidiTrack() # Creating a time counter t = 0 # Iterating through generated notes -for note in gen_notes: +for note in notes: # Creating a note array note = np.asarray([147, note, 67]) @@ -64,7 +65,7 @@ track.append(step) # Appending track to file -new_audio.tracks.append(track) +audio.tracks.append(track) # Outputting generated .midi file -new_audio.save('generated_sample.mid') +audio.save('generated_sample.mid') diff --git a/nalp/corpus/audio.py b/nalp/corpus/audio.py index e69de29..90cab2e 100644 --- a/nalp/corpus/audio.py +++ b/nalp/corpus/audio.py @@ -0,0 +1,117 @@ +import nalp.utils.loader as l +import nalp.utils.logging as log +import nalp.utils.preprocess as p +from nalp.core.corpus import Corpus + +logger = log.get_logger(__name__) + + +class AudioCorpus(Corpus): + """An AudioCorpus class is used to defined the first step of the workflow. + + It serves to load the raw audio, pre-process it and create their tokens and + vocabulary. + + """ + + def __init__(self, from_file=None): + """Initialization method. + + Args: + from_file (str): An input file to load the audio. + + """ + + logger.info('Overriding class: Corpus -> AudioCorpus.') + + # Overrides its parent class with any custom arguments if needed + super(AudioCorpus, self).__init__() + + # Loads the audio from file + audio = l.load_audio(from_file) + + # Declaring an empty list to hold audio notes + self.tokens = [] + + # Gathering notes + for step in audio: + # Checking for real note + if not step.is_meta and step.channel == 0 and step.type == 'note_on': + # Gathering note + note = step.bytes() + + # Saving to list + self.tokens.append(note[1]) + + # Builds the vocabulary based on the tokens + self._build(self.tokens) + + logger.info('AudioCorpus created.') + + @property + def vocab(self): + """list: The vocabulary itself. + + """ + + return self._vocab + + @vocab.setter + def vocab(self, vocab): + self._vocab = vocab + + @property + def vocab_size(self): + """int: The size of the vocabulary + + """ + + return self._vocab_size + + @vocab_size.setter + def vocab_size(self, vocab_size): + self._vocab_size = vocab_size + + @property + def vocab_index(self): + """dict: A dictionary mapping vocabulary to indexes. + + """ + + return self._vocab_index + + @vocab_index.setter + def vocab_index(self, vocab_index): + self._vocab_index = vocab_index + + @property + def index_vocab(self): + """dict: A dictionary mapping indexes to vocabulary. + + """ + + return self._index_vocab + + @index_vocab.setter + def index_vocab(self, index_vocab): + self._index_vocab = index_vocab + + def _build(self, tokens): + """Builds the vocabulary based on the tokens. + + Args: + tokens (list): A list of tokens. + + """ + + # Creates the vocabulary + self.vocab = sorted(set(tokens)) + + # Also, gathers the vocabulary size + self.vocab_size = len(self.vocab) + + # Creates a property mapping vocabulary to indexes + self.vocab_index = {t: i for i, t in enumerate(self.vocab)} + + # Creates a property mapping indexes to vocabulary + self.index_vocab = {i: t for i, t in enumerate(self.vocab)} diff --git a/nalp/utils/loader.py b/nalp/utils/loader.py index fe70841..1814f14 100644 --- a/nalp/utils/loader.py +++ b/nalp/utils/loader.py @@ -1,3 +1,5 @@ +from mido import MidiFile + import nalp.utils.logging as l logger = l.get_logger(__name__) @@ -69,3 +71,34 @@ def load_doc(file_name): logger.error(e) raise + + +def load_audio(file_name): + """Loads an audio .mid file. + + Args: + file_name (str): The file name to be loaded. + + Returns: + A list with the loaded notes. + + """ + + logger.debug(f'Loading {file_name} ...') + + # Tries to load the file + try: + # Opens the audio file + audio = MidiFile(file_name) + + return audio + + # If file can not be loaded + except FileNotFoundError: + # Creates an error + e = f'File not found: {file_name}.' + + # Logs the error + logger.error(e) + + raise diff --git a/requirements.txt b/requirements.txt index d5194b0..6534b21 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,11 +1,8 @@ coverage>=4.5.2 gensim>=3.5.0 -matplotlib>=3.0.0 +mido>=1.2.9 nltk>=3.2.5 numpy>=1.13.3 -pandas>=0.23.4 pylint>=1.7.4 pytest>=3.2.3 -scikit-learn>=0.19.2 -scipy>=1.1.0 tensorflow>=2.0.0-beta1 \ No newline at end of file diff --git a/setup.py b/setup.py index d987d03..4d04289 100644 --- a/setup.py +++ b/setup.py @@ -14,14 +14,11 @@ license='MIT', install_requires=['coverage>=4.5.2', 'gensim>=3.5.0', - 'matplotlib>=3.0.0', + 'mido>=1.2.9', 'nltk>=3.2.5', 'numpy>=1.13.3', - 'pandas>=0.23.4', 'pylint>=1.7.4', 'pytest>=3.2.3', - 'scikit-learn>=0.19.2', - 'scipy>=1.1.0', 'tensorflow>=2.0.0-beta1' ], extras_require={ From 5a92bbb935504975f87194b15f11be2c9f5242b3 Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Wed, 18 Sep 2019 10:49:18 -0300 Subject: [PATCH 21/22] Remaking the docs [1/2]. --- README.md | 44 ++++++++++--------- ...p.core.neural.rst => nalp.core.corpus.rst} | 4 +- docs/api/nalp.core.rst | 2 +- ...tream.loader.rst => nalp.corpus.audio.rst} | 4 +- ...splitters.rst => nalp.corpus.document.rst} | 4 +- docs/api/nalp.corpus.rst | 13 ++++++ ...p.neurals.rnn.rst => nalp.corpus.text.rst} | 4 +- docs/api/nalp.datasets.next.rst | 7 +++ docs/api/nalp.datasets.rst | 3 +- ....one_hot.rst => nalp.encoders.integer.rst} | 4 +- docs/api/nalp.encoders.rst | 1 + docs/api/nalp.models.gru.rst | 7 +++ docs/api/nalp.models.lstm.rst | 7 +++ docs/api/nalp.models.rnn.rst | 7 +++ docs/api/nalp.models.rst | 13 ++++++ docs/api/nalp.neurals.complex.rst | 7 +++ docs/api/nalp.neurals.rst | 3 +- docs/api/nalp.neurals.simple.rst | 7 +++ docs/api/nalp.stream.preprocess.rst | 7 --- docs/api/nalp.stream.rst | 12 ----- docs/api/nalp.utils.decorators.rst | 7 --- docs/api/nalp.utils.loader.rst | 7 +++ ....vanilla.rst => nalp.utils.preprocess.rst} | 4 +- docs/api/nalp.utils.rst | 4 +- docs/api/nalp.visualization.rst | 10 ----- docs/index.rst | 4 +- 26 files changed, 120 insertions(+), 76 deletions(-) rename docs/api/{nalp.core.neural.rst => nalp.core.corpus.rst} (62%) rename docs/api/{nalp.stream.loader.rst => nalp.corpus.audio.rst} (61%) rename docs/api/{nalp.utils.splitters.rst => nalp.corpus.document.rst} (59%) create mode 100644 docs/api/nalp.corpus.rst rename docs/api/{nalp.neurals.rnn.rst => nalp.corpus.text.rst} (62%) create mode 100644 docs/api/nalp.datasets.next.rst rename docs/api/{nalp.datasets.one_hot.rst => nalp.encoders.integer.rst} (58%) create mode 100644 docs/api/nalp.models.gru.rst create mode 100644 docs/api/nalp.models.lstm.rst create mode 100644 docs/api/nalp.models.rnn.rst create mode 100644 docs/api/nalp.models.rst create mode 100644 docs/api/nalp.neurals.complex.rst create mode 100644 docs/api/nalp.neurals.simple.rst delete mode 100644 docs/api/nalp.stream.preprocess.rst delete mode 100644 docs/api/nalp.stream.rst delete mode 100644 docs/api/nalp.utils.decorators.rst create mode 100644 docs/api/nalp.utils.loader.rst rename docs/api/{nalp.datasets.vanilla.rst => nalp.utils.preprocess.rst} (58%) delete mode 100644 docs/api/nalp.visualization.rst diff --git a/README.md b/README.md index f13e397..6dd899c 100644 --- a/README.md +++ b/README.md @@ -40,32 +40,40 @@ NALP is based on the following structure, and you should pay attention to its tr ``` - nalp - core + - corpus - dataset - encoder - - neural + - corpus + - audio + - document + - text - datasets - - one_hot - - vanilla + - next - encoders - count + - integer - tfidf - word2vec - - neurals + - models + - gru + - lstm - rnn - - stream - - loader - - preprocess + - neurals + - complex + - simple - utils - - decorators + - loader - logging - - math - - splitters - - visualization + - preprocess ``` ### Core -Core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basis of our structure. They should provide variables and methods that will help to construct other modules. It is composed of the following classes: +Core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basis of our structure. They should provide variables and methods that will help to construct other modules. + +### Corpus + +Corpus ### Datasets @@ -75,22 +83,18 @@ Because we need data, right? Datasets are composed of classes and methods that a Text or Numbers? Encodings are used to make embeddings. Embeddings are used to feed into neural networks. Remember that networks cannot read raw data; therefore, you might want to pre-encode your data using well-known encoders. -### Neurals +### Models -A neural networks package. In this package, you can find all neural-related implementations. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. All implementations were done using raw Tensorflow, mainly to understand better and control the whole training and inference process. +Models -### Stream +### Neurals -A stream package is used to manipulate data. From loading to processing, here you can find all classes and methods defined in order to help you achieve these tasks. +A neural networks package. In this package, you can find all neural-related implementations. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. All implementations were done using raw Tensorflow, mainly to understand better and control the whole training and inference process. ### Utils This is a utility package. Common things shared across the application should be implemented here. It is better to implement once and use as you wish than re-implementing the same thing over and over again. -### Visualization - -A visualization package illustrates what is happening with your data. Use classes and methods to help you decide if your data is well enough to fulfill your desires. - --- ## Installation diff --git a/docs/api/nalp.core.neural.rst b/docs/api/nalp.core.corpus.rst similarity index 62% rename from docs/api/nalp.core.neural.rst rename to docs/api/nalp.core.corpus.rst index aa72e73..3bf58ba 100644 --- a/docs/api/nalp.core.neural.rst +++ b/docs/api/nalp.core.corpus.rst @@ -1,7 +1,7 @@ -nalp.core.neural +nalp.core.corpus ========================== -.. automodule:: nalp.core.neural +.. automodule:: nalp.core.corpus :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.core.rst b/docs/api/nalp.core.rst index abcde9d..bcc7e9d 100644 --- a/docs/api/nalp.core.rst +++ b/docs/api/nalp.core.rst @@ -4,9 +4,9 @@ nalp.core Core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basic of our structure. They should provide variables and methods that will help to construct other modules. .. toctree:: + nalp.core.corpus nalp.core.dataset nalp.core.encoder - nalp.core.neural .. automodule:: nalp.core :members: diff --git a/docs/api/nalp.stream.loader.rst b/docs/api/nalp.corpus.audio.rst similarity index 61% rename from docs/api/nalp.stream.loader.rst rename to docs/api/nalp.corpus.audio.rst index c013f31..435504b 100644 --- a/docs/api/nalp.stream.loader.rst +++ b/docs/api/nalp.corpus.audio.rst @@ -1,7 +1,7 @@ -nalp.stream.loader +nalp.corpus.audio ========================== -.. automodule:: nalp.stream.loader +.. automodule:: nalp.corpus.audio :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.utils.splitters.rst b/docs/api/nalp.corpus.document.rst similarity index 59% rename from docs/api/nalp.utils.splitters.rst rename to docs/api/nalp.corpus.document.rst index b7257f5..48d3c97 100644 --- a/docs/api/nalp.utils.splitters.rst +++ b/docs/api/nalp.corpus.document.rst @@ -1,7 +1,7 @@ -nalp.utils.splitters +nalp.corpus.document ========================== -.. automodule:: nalp.utils.splitters +.. automodule:: nalp.corpus.document :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.corpus.rst b/docs/api/nalp.corpus.rst new file mode 100644 index 0000000..3e0f957 --- /dev/null +++ b/docs/api/nalp.corpus.rst @@ -0,0 +1,13 @@ +nalp.corpus +============== + +To write + +.. toctree:: + nalp.corpus.audio + nalp.corpus.document + nalp.corpus.text + +.. automodule:: nalp.corpus + :members: + :show-inheritance: \ No newline at end of file diff --git a/docs/api/nalp.neurals.rnn.rst b/docs/api/nalp.corpus.text.rst similarity index 62% rename from docs/api/nalp.neurals.rnn.rst rename to docs/api/nalp.corpus.text.rst index ba592e8..b3a04d2 100644 --- a/docs/api/nalp.neurals.rnn.rst +++ b/docs/api/nalp.corpus.text.rst @@ -1,7 +1,7 @@ -nalp.neurals.rnn +nalp.corpus.text ========================== -.. automodule:: nalp.neurals.rnn +.. automodule:: nalp.corpus.text :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.datasets.next.rst b/docs/api/nalp.datasets.next.rst new file mode 100644 index 0000000..bd80f7a --- /dev/null +++ b/docs/api/nalp.datasets.next.rst @@ -0,0 +1,7 @@ +nalp.datasets.next +========================== + +.. automodule:: nalp.datasets.next + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.datasets.rst b/docs/api/nalp.datasets.rst index 94acd8a..eeaf5fc 100644 --- a/docs/api/nalp.datasets.rst +++ b/docs/api/nalp.datasets.rst @@ -4,8 +4,7 @@ nalp.datasets Because we need data, right? Datasets are composed by classes and methods that allow to prepare data for further neural networks. .. toctree:: - nalp.datasets.one_hot - nalp.datasets.vanilla + nalp.datasets.next .. automodule:: nalp.datasets :members: diff --git a/docs/api/nalp.datasets.one_hot.rst b/docs/api/nalp.encoders.integer.rst similarity index 58% rename from docs/api/nalp.datasets.one_hot.rst rename to docs/api/nalp.encoders.integer.rst index a09bbe2..1080d99 100644 --- a/docs/api/nalp.datasets.one_hot.rst +++ b/docs/api/nalp.encoders.integer.rst @@ -1,7 +1,7 @@ -nalp.datasets.one_hot +nalp.encoders.integer ========================== -.. automodule:: nalp.datasets.one_hot +.. automodule:: nalp.encoders.integer :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.encoders.rst b/docs/api/nalp.encoders.rst index 470b2b5..248ffa5 100644 --- a/docs/api/nalp.encoders.rst +++ b/docs/api/nalp.encoders.rst @@ -5,6 +5,7 @@ Text or Numbers? Encodings are used to make embeddings. Embeddings are used to f .. toctree:: nalp.encoders.count + nalp.encoders.integer nalp.encoders.tfidf nalp.encoders.word2vec diff --git a/docs/api/nalp.models.gru.rst b/docs/api/nalp.models.gru.rst new file mode 100644 index 0000000..a2d7a81 --- /dev/null +++ b/docs/api/nalp.models.gru.rst @@ -0,0 +1,7 @@ +nalp.models.gru +========================== + +.. automodule:: nalp.models.gru + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.models.lstm.rst b/docs/api/nalp.models.lstm.rst new file mode 100644 index 0000000..83403e6 --- /dev/null +++ b/docs/api/nalp.models.lstm.rst @@ -0,0 +1,7 @@ +nalp.models.lstm +========================== + +.. automodule:: nalp.models.lstm + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.models.rnn.rst b/docs/api/nalp.models.rnn.rst new file mode 100644 index 0000000..4fedb68 --- /dev/null +++ b/docs/api/nalp.models.rnn.rst @@ -0,0 +1,7 @@ +nalp.models.rnn +========================== + +.. automodule:: nalp.models.rnn + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.models.rst b/docs/api/nalp.models.rst new file mode 100644 index 0000000..bb7f57e --- /dev/null +++ b/docs/api/nalp.models.rst @@ -0,0 +1,13 @@ +nalp.models +============== + +To write + +.. toctree:: + nalp.models.gru + nalp.models.lstm + nalp.models.rnn + +.. automodule:: nalp.models + :members: + :show-inheritance: \ No newline at end of file diff --git a/docs/api/nalp.neurals.complex.rst b/docs/api/nalp.neurals.complex.rst new file mode 100644 index 0000000..c1dff4e --- /dev/null +++ b/docs/api/nalp.neurals.complex.rst @@ -0,0 +1,7 @@ +nalp.neurals.complex +========================== + +.. automodule:: nalp.neurals.complex + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.neurals.rst b/docs/api/nalp.neurals.rst index 0afbad5..39e6bee 100644 --- a/docs/api/nalp.neurals.rst +++ b/docs/api/nalp.neurals.rst @@ -4,7 +4,8 @@ nalp.neurals A neural networks package. In this package you can find all neural-related implementations. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. All implementations were done using raw Tensorflow, mainly to better understand and control the whole training and inference process. .. toctree:: - nalp.neurals.rnn + nalp.neurals.complex + nalp.neurals.simple .. automodule:: nalp.neurals :members: diff --git a/docs/api/nalp.neurals.simple.rst b/docs/api/nalp.neurals.simple.rst new file mode 100644 index 0000000..e5c7ffe --- /dev/null +++ b/docs/api/nalp.neurals.simple.rst @@ -0,0 +1,7 @@ +nalp.neurals.simple +========================== + +.. automodule:: nalp.neurals.simple + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.stream.preprocess.rst b/docs/api/nalp.stream.preprocess.rst deleted file mode 100644 index 901bda5..0000000 --- a/docs/api/nalp.stream.preprocess.rst +++ /dev/null @@ -1,7 +0,0 @@ -nalp.stream.preprocess -========================== - -.. automodule:: nalp.stream.preprocess - :members: - :private-members: - :special-members: \ No newline at end of file diff --git a/docs/api/nalp.stream.rst b/docs/api/nalp.stream.rst deleted file mode 100644 index 59851f8..0000000 --- a/docs/api/nalp.stream.rst +++ /dev/null @@ -1,12 +0,0 @@ -nalp.stream -============ - -A stream package is used to manipulate data. From loading to processing, here you can find all classes and methods defined in order to help you achieve these tasks. - -.. toctree:: - nalp.stream.loader - nalp.stream.preprocess - -.. automodule:: nalp.stream - :members: - :show-inheritance: \ No newline at end of file diff --git a/docs/api/nalp.utils.decorators.rst b/docs/api/nalp.utils.decorators.rst deleted file mode 100644 index dac4c7e..0000000 --- a/docs/api/nalp.utils.decorators.rst +++ /dev/null @@ -1,7 +0,0 @@ -nalp.utils.decorators -========================== - -.. automodule:: nalp.utils.decorators - :members: - :private-members: - :special-members: \ No newline at end of file diff --git a/docs/api/nalp.utils.loader.rst b/docs/api/nalp.utils.loader.rst new file mode 100644 index 0000000..f9da2a9 --- /dev/null +++ b/docs/api/nalp.utils.loader.rst @@ -0,0 +1,7 @@ +nalp.utils.loader +========================== + +.. automodule:: nalp.utils.loader + :members: + :private-members: + :special-members: \ No newline at end of file diff --git a/docs/api/nalp.datasets.vanilla.rst b/docs/api/nalp.utils.preprocess.rst similarity index 58% rename from docs/api/nalp.datasets.vanilla.rst rename to docs/api/nalp.utils.preprocess.rst index 98d88a0..1b1c40e 100644 --- a/docs/api/nalp.datasets.vanilla.rst +++ b/docs/api/nalp.utils.preprocess.rst @@ -1,7 +1,7 @@ -nalp.datasets.vanilla +nalp.utils.preprocess ========================== -.. automodule:: nalp.datasets.vanilla +.. automodule:: nalp.utils.preprocess :members: :private-members: :special-members: \ No newline at end of file diff --git a/docs/api/nalp.utils.rst b/docs/api/nalp.utils.rst index b6bd265..f1cf5d5 100644 --- a/docs/api/nalp.utils.rst +++ b/docs/api/nalp.utils.rst @@ -4,9 +4,9 @@ nalp.utils This is an utilities package. Common things shared across the application should be implemented here. It is better to implement once and use as you wish than re-implementing the same thing over and over again. .. toctree:: - nalp.utils.decorators + nalp.utils.loader nalp.utils.logging - nalp.utils.splitters + nalp.utils.preprocess .. automodule:: nalp.utils :members: diff --git a/docs/api/nalp.visualization.rst b/docs/api/nalp.visualization.rst deleted file mode 100644 index 87f53bc..0000000 --- a/docs/api/nalp.visualization.rst +++ /dev/null @@ -1,10 +0,0 @@ -nalp.visualization -=================== - -A visualization package in order to better illustrate what is happening with your data. Use classes and methods to help you decide if your data is well enough to fulfill your desires. - -.. toctree:: - -.. automodule:: nalp.visualization - :members: - :show-inheritance: \ No newline at end of file diff --git a/docs/index.rst b/docs/index.rst index 49cc4e6..e6a08d7 100644 --- a/docs/index.rst +++ b/docs/index.rst @@ -17,12 +17,12 @@ NALP is compatible with: **Python 3.6+** and **PyPy 3.5**. :caption: Package Reference api/nalp.core + api/nalp.corpus api/nalp.datasets api/nalp.encoders + api/nalp.models api/nalp.neurals - api/nalp.stream api/nalp.utils - api/nalp.visualization Indices and tables From 996b38f6cd739ecab65a36cd8a41c67289756ffa Mon Sep 17 00:00:00 2001 From: Gustavo Rosa Date: Wed, 18 Sep 2019 13:04:12 -0300 Subject: [PATCH 22/22] Finishing up the new docs [2/2]. --- README.md | 8 ++++---- docs/api/nalp.core.rst | 2 +- docs/api/nalp.corpus.rst | 2 +- docs/api/nalp.models.rst | 2 +- docs/api/nalp.neurals.rst | 2 +- nalp/core/corpus.py | 2 +- 6 files changed, 9 insertions(+), 9 deletions(-) diff --git a/README.md b/README.md index 6dd899c..d1fe89d 100644 --- a/README.md +++ b/README.md @@ -69,11 +69,11 @@ NALP is based on the following structure, and you should pay attention to its tr ### Core -Core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basis of our structure. They should provide variables and methods that will help to construct other modules. +The core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basis of our structure. They should provide variables and methods that will help to construct other modules. ### Corpus -Corpus +Every pipeline has its first step, right? The corpus package serves as a basic class to load raw text, documents (list of sentences), and audio. ### Datasets @@ -85,11 +85,11 @@ Text or Numbers? Encodings are used to make embeddings. Embeddings are used to f ### Models -Models +Each neural network architecture is defined in this package. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. ### Neurals -A neural networks package. In this package, you can find all neural-related implementations. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. All implementations were done using raw Tensorflow, mainly to understand better and control the whole training and inference process. +The neurals package provides simple or complex implementations using Tensorflow. You can choose straightforward examples using the Simple class or more advanced customization methods using the Complex class. ### Utils diff --git a/docs/api/nalp.core.rst b/docs/api/nalp.core.rst index bcc7e9d..03d30a9 100644 --- a/docs/api/nalp.core.rst +++ b/docs/api/nalp.core.rst @@ -1,7 +1,7 @@ nalp.core ============ -Core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basic of our structure. They should provide variables and methods that will help to construct other modules. +The core is the core. Essentially, it is the parent of everything. You should find parent classes defining the basic of our structure. They should provide variables and methods that will help to construct other modules. .. toctree:: nalp.core.corpus diff --git a/docs/api/nalp.corpus.rst b/docs/api/nalp.corpus.rst index 3e0f957..469fe6f 100644 --- a/docs/api/nalp.corpus.rst +++ b/docs/api/nalp.corpus.rst @@ -1,7 +1,7 @@ nalp.corpus ============== -To write +Every pipeline has its first step, right? The corpus package serves as a basic class to load raw text, documents (list of sentences), and audio. .. toctree:: nalp.corpus.audio diff --git a/docs/api/nalp.models.rst b/docs/api/nalp.models.rst index bb7f57e..e0d792b 100644 --- a/docs/api/nalp.models.rst +++ b/docs/api/nalp.models.rst @@ -1,7 +1,7 @@ nalp.models ============== -To write +Each neural network architecture is defined in this package. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. .. toctree:: nalp.models.gru diff --git a/docs/api/nalp.neurals.rst b/docs/api/nalp.neurals.rst index 39e6bee..ed5f145 100644 --- a/docs/api/nalp.neurals.rst +++ b/docs/api/nalp.neurals.rst @@ -1,7 +1,7 @@ nalp.neurals ============== -A neural networks package. In this package you can find all neural-related implementations. From naïve RNNs to BiLSTMs, you can use whatever suits your needs. All implementations were done using raw Tensorflow, mainly to better understand and control the whole training and inference process. +The neurals package provides simple or complex implementations using Tensorflow. You can choose straightforward examples using the Simple class or more advanced customization methods using the Complex class. .. toctree:: nalp.neurals.complex diff --git a/nalp/core/corpus.py b/nalp/core/corpus.py index f021211..c2bfe65 100644 --- a/nalp/core/corpus.py +++ b/nalp/core/corpus.py @@ -1,7 +1,7 @@ class Corpus(): """A Corpus class is used to defined the first step of the workflow. - It serves as a basis class to load raw text or documents (list of sentences). + It serves as a basis class to load raw text, documents (list of sentences) and audio. """