code
stringlengths
2
1.05M
repo_name
stringlengths
5
104
path
stringlengths
4
251
language
stringclasses
1 value
license
stringclasses
15 values
size
int32
2
1.05M
import sys sys.path.insert(0,'../') from fast_guided_filter import blur print("hello")
justayak/fast_guided_filters
test/sample.py
Python
mit
88
# from test_plus.test import TestCase # # # class TestUser(TestCase): # # def setUp(self): # self.user = self.make_user() # # def test__str__(self): # self.assertEqual( # self.user.__str__(), # 'testuser' # This is the default username for self.make_user() # ) # # def test_get_absolute_url(self): # self.assertEqual( # self.user.get_absolute_url(), # '/users/testuser/' # )
Alex-Just/gymlog
gymlog/main/tests/test_models.py
Python
mit
476
from rest_framework import serializers from django.contrib.auth.models import User from dixit.account.models import UserProfile class UserProfileSerializer(serializers.ModelSerializer): class Meta: model = UserProfile fields = ('name', ) class UserSerializer(serializers.ModelSerializer): """ Serializes User objects """ profile = UserProfileSerializer() class Meta: model = User fields = ('id', 'username', 'email', 'profile', )
jminuscula/dixit-online
server/src/dixit/api/auth/serializers/user.py
Python
mit
494
# -*- coding: utf-8 -*- import pack_command import pack_command_python import timeit import cProfile import pstats import pycallgraph def format_time(seconds): v = seconds if v * 1000 * 1000 * 1000 < 1000: scale = u'ns' v = int(round(v*1000*1000*1000)) elif v * 1000 * 1000 < 1000: scale = u'μs' v = int(round(v*1000*1000)) elif v * 1000 < 1000: scale = u'ms' v = round(v*1000, 4) else: scale = u'sec' v = int(v) return u'{} {}'.format(v, scale) # profiler size number = 100000 sample = 7 # profiler type profile = False graph = False timer = True def runit(): pack_command.pack_command("ZADD", "foo", 1369198341, 10000) def runitp(): pack_command_python.pack_command("ZADD", "foo", 1369198341, 10000) if profile: pr = cProfile.Profile() pr.enable() if graph: pycallgraph.start_trace() if timer: for name, t in (("Python", runitp), ("cython", runit)): res = timeit.Timer(t).repeat(sample, number) min_run = min(res) per_loop = min_run/number print u'{}'.format(name) print u'{} total run'.format(format_time(min_run)) print u'{} per/loop'.format(format_time(per_loop)) #print u'{} per/friend'.format(format_time(per_loop/friends_cnt)) else: for j in xrange(number): runit() if graph: pycallgraph.make_dot_graph('example.png') if profile: pr.disable() ps = pstats.Stats(pr) sort_by = 'cumulative' ps.strip_dirs().sort_stats(sort_by).print_stats(20)
simonz05/pack-command
misc/bench.py
Python
mit
1,564
""" Initialize Flask app """ from flask import Flask import os from flask_debugtoolbar import DebugToolbarExtension from werkzeug.debug import DebuggedApplication app = Flask('application') if os.getenv('FLASK_CONF') == 'DEV': # Development settings app.config.from_object('application.settings.Development') # Flask-DebugToolbar toolbar = DebugToolbarExtension(app) # Google app engine mini profiler # https://github.com/kamens/gae_mini_profiler app.wsgi_app = DebuggedApplication(app.wsgi_app, evalex=True) from gae_mini_profiler import profiler, templatetags @app.context_processor def inject_profiler(): return dict(profiler_includes=templatetags.profiler_includes()) app.wsgi_app = profiler.ProfilerWSGIMiddleware(app.wsgi_app) elif os.getenv('FLASK_CONF') == 'TEST': app.config.from_object('application.settings.Testing') else: app.config.from_object('application.settings.Production') # Enable jinja2 loop controls extension app.jinja_env.add_extension('jinja2.ext.loopcontrols') # Pull in URL dispatch routes import urls
nwinter/bantling
src/application/__init__.py
Python
mit
1,104
#!/usr/bin/env python import os import sys import django from django.conf import settings DEFAULT_SETTINGS = dict( INSTALLED_APPS=[ "django.contrib.auth", "django.contrib.contenttypes", "django.contrib.sites", "pinax.pinax_hello", "pinax.pinax_hello.tests" ], MIDDLEWARE_CLASSES=[], DATABASES={ "default": { "ENGINE": "django.db.backends.sqlite3", "NAME": ":memory:", } }, SITE_ID=1, ROOT_URLCONF="pinax.pinax_hello.tests.urls", SECRET_KEY="notasecret", ) def runtests(*test_args): if not settings.configured: settings.configure(**DEFAULT_SETTINGS) django.setup() parent = os.path.dirname(os.path.abspath(__file__)) sys.path.insert(0, parent) try: from django.test.runner import DiscoverRunner runner_class = DiscoverRunner test_args = ["pinax.pinax_hello.tests"] except ImportError: from django.test.simple import DjangoTestSuiteRunner runner_class = DjangoTestSuiteRunner test_args = ["tests"] failures = runner_class(verbosity=1, interactive=True, failfast=False).run_tests(test_args) sys.exit(failures) if __name__ == "__main__": runtests(*sys.argv[1:])
bennybauer/pinax-hello
runtests.py
Python
mit
1,274
import random import numpy as np import math from time import perf_counter import os import sys from collections import deque import gym import cntk from cntk.layers import Convolution, MaxPooling, Dense from cntk.models import Sequential, LayerStack from cntk.initializer import glorot_normal env = gym.make("Breakout-v0") NUM_ACTIONS = env.action_space.n SCREEN_H_ORIG, SCREEN_W_ORIG, NUM_COLOUR_CHANNELS = env.observation_space.shape def preprocess_image(screen_image): # crop the top and bottom screen_image = screen_image[35:195] # down sample by a factor of 2 screen_image = screen_image[::2, ::2] # convert to grey scale grey_image = np.zeros(screen_image.shape[0:2]) for i in range(len(screen_image)): for j in range(len(screen_image[i])): grey_image[i][j] = np.mean(screen_image[i][j]) return np.array([grey_image.astype(np.float)]) CHANNELS, IMAGE_H, IMAGE_W = preprocess_image(np.zeros((SCREEN_H_ORIG, SCREEN_W_ORIG))).shape STATE_DIMS = (1, IMAGE_H, IMAGE_W) class Brain: BATCH_SIZE = 5 def __init__(self): #### Construct the model #### observation = cntk.ops.input_variable(STATE_DIMS, np.float32, name="s") q_target = cntk.ops.input_variable(NUM_ACTIONS, np.float32, name="q") # Define the structure of the neural network self.model = self.create_convolutional_neural_network(observation, NUM_ACTIONS) #### Define the trainer #### self.learning_rate = cntk.learner.training_parameter_schedule(0.0001, cntk.UnitType.sample) self.momentum = cntk.learner.momentum_as_time_constant_schedule(0.99) self.loss = cntk.ops.reduce_mean(cntk.ops.square(self.model - q_target), axis=0) mean_error = cntk.ops.reduce_mean(cntk.ops.square(self.model - q_target), axis=0) learner = cntk.adam_sgd(self.model.parameters, self.learning_rate, momentum=self.momentum) self.trainer = cntk.Trainer(self.model, self.loss, mean_error, learner) def train(self, x, y): data = dict(zip(self.loss.arguments, [y, x])) self.trainer.train_minibatch(data, outputs=[self.loss.output]) def predict(self, s): return self.model.eval([s]) @staticmethod def create_multi_layer_neural_network(input_vars, out_dims, num_hidden_layers): num_hidden_neurons = 128 hidden_layer = lambda: Dense(num_hidden_neurons, activation=cntk.ops.relu) output_layer = Dense(out_dims, activation=None) model = Sequential([LayerStack(num_hidden_layers, hidden_layer), output_layer])(input_vars) return model @staticmethod def create_convolutional_neural_network(input_vars, out_dims): convolutional_layer_1 = Convolution((5, 5), 32, strides=1, activation=cntk.ops.relu, pad=True, init=glorot_normal(), init_bias=0.1) pooling_layer_1 = MaxPooling((2, 2), strides=(2, 2), pad=True) convolutional_layer_2 = Convolution((5, 5), 64, strides=1, activation=cntk.ops.relu, pad=True, init=glorot_normal(), init_bias=0.1) pooling_layer_2 = MaxPooling((2, 2), strides=(2, 2), pad=True) convolutional_layer_3 = Convolution((5, 5), 128, strides=1, activation=cntk.ops.relu, pad=True, init=glorot_normal(), init_bias=0.1) pooling_layer_3 = MaxPooling((2, 2), strides=(2, 2), pad=True) fully_connected_layer = Dense(1024, activation=cntk.ops.relu, init=glorot_normal(), init_bias=0.1) output_layer = Dense(out_dims, activation=None, init=glorot_normal(), init_bias=0.1) model = Sequential([convolutional_layer_1, pooling_layer_1, convolutional_layer_2, pooling_layer_2, #convolutional_layer_3, pooling_layer_3, fully_connected_layer, output_layer])(input_vars) return model class Memory: def __init__(self, capacity): self.examplers = deque(maxlen=capacity) self.capacity = capacity def add(self, sample): self.examplers.append(sample) def get_random_samples(self, num_samples): num_samples = min(num_samples, len(self.examplers)) return random.sample(tuple(self.examplers), num_samples) def get_stack(self, start_index, stack_size): end_index = len(self.examplers) - stack_size if end_index < 0: stack = list(self.examplers) + [self.examplers[-1] for _ in range(-end_index)] else: start_index = min(start_index, end_index) stack = [self.examplers[i + start_index] for i in range(stack_size)] return np.stack(stack, axis=-1) def get_random_stacks(self, num_samples, stack_size): start_indices = random.sample(range(len(self.examplers)), num_samples) return [self.get_stack(start_index, stack_size) for start_index in start_indices] def get_latest_stack(self, stack_size): return self.get_stack(len(self.examplers), stack_size) class Agent: MEMORY_CAPACITY = 100000 DISCOUNT_FACTOR = 0.99 MAX_EXPLORATION_RATE = 1.0 MIN_EXPLORATION_RATE = 0.01 DECAY_RATE = 0.0001 def __init__(self): self.explore_rate = self.MAX_EXPLORATION_RATE self.brain = Brain() self.memory = Memory(self.MEMORY_CAPACITY) self.steps = 0 def act(self, s): if random.random() < self.explore_rate: return random.randint(0, NUM_ACTIONS - 1) else: return np.argmax(self.brain.predict(s)) def observe(self, sample): self.steps += 1 self.memory.add(sample) # Reduces exploration rate linearly self.explore_rate = self.MIN_EXPLORATION_RATE + (self.MAX_EXPLORATION_RATE - self.MIN_EXPLORATION_RATE) * math.exp(-self.DECAY_RATE * self.steps) def replay(self): batch = self.memory.get_random_samples(self.brain.BATCH_SIZE) batch_len = len(batch) states = np.array([sample[0] for sample in batch], dtype=np.float32) no_state = np.zeros(STATE_DIMS) resultant_states = np.array([(no_state if sample[3] is None else sample[3]) for sample in batch], dtype=np.float32) q_values_batch = self.brain.predict(states) future_q_values_batch = self.brain.predict(resultant_states) x = np.zeros((batch_len, ) + STATE_DIMS).astype(np.float32) y = np.zeros((batch_len, NUM_ACTIONS)).astype(np.float32) for i in range(batch_len): state, action, reward, resultant_state = batch[i] q_values = q_values_batch[0][i] if resultant_state is None: q_values[action] = reward else: q_values[action] = reward + self.DISCOUNT_FACTOR * np.amax(future_q_values_batch[0][i]) x[i] = state y[i] = q_values self.brain.train(x, y) @classmethod def action_from_output(cls, output_array): return np.argmax(output_array) def run_simulation(agent, solved_reward_level): state = env.reset() state = preprocess_image(state) total_rewards = 0 time_step = 0 while True: #env.render() time_step += 1 action = agent.act(state.astype(np.float32)) resultant_state, reward, done, info = env.step(action) resultant_state = preprocess_image(resultant_state) if done: # terminal state resultant_state = None agent.observe((state, action, reward, resultant_state)) agent.replay() state = resultant_state total_rewards += reward if total_rewards > solved_reward_level or done: return total_rewards, time_step def test(model_path, num_episodes=10): root = cntk.load_model(model_path) observation = env.reset() # reset environment for new episode done = False for episode in range(num_episodes): while not done: try: env.render() except Exception: # this might fail on a VM without OpenGL pass observation = preprocess_image(observation) action = np.argmax(root.eval(observation.astype(np.float32))) observation, reward, done, info = env.step(action) if done: observation = env.reset() # reset environment for new episode if __name__ == "__main__": # Ensure we always get the same amount of randomness np.random.seed(0) GYM_ENABLE_UPLOAD = False GYM_VIDEO_PATH = os.path.join(os.getcwd(), "videos", "atari_breakout_dpn_cntk") GYM_API_KEY = "sk_93AMQvdmReWCi8pdL4m6Q" MAX_NUM_EPISODES = 1000 STREAK_TO_END = 120 DONE_REWARD_LEVEL = 50 TRAINED_MODEL_DIR = os.path.join(os.getcwd(), "trained_models") if not os.path.exists(TRAINED_MODEL_DIR): os.makedirs(TRAINED_MODEL_DIR) TRAINED_MODEL_NAME = "atari_breakout_dpn.mod" EPISODES_PER_PRINT_PROGRESS = 1 EPISODES_PER_SAVE = 5 if len(sys.argv) < 2 or sys.argv[1] != "test_only": if GYM_ENABLE_UPLOAD: env.monitor.start(GYM_VIDEO_PATH, force=True) agent = Agent() episode_number = 0 num_streaks = 0 reward_sum = 0 time_step_sum = 0 solved_episode = -1 training_start_time = perf_counter() while episode_number < MAX_NUM_EPISODES: # Run the simulation and train the agent reward, time_step = run_simulation(agent, DONE_REWARD_LEVEL*2) reward_sum += reward time_step_sum += time_step episode_number += 1 if episode_number % EPISODES_PER_PRINT_PROGRESS == 0: t = perf_counter() - training_start_time print("(%d s) Episode: %d, Average reward = %.3f, Average number of time steps = %.3f." % (t, episode_number, reward_sum / EPISODES_PER_PRINT_PROGRESS, time_step_sum/EPISODES_PER_PRINT_PROGRESS)) reward_sum = 0 time_step_sum = 0 # It is considered solved when the sum of reward is over 200 if reward > DONE_REWARD_LEVEL: num_streaks += 1 solved_episode = episode_number else: num_streaks = 0 solved_episode = -1 # It's considered done when it's solved over 120 times consecutively if num_streaks > STREAK_TO_END: print("Task solved in %d episodes and repeated %d times." % (episode_number, num_streaks)) break if episode_number % EPISODES_PER_SAVE == 0: agent.brain.model.save_model(os.path.join(TRAINED_MODEL_DIR, TRAINED_MODEL_NAME), False) agent.brain.model.save_model(os.path.join(TRAINED_MODEL_DIR, TRAINED_MODEL_NAME), False) if GYM_ENABLE_UPLOAD: env.monitor.close() gym.upload(GYM_VIDEO_PATH, api_key=GYM_API_KEY) # testing the model test(os.path.join(TRAINED_MODEL_DIR, TRAINED_MODEL_NAME), num_episodes=10)
tuzzer/ai-gym
atari_breakout/atari_breakout_dqn_cntk.py
Python
mit
11,222
the_count = [1, 2, 3, 4, 5] fruits = ['apple', 'oranges', 'pears', 'apricots',] change = [1, 'pennies', 2, 'dimes', 3, 'quarters',] #this first kind of for-loop goes through a list for number in the_count: print("This is count %d" % number) # same as above for fruit in fruits: print("A fruit of type: %s" % fruit) # also we can go through mixed lists too # notice we have to use %r since we don't know what's in it for i in change: print("I got %r " % i) # we can alse build lists, first start with an empty one elements = [] # then use the range function to do 0 to 5 counts for i in range(0,6): print("Adding %d to the list." % i) # append is a function that lists understand elements.append(i) # now we can print them out too for i in elements: print("Element was: %d" % i)
sunrin92/LearnPython
1-lpthw/ex32.py
Python
mit
812
"""adding timestamps to all tables Revision ID: c0a714ade734 Revises: 1a886e694fca Create Date: 2016-04-20 14:46:06.407765 """ # revision identifiers, used by Alembic. revision = 'c0a714ade734' down_revision = '1a886e694fca' branch_labels = None depends_on = None from alembic import op import sqlalchemy as sa def upgrade(engine_name): globals()["upgrade_%s" % engine_name]() def downgrade(engine_name): globals()["downgrade_%s" % engine_name]() def upgrade_validation(): ### commands auto generated by Alembic - please adjust! ### op.add_column('field_type', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('field_type', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('file_columns', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('file_columns', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('file_type', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('file_type', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('multi_field_rule', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('multi_field_rule', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('multi_field_rule_type', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('multi_field_rule_type', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('rule', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('rule', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('rule_timing', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('rule_timing', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('rule_type', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('rule_type', sa.Column('updated_at', sa.DateTime(), nullable=True)) op.add_column('tas_lookup', sa.Column('created_at', sa.DateTime(), nullable=True)) op.add_column('tas_lookup', sa.Column('updated_at', sa.DateTime(), nullable=True)) ### end Alembic commands ### def downgrade_validation(): ### commands auto generated by Alembic - please adjust! ### op.drop_column('tas_lookup', 'updated_at') op.drop_column('tas_lookup', 'created_at') op.drop_column('rule_type', 'updated_at') op.drop_column('rule_type', 'created_at') op.drop_column('rule_timing', 'updated_at') op.drop_column('rule_timing', 'created_at') op.drop_column('rule', 'updated_at') op.drop_column('rule', 'created_at') op.drop_column('multi_field_rule_type', 'updated_at') op.drop_column('multi_field_rule_type', 'created_at') op.drop_column('multi_field_rule', 'updated_at') op.drop_column('multi_field_rule', 'created_at') op.drop_column('file_type', 'updated_at') op.drop_column('file_type', 'created_at') op.drop_column('file_columns', 'updated_at') op.drop_column('file_columns', 'created_at') op.drop_column('field_type', 'updated_at') op.drop_column('field_type', 'created_at') ### end Alembic commands ###
fedspendingtransparency/data-act-validator
dataactvalidator/migrations/versions/c0a714ade734_adding_timestamps_to_all_tables.py
Python
cc0-1.0
3,174
from cStringIO import StringIO from struct import pack, unpack, error as StructError from .log import log from .structures import fields class DBFile(object): """ Base class for WDB and DBC files """ @classmethod def open(cls, file, build, structure, environment): if isinstance(file, basestring): file = open(file, "rb") instance = cls(file, build, environment) instance._readHeader() instance.setStructure(structure) instance._rowDynamicFields = 0 # Dynamic fields index, used when parsing a row instance._readAddresses() return instance def __init__(self, file=None, build=None, environment=None): self._addresses = {} self._values = {} self.file = file self.build = build self.environment = environment def __repr__(self): return "%s(file=%r, build=%r)" % (self.__class__.__name__, self.file, self.build) def __contains__(self, id): return id in self._addresses def __getitem__(self, item): if isinstance(item, slice): keys = sorted(self._addresses.keys())[item] return [self[k] for k in keys] if item not in self._values: self._parse_row(item) return self._values[item] def __setitem__(self, item, value): if not isinstance(item, int): raise TypeError("DBFile indices must be integers, not %s" % (type(item))) if isinstance(value, DBRow): self._values[item] = value self._addresses[item] = -1 else: # FIXME technically we should allow DBRow, but this is untested and will need resetting parent raise TypeError("Unsupported type for DBFile.__setitem__: %s" % (type(value))) def __delitem__(self, item): if item in self._values: del self._values[item] del self._addresses[item] def __iter__(self): return self._addresses.__iter__() def __len__(self): return len(self._addresses) def _add_row(self, id, address, reclen): if id in self._addresses: # Something's wrong here log.warning("Multiple instances of row %r found in %s" % (id, self.file.name)) self._addresses[id] = (address, reclen) def _parse_field(self, data, field, row=None): """ Parse a single field in stream. """ if field.dyn > self._rowDynamicFields: return None # The column doesn't exist in this row, we set it to None ret = None try: if isinstance(field, fields.StringField): ret = self._parse_string(data) elif isinstance(field, fields.DataField): # wowcache.wdb length = getattr(row, field.master) ret = data.read(length) elif isinstance(field, fields.DynamicMaster): ret, = unpack("<I", data.read(4)) self._rowDynamicFields = ret else: ret, = unpack("<%s" % (field.char), data.read(field.size)) except StructError: log.warning("Field %s could not be parsed properly" % (field)) ret = None return ret def supportsSeeking(self): return hasattr(self.file, "seek") def append(self, row): """ Append a row at the end of the file. If the row does not have an id, one is automatically assigned. """ i = len(self) + 1 # FIXME this wont work properly in incomplete files if "_id" not in row: row["_id"] = i self[i] = row def clear(self): """ Delete every row in the file """ for k in self.keys(): # Use key, otherwise we get RuntimeError: dictionary changed size during iteration del self[k] def keys(self): return self._addresses.keys() def items(self): return [(k, self[k]) for k in self] def parse_row(self, data, reclen=0): """ Assign data to a DBRow instance """ return DBRow(self, data=data, reclen=reclen) def values(self): """ Return a list of the file's values """ return [self[id] for id in self] def setRow(self, key, **values): self.__setitem__(key, DBRow(self, columns=values)) def size(self): if hasattr(self.file, "size"): return self.file.size() elif isinstance(self.file, file): from os.path import getsize return getsize(self.file.name) raise NotImplementedError def update(self, other): """ Update file from iterable other """ for k in other: self[k] = other[k] def write(self, filename=""): """ Write the file data on disk. If filename is not given, use currently opened file. """ _filename = filename or self.file.name data = self.header.data() + self.data() + self.eof() f = open(_filename, "wb") # Don't open before calling data() as uncached rows would be empty f.write(data) f.close() log.info("Written %i bytes at %s" % (len(data), f.name)) if not filename: # Reopen self.file, we modified it # XXX do we need to wipe self._values here? self.file.close() self.file = open(f.name, "rb") class DBRow(list): """ A database row. Names of the variables of that class should not be used in field names of structures """ initialized = False def __init__(self, parent, data=None, columns=None, reclen=0): self._parent = parent self._values = {} # Columns values storage self.structure = parent.structure self.initialized = True # needed for __setattr__ if columns: if type(columns) == list: self.extend(columns) elif type(columns) == dict: self._default() _cols = [k.name for k in self.structure] for k in columns: try: self[_cols.index(k)] = columns[k] except ValueError: log.warning("Column %r not found" % (k)) elif data: dynfields = 0 data = StringIO(data) for field in self.structure: _data = parent._parse_field(data, field, self) self.append(_data) if reclen: real_reclen = reclen + self._parent.row_header_size if data.tell() != real_reclen: log.warning("Reclen not respected for row %r. Expected %i, read %i. (%+i)" % (self.id, real_reclen, data.tell(), real_reclen-data.tell())) def __dir__(self): result = self.__dict__.keys() result.extend(self.structure.column_names) return result def __getattr__(self, attr): if attr in self.structure: return self._get_value(attr) if attr in self.structure._abstractions: # Union abstractions etc field, func = self.structure._abstractions[attr] return func(field, self) if "__" in attr: return self._query(attr) return super(DBRow, self).__getattribute__(attr) def __int__(self): return self.id def __setattr__(self, attr, value): # Do not preserve the value in DBRow! Use the save method to save. if self.initialized and attr in self.structure: self._set_value(attr, value) return super(DBRow, self).__setattr__(attr, value) def __setitem__(self, index, value): if not isinstance(index, int): raise TypeError("Expected int instance, got %s instead (%r)" % (type(index), index)) list.__setitem__(self, index, value) col = self.structure[index] self._values[col.name] = col.to_python(value, row=self) def _get_reverse_relation(self, table, field): """ Return a list of rows matching the reverse relation """ if not hasattr(self._parent, "_reverse_relation_cache"): self._parent._reverse_relation_cache = {} cache = self._parent._reverse_relation_cache tfield = table + "__" + field if tfield not in cache: cache[tfield] = {} # First time lookup, let's build the cache table = self._parent.environment.dbFile(table) for row in table: row = table[row] id = row._raw(field) if id not in cache[tfield]: cache[tfield][id] = [] cache[tfield][id].append(row) return cache[tfield].get(self.id, None) def _matches(self, **kwargs): for k, v in kwargs.items(): if not self._query(k, v): return False return True def _query(self, rel, value=None): """ Parse a django-like multilevel relationship """ rels = rel.split("__") if "" in rels: # empty string raise ValueError("Invalid relation string") first = rels[0] if not hasattr(self, first): if self._parent.environment.hasDbFile(first): # Handle reverse relations, eg spell__item for item table remainder = rel[len(first + "__"):] return self._get_reverse_relation(first, remainder) raise ValueError("Invalid relation string") ret = self rels = rels[::-1] special = { "contains": lambda x, y: x in y, "exact": lambda x, y: x == y, "icontains": lambda x, y: x.lower() in y.lower(), "iexact": lambda x, y: x.lower() == y.lower(), "gt": lambda x, y: x > y, "gte": lambda x, y: x >= y, "lt": lambda x, y: x < y, "lte": lambda x, y: x <= y, } while rels: if rels[-1] in special: if len(rels) != 1: # icontains always needs to be the last piece of the relation string raise ValueError("Invalid relation string") return special[rels[-1]](value, ret) else: ret = getattr(ret, rels.pop()) return ret def _set_value(self, name, value): index = self.structure.index(name) col = self.structure[index] self._values[name] = col.to_python(value, self) self[index] = value def _get_value(self, name): if name not in self._values: raw_value = self[self.structure.index(name)] self._set_value(name, raw_value) return self._values[name] def _raw(self, name): """ Returns the raw value from field 'name' """ index = self.structure.index(name) return self[index] def _save(self): for name in self._values: index = self.structure.index(name) col = self.structure[index] self[index] = col.from_python(self._values[name]) def _field(self, name): """ Returns the field 'name' """ index = self.structure.index(name) return self.structure[index] def _default(self): """ Change all fields to their default values """ del self[:] self._values = {} for col in self.structure: char = col.char if col.dyn: self.append(None) elif char == "s": self.append("") elif char == "f": self.append(0.0) else: self.append(0) def dict(self): """ Return a dict of the row as colname: value """ return dict(zip(self.structure.column_names, self)) def update(self, other): for k in other: self[k] = other[k] @property def id(self): "Temporary hack to transition between _id and id" return self._id
jleclanche/pywow
wdbc/main.py
Python
cc0-1.0
10,011
# -*- coding: utf-8 -*- # # Phaser Editor documentation build configuration file, created by # sphinx-quickstart on Thu May 25 08:35:14 2017. # # This file is execfile()d with the current directory set to its # containing dir. # # Note that not all possible configuration values are present in this # autogenerated file. # # All configuration values have a default; values that are commented out # serve to show the default. # If extensions (or modules to document with autodoc) are in another directory, # add these directories to sys.path here. If the directory is relative to the # documentation root, use os.path.abspath to make it absolute, like shown here. # # import os # import sys # sys.path.insert(0, os.path.abspath('.')) # -- General configuration ------------------------------------------------ # If your documentation needs a minimal Sphinx version, state it here. # # needs_sphinx = '1.0' # Add any Sphinx extension module names here, as strings. They can be # extensions coming with Sphinx (named 'sphinx.ext.*') or your custom # ones. extensions = [ #'rinoh.frontend.sphinx' ] # Add any paths that contain templates here, relative to this directory. templates_path = ['_templates'] # The suffix(es) of source filenames. # You can specify multiple suffix as a list of string: # # source_suffix = ['.rst', '.md'] source_suffix = '.rst' # The master toctree document. master_doc = 'index' # General information about the project. project = u'Phaser Editor 2D' copyright = u'2016-2020, Arian Fornaris' author = u'Arian Fornaris' # The version info for the project you're documenting, acts as replacement for # |version| and |release|, also used in various other places throughout the # built documents. # # The short X.Y version. version = u'2.1.7' # The full version, including alpha/beta/rc tags. release = u'2.1.7' # The language for content autogenerated by Sphinx. Refer to documentation # for a list of supported languages. # # This is also used if you do content translation via gettext catalogs. # Usually you set "language" from the command line for these cases. language = None # List of patterns, relative to source directory, that match files and # directories to ignore when looking for source files. # This patterns also effect to html_static_path and html_extra_path exclude_patterns = ['_build', 'Thumbs.db', '.DS_Store'] # The name of the Pygments (syntax highlighting) style to use. # pygments_style = 'sphinx' # If true, `todo` and `todoList` produce output, else they produce nothing. todo_include_todos = False # -- Options for HTML output ---------------------------------------------- # The theme to use for HTML and HTML Help pages. See the documentation for # a list of builtin themes. # #import sphinx_rtd_theme html_theme = "phaser-editor" # Uncomment for generate Eclipse Offline Help #html_theme = "eclipse-help" html_theme_path = ["_themes"] html_show_sourcelink = False html_show_sphinx = False html_favicon = "logo.png" html_title = "Phaser Editor Help" html_show_copyright = True print(html_theme_path) #html_theme = 'classic' highlight_language = 'javascript' # Theme options are theme-specific and customize the look and feel of a theme # further. For a list of options available for each theme, see the # documentation. # # html_theme_options = {} # Add any paths that contain custom static files (such as style sheets) here, # relative to this directory. They are copied after the builtin static files, # so a file named "default.css" will overwrite the builtin "default.css". html_static_path = ['_static'] # -- Options for HTMLHelp output ------------------------------------------ # Output file base name for HTML help builder. htmlhelp_basename = 'PhaserEditordoc' # -- Options for LaTeX output --------------------------------------------- latex_elements = { # The paper size ('letterpaper' or 'a4paper'). # 'papersize': 'letterpaper', # The font size ('10pt', '11pt' or '12pt'). # 'pointsize': '10pt', # Additional stuff for the LaTeX preamble. # 'preamble': '', # Latex figure (float) alignment # 'figure_align': 'htbp', } # Grouping the document tree into LaTeX files. List of tuples # (source start file, target name, title, # author, documentclass [howto, manual, or own class]). latex_documents = [ (master_doc, 'PhaserEditor2D.tex', u'Phaser Editor 2D Documentation', u'Arian Fornaris', 'manual'), ] # -- Options for Texinfo output ------------------------------------------- # Grouping the document tree into Texinfo files. List of tuples # (source start file, target name, title, author, # dir menu entry, description, category) texinfo_documents = [ (master_doc, 'PhaserEditor2D', u'Phaser Editor 2D Documentation', author, 'Arian', 'A friendly HTML5 game IDE.', 'Miscellaneous'), ]
boniatillo-com/PhaserEditor
docs/v2/conf.py
Python
epl-1.0
4,869
# -*- coding: utf-8 -*- """ *************************************************************************** SplitRGBBands.py --------------------- Date : August 2012 Copyright : (C) 2012 by Victor Olaya Email : volayaf at gmail dot com *************************************************************************** * * * This program is free software; you can redistribute it and/or modify * * it under the terms of the GNU General Public License as published by * * the Free Software Foundation; either version 2 of the License, or * * (at your option) any later version. * * * *************************************************************************** """ from processing.tools.system import * from processing.tools import dataobjects from processing.saga.SagaUtils import SagaUtils __author__ = 'Victor Olaya' __date__ = 'August 2012' __copyright__ = '(C) 2012, Victor Olaya' # This will get replaced with a git SHA1 when you do a git archive __revision__ = '$Format:%H$' from PyQt4 import QtGui from processing.core.GeoAlgorithm import GeoAlgorithm from processing.parameters.ParameterRaster import ParameterRaster from processing.outputs.OutputRaster import OutputRaster import os class SplitRGBBands(GeoAlgorithm): INPUT = "INPUT" R = "R" G = "G" B = "B" def getIcon(self): return QtGui.QIcon(os.path.dirname(__file__) + "/../images/saga.png") def defineCharacteristics(self): self.name = "Split RGB bands" self.group = "Grid - Tools" self.addParameter(ParameterRaster(SplitRGBBands.INPUT, "Input layer", False)) self.addOutput(OutputRaster(SplitRGBBands.R, "Output R band layer")) self.addOutput(OutputRaster(SplitRGBBands.G, "Output G band layer")) self.addOutput(OutputRaster(SplitRGBBands.B, "Output B band layer")) def processAlgorithm(self, progress): #TODO:check correct num of bands input = self.getParameterValue(SplitRGBBands.INPUT) temp = getTempFilename(None).replace('.',''); basename = os.path.basename(temp) validChars = "abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789" safeBasename = ''.join(c for c in basename if c in validChars) temp = os.path.join(os.path.dirname(temp), safeBasename) r = self.getOutputValue(SplitRGBBands.R) g = self.getOutputValue(SplitRGBBands.G) b = self.getOutputValue(SplitRGBBands.B) commands = [] if isWindows(): commands.append("io_gdal 0 -GRIDS \"" + temp + "\" -FILES \"" + input+"\"") commands.append("io_gdal 1 -GRIDS \"" + temp + "_0001.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + r + "\""); commands.append("io_gdal 1 -GRIDS \"" + temp + "_0002.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + g + "\""); commands.append("io_gdal 1 -GRIDS \"" + temp + "_0003.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + b + "\""); else: commands.append("libio_gdal 0 -GRIDS \"" + temp + "\" -FILES \"" + input + "\"") commands.append("libio_gdal 1 -GRIDS \"" + temp + "_0001.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + r + "\""); commands.append("libio_gdal 1 -GRIDS \"" + temp + "_0002.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + g + "\""); commands.append("libio_gdal 1 -GRIDS \"" + temp + "_0003.sgrd\" -FORMAT 1 -TYPE 0 -FILE \"" + b + "\""); SagaUtils.createSagaBatchJobFileFromSagaCommands(commands) SagaUtils.executeSaga(progress);
camptocamp/QGIS
python/plugins/processing/saga/SplitRGBBands.py
Python
gpl-2.0
3,715
#!/usr/bin/python2.3 # This is the short name of the plugin, used as the menu item # for the plugin. # If not specified, the name of the file will be used. shortname = "Moment Curve layout (Cohen et al. 1995)" # This is the long name of the plugin, used as the menu note # for the plugin. # If not specified, the short name will be used. name = "Moment Curve layout, O(n^3)" DEBUG = False def run(context, UI): """ Run this plugin. """ if len(context.graph.vertices) < 1: generate = True else: res = UI.prYesNo("Use current graph?", "Would you like to apply the layout to the current graph? If not, a complete graph will be generated and the current graph cleared.") if res: generate = False # Go through and eliminate any existing bend points from graph import DummyVertex for v in [x for x in context.graph.vertices if isinstance(x, DummyVertex)]: context.graph.removeVertex(v) else: generate = True if generate: N = UI.prType("Number of Vertices", "Input number of vertices to generate complete graph:", int, 4) if N == None: return True while N < 0: N = UI.prType("Number of Vertices", "Please input positive value.\n\nInput number of vertices to generate complete graph:", int, N) if N == None: return True context.graph.clear() # Generate a complete graph k_n(context, N) res = UI.prYesNo("Use mod-p layout?", "Would you like to use the mod-p compact layout (O(n^3) volume)? If not, the O(n^6) uncompacted layout will be used.") # Lay it out according to the 1bend layout moment(context, compact=res) context.camera.lookAtGraph(context.graph, context.graph.centerOfMass(), offset=context.graph.viewpoint()) return True def k_n(C, n): """ k_n (C, n) -> void Create a complete graph on n vertices in context C. """ from graph import Vertex, DummyVertex G = C.graph G.clear() # Add n vertices for i in range(n): G.addVertex(Vertex(id='%d' % i, name='v%d' % i)) # For every pair of vertices (u, v): for u in G.vertices: for v in G.vertices: # ignoring duplicates and u==v if (u, v) not in G.edges and (v, u) not in G.edges and u != v: # add an edge between u and v G.addEdge((u, v)) def moment(C, compact=False): """ Run moment curve layout (Cohen, Eades, Lin, Ruskey 1995). """ G = C.graph from math import sqrt, ceil, floor from graph import DummyVertex, GraphError import colorsys vertices = [x for x in G.vertices if not isinstance(x, DummyVertex)] n = len(vertices) # Choose a prime p with n < p <= 2n for p in range(n + 1, 2 * n + 1): for div in range(2, p / 2): if p % div == 0: # print "%d is not a prime (div by %d)" % (p, div) break else: # We did not find a divisor # print "%d is a prime!" % p break else: # Can't happen! raise Exception, "Can't find a prime between %d and %d!" % (n + 1, 2 * n) # Position each vertex if compact: for i in range(n): G.modVertex(vertices[i]).pos = (i * 10, ((i * i) % p) * 10, ((i * i * i) % p) * 10) else: for i in range(n): G.modVertex(vertices[i]).pos = (i, (i * i), (i * i * i)) return
ulethHCI/GLuskap
plugins/moment_curve.py
Python
gpl-2.0
3,644
# -*- coding: utf-8 -*- # ..#######.########.#######.##....#..######..######.########....###...########.#######.########..######. # .##.....#.##.....#.##......###...#.##....#.##....#.##.....#...##.##..##.....#.##......##.....#.##....## # .##.....#.##.....#.##......####..#.##......##......##.....#..##...##.##.....#.##......##.....#.##...... # .##.....#.########.######..##.##.#..######.##......########.##.....#.########.######..########..######. # .##.....#.##.......##......##..###.......#.##......##...##..########.##.......##......##...##........## # .##.....#.##.......##......##...##.##....#.##....#.##....##.##.....#.##.......##......##....##.##....## # ..#######.##.......#######.##....#..######..######.##.....#.##.....#.##.......#######.##.....#..######. ''' OpenScrapers Project This program is free software: you can redistribute it and/or modify it under the terms of the GNU General Public License as published by the Free Software Foundation, either version 3 of the License, or (at your option) any later version. This program is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for more details. You should have received a copy of the GNU General Public License along with this program. If not, see <http://www.gnu.org/licenses/>. ''' import re from openscrapers.modules import cleantitle, source_utils, cfscrape class source: def __init__(self): self.priority = 1 self.language = ['en'] self.domains = ['coolmoviezone.online'] self.base_link = 'https://coolmoviezone.online' self.scraper = cfscrape.create_scraper() def movie(self, imdb, title, localtitle, aliases, year): try: title = cleantitle.geturl(title) url = self.base_link + '/%s-%s' % (title, year) return url except: return def sources(self, url, hostDict, hostprDict): try: sources = [] r = self.scraper.get(url).content match = re.compile('<td align="center"><strong><a href="(.+?)"').findall(r) for url in match: host = url.split('//')[1].replace('www.', '') host = host.split('/')[0].split('.')[0].title() quality = source_utils.check_sd_url(url) sources.append({'source': host, 'quality': quality, 'language': 'en', 'url': url, 'direct': False, 'debridonly': False}) except Exception: return return sources def resolve(self, url): return url
repotvsupertuga/tvsupertuga.repository
script.module.openscrapers/lib/openscrapers/sources_openscrapers/en/coolmoviezone.py
Python
gpl-2.0
2,749
''' Ohm's law is a simple equation describing electrical circuits. It states that the voltage V through a resistor is equal to the current (I) times the resistance: V = I * R The units of these are volts, ampheres (or "amps"), and ohms, respectively. In real circuits, often R is actually measured in kiloohms (10**3 ohms) and I in milliamps (10**-3 amps). Let's create a Resistor class that models this behavior. The constructor takes two arguments - the resistance in ohms, and the voltage in volts: >>> resistor = Resistor(800, 5.5) >>> resistor.resistance 800 >>> resistor.voltage 5.5 The current is derived from these two using Ohm's law: (Hint: use @property) >>> resistor.current 0.006875 Since we may want the value in milliamps, let's make another property to provide that: >>> resistor.current_in_milliamps 6.875 Let's set it up so that we can change the current, and doing so will correspondingly modify the voltage (but keep the resistance constant). >>> resistor.current_in_milliamps = 3.5 >>> resistor.resistance 800 >>> round(resistor.voltage, 2) 2.8 >>> resistor.current = .006875 >>> round(resistor.voltage, 2) 5.5 >>> resistor.resistance 800 Also, we've made a design decision that a Resistor cannot change its resistance value once created: >>> resistor.resistance = 8200 Traceback (most recent call last): AttributeError: can't set attribute ''' # Write your code here: class Resistor: def __init__(self, resistance, voltage): self._resistance = resistance self.voltage = voltage @property def resistance(self): return self._resistance @property def current(self): return self.voltage / self.resistance @current.setter def current(self, value): self.voltage = self.resistance * value @property def current_in_milliamps(self): return self.current * 1000 @current_in_milliamps.setter def current_in_milliamps(self, value): self.current = value / 1000 # Do not edit any code below this line! if __name__ == '__main__': import doctest count, _ = doctest.testmod() if count == 0: print('*** ALL TESTS PASS ***\nGive someone a HIGH FIVE!') # Copyright 2015-2018 Aaron Maxwell. All rights reserved.
ketan-analytics/learnpython
Safaribookonline-Python/courseware-btb/solutions/py3/patterns/properties_extra.py
Python
gpl-2.0
2,255
# coding=utf-8 # --------------------------------------------------------------- # Desenvolvedor: Arannã Sousa Santos # Mês: 12 # Ano: 2015 # Projeto: pagseguro_xml # e-mail: asousas@live.com # --------------------------------------------------------------- import logging from pagseguro_xml.notificacao import ApiPagSeguroNotificacao_v3, CONST_v3 logger = logging.basicConfig(level=logging.DEBUG) PAGSEGURO_API_AMBIENTE = u'sandbox' PAGSEGURO_API_EMAIL = u'seu@email.com' PAGSEGURO_API_TOKEN_PRODUCAO = u'' PAGSEGURO_API_TOKEN_SANDBOX = u'' CHAVE_NOTIFICACAO = u'AA0000-AA00A0A0AA00-AA00AA000000-AA0000' # ela éh de producao api = ApiPagSeguroNotificacao_v3(ambiente=CONST_v3.AMBIENTE.SANDBOX) PAGSEGURO_API_TOKEN = PAGSEGURO_API_TOKEN_PRODUCAO ok, retorno = api.consulta_notificacao_transacao_v3(PAGSEGURO_API_EMAIL, PAGSEGURO_API_TOKEN, CHAVE_NOTIFICACAO) if ok: print u'-' * 50 print retorno.xml print u'-' * 50 for a in retorno.alertas: print a else: print u'Motivo do erro:', retorno
arannasousa/pagseguro_xml
exemplos/testes_notificacao.py
Python
gpl-2.0
1,090
# # # (C) Copyright 2001 The Internet (Aust) Pty Ltd # ACN: 082 081 472 ABN: 83 082 081 472 # All Rights Reserved # # THIS SOFTWARE IS PROVIDED BY THE AUTHOR AND CONTRIBUTORS ``AS IS'' AND # ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE # IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE # ARE DISCLAIMED. IN NO EVENT SHALL THE AUTHOR OR CONTRIBUTORS BE LIABLE # FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL # DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS # OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) # HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT # LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY # OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF # SUCH DAMAGE. # # Author: Andrew Milton <akm@theinternet.com.au> # $Id: Plugins.py,v 1.5 2004/11/10 14:15:33 akm Exp $ import App, Globals, OFS import string import time from Globals import ImageFile, HTMLFile, HTML, MessageDialog, package_home from OFS.Folder import Folder class PluginRegister: def __init__(self, name, description, pluginClass, pluginStartForm, pluginStartMethod, pluginEditForm=None, pluginEditMethod=None): self.name=name #No Spaces please... self.description=description self.plugin=pluginClass self.manage_addForm=pluginStartForm self.manage_addMethod=pluginStartMethod self.manage_editForm=pluginEditForm self.manage_editMethod=pluginEditMethod class CryptoPluginRegister: def __init__(self, name, crypto, description, pluginMethod): self.name = name #No Spaces please... self.cryptoMethod = crypto self.description = description self.plugin = pluginMethod
denys-duchier/Scolar
ZopeProducts/exUserFolder/Plugins.py
Python
gpl-2.0
1,784
#!/usr/bin/python "feed fetcher" from db import MySQLDatabase from fetcher import FeedFetcher def main(): db = MySQLDatabase() fetcher = FeedFetcher() feeds = db.get_feeds(offset=0, limit=10) read_count = 10 while len(feeds) > 0: for feed in feeds: fid = feed[0] url = feed[1] title = feed[2] print "fetching #{0}: {1}".format(fid, url) entries = fetcher.fetch(url) for entry in entries: entry.feed_id = fid try: print "insert {0}".format(entry.url) except UnicodeEncodeError: print "insert {0}".format(entry.url.encode('utf-8')) db.append_feed_content(entry) feeds = db.get_feeds(offset=read_count, limit=10) read_count += 10 if __name__ == '__main__': main()
hylom/grrreader
backend/feedfetcher.py
Python
gpl-2.0
889
# จงเขียนโปรแกรมแสดงเลขคู่ในช่วง 0 ถึง 10 (รวม 10 ด้วย) for i in range(11): if (i % 2 == 0): print(i)
supasate/word_prediction
Chapter4/4-7-even-solution.py
Python
gpl-2.0
193
#!/usr/bin/env python import math fin = open('figs/single-rod-in-water.dat', 'r') fout = open('figs/single-rods-calculated-density.dat', 'w') kB = 3.16681539628059e-6 # This is Boltzmann's constant in Hartree/Kelvin first = 1 nm = 18.8972613 for line in fin: current = str(line) pieces = current.split('\t') if first: r2 = float(pieces[0])/2*nm E2 = float(pieces[1]) first = 0 else: if ((float(pieces[0])/2*nm - r2) > 0.25): r1 = r2 r2 = float(pieces[0])/2*nm E1 = E2 E2 = float(pieces[1]) # actually it's energy per unit length! length = 1 # arbitrary r = (r1 + r2)/2 dEdR = (E2-E1)/(r2-r1)*length area = 2*math.pi*r*length force = dEdR pressure = force/area kT = kB*298 # about this ncontact = pressure/kT fout.write(str(r)+'\t'+str(ncontact)+'\n') fin.close() fout.close()
droundy/deft
papers/hughes-saft/figs/density_calc.py
Python
gpl-2.0
986
import win32pipe import win32console import win32process import time import win32con import codecs import ctypes user32 = ctypes.windll.user32 CONQUE_WINDOWS_VK = { '3' : win32con.VK_CANCEL, '8' : win32con.VK_BACK, '9' : win32con.VK_TAB, '12' : win32con.VK_CLEAR, '13' : win32con.VK_RETURN, '17' : win32con.VK_CONTROL, '20' : win32con.VK_CAPITAL, '27' : win32con.VK_ESCAPE, '28' : win32con.VK_CONVERT, '35' : win32con.VK_END, '36' : win32con.VK_HOME, '37' : win32con.VK_LEFT, '38' : win32con.VK_UP, '39' : win32con.VK_RIGHT, '40' : win32con.VK_DOWN, '45' : win32con.VK_INSERT, '46' : win32con.VK_DELETE, '47' : win32con.VK_HELP } def make_input_key(c, control_key_state=None): kc = win32console.PyINPUT_RECORDType (win32console.KEY_EVENT) kc.KeyDown = True kc.RepeatCount = 1 cnum = ord(c) if cnum == 3: pid_list = win32console.GetConsoleProcessList() win32console.GenerateConsoleCtrlEvent(win32con.CTRL_C_EVENT, 0) return else: kc.Char = unicode(c) if str(cnum) in CONQUE_WINDOWS_VK: kc.VirtualKeyCode = CONQUE_WINDOWS_VK[str(cnum)] else: kc.VirtualKeyCode = ctypes.windll.user32.VkKeyScanA(cnum) #kc.VirtualKeyCode = ctypes.windll.user32.VkKeyScanA(cnum+96) #kc.ControlKeyState = win32con.LEFT_CTRL_PRESSED return kc #win32console.AttachConsole() coord = win32console.PyCOORDType con_stdout = win32console.GetStdHandle(win32console.STD_OUTPUT_HANDLE) con_stdin = win32console.GetStdHandle(win32console.STD_INPUT_HANDLE) flags = win32process.NORMAL_PRIORITY_CLASS si = win32process.STARTUPINFO() si.dwFlags |= win32con.STARTF_USESHOWWINDOW (handle1, handle2, i1, i2) = win32process.CreateProcess(None, "cmd.exe", None, None, 0, flags, None, '.', si) time.sleep(1) #size = con_stdout.GetConsoleScreenBufferInfo()['Window'] # with codecs.open("log.txt", "w", "utf8") as f: # for i in xrange(0, size.Bottom): # f.write(con_stdout.ReadConsoleOutputCharacter(size.Right+1, coord(0, i))) # f.write("\n") import socket s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) HOST = "127.0.0.1" PORT = 5554 s.setsockopt(socket.SOL_SOCKET, socket.SO_REUSEADDR, 1) s.bind((HOST, PORT)) s.listen(1) (sc, scname) = s.accept() while True: msg = sc.recv(1) if ord(msg) == 0: break keys = [make_input_key(msg)] if keys: con_stdin.WriteConsoleInput(keys) win32process.TerminateProcess(handle1, 0)
viswimmer1/PythonGenerator
data/python_files/34574373/cmss.py
Python
gpl-2.0
2,623
import urllib2 import appuifw, e32 from key_codes import * class Drinker(object): def __init__(self): self.id = 0 self.name = "" self.prom = 0.0 self.idle = "" self.drinks = 0 def get_drinker_list(): data = urllib2.urlopen("http://192.168.11.5:8080/drinkcounter/get_datas/").read().split("\n") drinkers = [] for data_row in data: if data_row == '': continue fields = data_row.split('|') drinker = Drinker() drinker.id = int(fields[0]) drinker.name = fields[1] drinker.drinks = int(fields[2]) drinker.prom = float(fields[3]) drinker.idle = fields[4] drinkers.append(drinker) return drinkers def get_listbox_items(drinkers): items = [] for drinker in drinkers: items.append(unicode('%s, %d drinks, %s' % (drinker.name, drinker.drinks, drinker.idle))) return items appuifw.app.title = u"Alkoholilaskuri" app_lock = e32.Ao_lock() #Define the exit function def quit(): app_lock.signal() appuifw.app.exit_key_handler = quit drinkers = get_drinker_list() items = get_listbox_items(drinkers) #Define a function that is called when an item is selected def handle_selection(): selected_drinker = drinkers[lb.current()] urllib2.urlopen("http://192.168.11.5:8080/drinkcounter/add_drink/%d/" % (selected_drinker.id)) appuifw.note(u"A drink has been added to " + drinkers[lb.current()].name, 'info') new_drinkers = get_drinker_list() items = get_listbox_items(new_drinkers) lb.set_list(items, lb.current()) #Create an instance of Listbox and set it as the application's body lb = appuifw.Listbox(items, handle_selection) appuifw.app.body = lb app_lock.wait()
deggis/drinkcounter
clients/s60-python/client.py
Python
gpl-2.0
1,757
from config import config, ConfigSlider, ConfigSelection, ConfigYesNo, \ ConfigEnableDisable, ConfigSubsection, ConfigBoolean, ConfigSelectionNumber, ConfigNothing, NoSave from enigma import eAVSwitch, getDesktop from SystemInfo import SystemInfo from os import path as os_path class AVSwitch: def setInput(self, input): INPUT = { "ENCODER": 0, "SCART": 1, "AUX": 2 } eAVSwitch.getInstance().setInput(INPUT[input]) def setColorFormat(self, value): eAVSwitch.getInstance().setColorFormat(value) def setAspectRatio(self, value): eAVSwitch.getInstance().setAspectRatio(value) def setSystem(self, value): eAVSwitch.getInstance().setVideomode(value) def getOutputAspect(self): valstr = config.av.aspectratio.value if valstr in ("4_3_letterbox", "4_3_panscan"): # 4:3 return (4,3) elif valstr == "16_9": # auto ... 4:3 or 16:9 try: aspect_str = open("/proc/stb/vmpeg/0/aspect", "r").read() if aspect_str == "1": # 4:3 return (4,3) except IOError: pass elif valstr in ("16_9_always", "16_9_letterbox"): # 16:9 pass elif valstr in ("16_10_letterbox", "16_10_panscan"): # 16:10 return (16,10) return (16,9) def getFramebufferScale(self): aspect = self.getOutputAspect() fb_size = getDesktop(0).size() return (aspect[0] * fb_size.height(), aspect[1] * fb_size.width()) def getAspectRatioSetting(self): valstr = config.av.aspectratio.value if valstr == "4_3_letterbox": val = 0 elif valstr == "4_3_panscan": val = 1 elif valstr == "16_9": val = 2 elif valstr == "16_9_always": val = 3 elif valstr == "16_10_letterbox": val = 4 elif valstr == "16_10_panscan": val = 5 elif valstr == "16_9_letterbox": val = 6 return val def setAspectWSS(self, aspect=None): if not config.av.wss.value: value = 2 # auto(4:3_off) else: value = 1 # auto eAVSwitch.getInstance().setWSS(value) def InitAVSwitch(): config.av = ConfigSubsection() config.av.yuvenabled = ConfigBoolean(default=False) colorformat_choices = {"cvbs": _("CVBS"), "rgb": _("RGB"), "svideo": _("S-Video")} # when YUV is not enabled, don't let the user select it if config.av.yuvenabled.value: colorformat_choices["yuv"] = _("YPbPr") # ikseong config.av.colorformat = ConfigSelection(choices=colorformat_choices, default="cvbs") config.av.aspectratio = ConfigSelection(choices={ "4_3_letterbox": _("4:3 Letterbox"), "4_3_panscan": _("4:3 PanScan"), "16_9": _("16:9"), "16_9_always": _("16:9 always"), "16_10_letterbox": _("16:10 Letterbox"), "16_10_panscan": _("16:10 PanScan"), "16_9_letterbox": _("16:9 Letterbox")}, default = "4_3_letterbox") config.av.aspect = ConfigSelection(choices={ "4_3": _("4:3"), "16_9": _("16:9"), "16_10": _("16:10"), "auto": _("Automatic")}, default = "auto") config.av.policy_169 = ConfigSelection(choices={ # TRANSLATORS: (aspect ratio policy: black bars on top/bottom) in doubt, keep english term. "letterbox": _("Letterbox"), # TRANSLATORS: (aspect ratio policy: cropped content on left/right) in doubt, keep english term "panscan": _("Pan&Scan"), # TRANSLATORS: (aspect ratio policy: display as fullscreen, even if this breaks the aspect) "scale": _("Just Scale")}, default = "letterbox") config.av.policy_43 = ConfigSelection(choices={ # TRANSLATORS: (aspect ratio policy: black bars on left/right) in doubt, keep english term. "pillarbox": _("Pillarbox"), # TRANSLATORS: (aspect ratio policy: cropped content on left/right) in doubt, keep english term "panscan": _("Pan&Scan"), # TRANSLATORS: (aspect ratio policy: display as fullscreen, with stretching the left/right) "nonlinear": _("Nonlinear"), # TRANSLATORS: (aspect ratio policy: display as fullscreen, even if this breaks the aspect) "scale": _("Just Scale")}, default = "pillarbox") config.av.tvsystem = ConfigSelection(choices = {"pal": _("PAL"), "ntsc": _("NTSC"), "multinorm": _("multinorm")}, default="pal") config.av.wss = ConfigEnableDisable(default = True) config.av.defaultac3 = ConfigYesNo(default = False) config.av.generalAC3delay = ConfigSelectionNumber(-1000, 1000, 25, default = 0) config.av.generalPCMdelay = ConfigSelectionNumber(-1000, 1000, 25, default = 0) config.av.vcrswitch = ConfigEnableDisable(default = False) iAVSwitch = AVSwitch() def setColorFormat(configElement): map = {"cvbs": 0, "rgb": 1, "svideo": 2, "yuv": 3} iAVSwitch.setColorFormat(map[configElement.value]) def setAspectRatio(configElement): map = {"4_3_letterbox": 0, "4_3_panscan": 1, "16_9": 2, "16_9_always": 3, "16_10_letterbox": 4, "16_10_panscan": 5, "16_9_letterbox" : 6} iAVSwitch.setAspectRatio(map[configElement.value]) def setSystem(configElement): map = {"pal": 0, "ntsc": 1, "multinorm" : 2} iAVSwitch.setSystem(map[configElement.value]) def setWSS(configElement): iAVSwitch.setAspectWSS() # this will call the "setup-val" initial config.av.colorformat.addNotifier(setColorFormat) config.av.aspectratio.addNotifier(setAspectRatio) config.av.tvsystem.addNotifier(setSystem) config.av.wss.addNotifier(setWSS) iAVSwitch.setInput("ENCODER") # init on startup SystemInfo["ScartSwitch"] = eAVSwitch.getInstance().haveScartSwitch() try: can_downmix = open("/proc/stb/audio/ac3_choices", "r").read()[:-1].find("downmix") != -1 except: can_downmix = False SystemInfo["CanDownmixAC3"] = can_downmix if can_downmix: def setAC3Downmix(configElement): open("/proc/stb/audio/ac3", "w").write(configElement.value and "downmix" or "passthrough") config.av.downmix_ac3 = ConfigYesNo(default = True) config.av.downmix_ac3.addNotifier(setAC3Downmix) try: can_downmix_aac = open("/proc/stb/audio/aac_choices", "r").read()[:-1].find("downmix") != -1 except: can_downmix_aac = False SystemInfo["CanDownmixAAC"] = can_downmix_aac if can_downmix_aac: def setAACDownmix(configElement): open("/proc/stb/audio/aac", "w").write(configElement.value and "downmix" or "passthrough") config.av.downmix_aac = ConfigYesNo(default = True) config.av.downmix_aac.addNotifier(setAACDownmix) try: can_osd_alpha = open("/proc/stb/video/alpha", "r") and True or False except: can_osd_alpha = False SystemInfo["CanChangeOsdAlpha"] = can_osd_alpha def setAlpha(config): open("/proc/stb/video/alpha", "w").write(str(config.value)) if can_osd_alpha: config.av.osd_alpha = ConfigSlider(default=255, limits=(0,255)) config.av.osd_alpha.addNotifier(setAlpha) if os_path.exists("/proc/stb/vmpeg/0/pep_scaler_sharpness"): def setScaler_sharpness(config): myval = int(config.value) try: print "--> setting scaler_sharpness to: %0.8X" % myval open("/proc/stb/vmpeg/0/pep_scaler_sharpness", "w").write("%0.8X" % myval) open("/proc/stb/vmpeg/0/pep_apply", "w").write("1") except IOError: print "couldn't write pep_scaler_sharpness" config.av.scaler_sharpness = ConfigSlider(default=13, limits=(0,26)) config.av.scaler_sharpness.addNotifier(setScaler_sharpness) else: config.av.scaler_sharpness = NoSave(ConfigNothing())
eesatfan/vuplus-enigma2
lib/python/Components/AVSwitch.py
Python
gpl-2.0
7,088
import sys import time import logging from socketio import socketio_manage from socketio.mixins import BroadcastMixin from socketio.namespace import BaseNamespace from DataAggregation.webdata_aggregator import getAvailableWorkshops logger = logging.getLogger(__name__) std_out_logger = logging.StreamHandler(sys.stdout) logger.addHandler(std_out_logger) def broadcast_msg(server, ns_name, event, *args): pkt = dict(type="event", name=event, args=args, endpoint=ns_name) for sessid, socket in server.sockets.iteritems(): socket.send_packet(pkt) def workshops_monitor(server): sizes = [] workshops = getAvailableWorkshops() for w in workshops: tmp = [w.workshopName, w.q.qsize()] sizes.append(tmp) broadcast_msg(server, '', "sizes", tmp) while True: logger.info("Participants viewing frontend:" + str(len(server.sockets))) workshops_available = [] curr_workshops = getAvailableWorkshops() for w in curr_workshops: workshops_available.append([w.workshopName, w.q.qsize()]) wq = filter(lambda x: x[0] == w.workshopName, sizes)[0] if wq[1] != w.q.qsize(): wq[1] = w.q.qsize() logging.info("client_updater: New update being pushed to clients: " + str(wq)) broadcast_msg(server, '', 'sizes', wq) logger.info("Workshops available:" + str(workshops_available)) time.sleep(1) class RequestHandlerApp(object): def __call__(self, environ, start_response): if environ['PATH_INFO'].startswith('/socket.io'): socketio_manage(environ, {'': QueueStatusHandler}) class QueueStatusHandler(BaseNamespace, BroadcastMixin): def on_connect(self): sizes = [] workshops = getAvailableWorkshops() for w in workshops: tmp = [w.workshopName, w.q.qsize()] sizes.append(tmp) self.emit('sizes', tmp)
ARL-UTEP-OC/emubox
workshop-manager/bin/RequestHandler/client_updater.py
Python
gpl-2.0
2,004
def freq_month(obj): if obj is None or obj == []: return months = {1: 'jan', 2: 'feb', 3: 'mar', 4: 'apr', 5: 'may', 6: 'jun', 7: 'jul', 8: 'aug', 9: 'sep', 10: 'oct', 11: 'nov', 12: 'dec', } frequencies = [ 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0 ] # for i in range(0, len(obj)): # frequencies[ obj[i] -1] += 1 for i in obj: frequencies[ i-1 ] += 1 print "The following month(s) have a birthday celebration" for i in range(0, len(frequencies)): if frequencies[i] > 0: print str(months[i+1]) + " has " + str(frequencies[i]) return frequencies in_array = [3,6,2,7,7,7,] print freq_month(in_array) print freq_month([])
bluciam/ruby_versus_python
other/dicco_numbers.py
Python
gpl-2.0
857
# -*- coding: utf-8 -*- # # pynag - Python Nagios plug-in and configuration environment # Copyright (C) 2010 Drew Stinnet # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License along # with this program; if not, write to the Free Software Foundation, Inc., # 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA. """This module contains low-level Parsers for nagios configuration and status objects. Hint: If you are looking to parse some nagios configuration data, you probably want pynag.Model module instead. The highlights of this module are: class Config: For Parsing nagios local nagios configuration files class Livestatus: To connect to MK-Livestatus class StatusDat: To read info from status.dat (not used a lot, migrate to mk-livestatus) class LogFiles: To read nagios log-files class MultiSite: To talk with multiple Livestatus instances """ import os import re import time import sys import socket # for mk_livestatus import stat import pynag.Plugins import pynag.Utils import StringIO import tarfile _sentinel = object() class Config(object): """ Parse and write nagios config files """ # Regex for beginning of object definition # We want everything that matches: # define <object_type> { __beginning_of_object = re.compile("^\s*define\s+(\w+)\s*\{?(.*)$") def __init__(self, cfg_file=None, strict=False): """ Constructor for :py:class:`pynag.Parsers.config` class Args: cfg_file (str): Full path to nagios.cfg. If None, try to auto-discover location strict (bool): if True, use stricter parsing which is more prone to raising exceptions """ self.cfg_file = cfg_file # Main configuration file self.strict = strict # Use strict parsing or not # If nagios.cfg is not set, lets do some minor autodiscover. if self.cfg_file is None: self.cfg_file = self.guess_cfg_file() self.data = {} self.maincfg_values = [] self._is_dirty = False self.reset() # Initilize misc member variables def guess_nagios_directory(self): """ Returns a path to the nagios configuration directory on your system Use this function for determining the nagios config directory in your code Returns: str. directory containing the nagios.cfg file Raises: :py:class:`pynag.Parsers.ConfigFileNotFound` if cannot guess config file location. """ cfg_file = self.guess_cfg_file() if not cfg_file: raise ConfigFileNotFound("Could not find nagios.cfg") return os.path.dirname(cfg_file) def guess_nagios_binary(self): """ Returns a path to any nagios binary found on your system Use this function if you don't want specify path to the nagios binary in your code and you are confident that it is located in a common location Checked locations are as follows: * /usr/bin/nagios * /usr/sbin/nagios * /usr/local/nagios/bin/nagios * /nagios/bin/nagios * /usr/bin/icinga * /usr/sbin/icinga * /usr/bin/naemon * /usr/sbin/naemon * /usr/local/naemon/bin/naemon.cfg * /usr/bin/shinken * /usr/sbin/shinken Returns: str. Path to the nagios binary None if could not find a binary in any of those locations """ possible_files = ('/usr/bin/nagios', '/usr/sbin/nagios', '/usr/local/nagios/bin/nagios', '/nagios/bin/nagios', '/usr/bin/icinga', '/usr/sbin/icinga', '/usr/bin/naemon', '/usr/sbin/naemon', '/usr/local/naemon/bin/naemon.cfg', '/usr/bin/shinken', '/usr/sbin/shinken') possible_binaries = ('nagios', 'nagios3', 'naemon', 'icinga', 'shinken') for i in possible_binaries: command = ['which', i] code, stdout, stderr = pynag.Utils.runCommand(command=command, shell=False) if code == 0: return stdout.splitlines()[0].strip() return None def guess_cfg_file(self): """ Returns a path to any nagios.cfg found on your system Use this function if you don't want specify path to nagios.cfg in your code and you are confident that it is located in a common location Checked locations are as follows: * /etc/nagios/nagios.cfg * /etc/nagios3/nagios.cfg * /usr/local/nagios/etc/nagios.cfg * /nagios/etc/nagios/nagios.cfg * ./nagios.cfg * ./nagios/nagios.cfg * /etc/icinga/icinga.cfg * /usr/local/icinga/etc/icinga.cfg * ./icinga.cfg * ./icinga/icinga.cfg * /etc/naemon/naemon.cfg * /usr/local/naemon/etc/naemon.cfg * ./naemon.cfg * ./naemon/naemon.cfg * /etc/shinken/shinken.cfg Returns: str. Path to the nagios.cfg or equivalent file None if couldn't find a file in any of these locations. """ possible_files = ('/etc/nagios/nagios.cfg', '/etc/nagios3/nagios.cfg', '/usr/local/nagios/etc/nagios.cfg', '/nagios/etc/nagios/nagios.cfg', './nagios.cfg', './nagios/nagios.cfg', '/etc/icinga/icinga.cfg', '/usr/local/icinga/etc/icinga.cfg', './icinga.cfg', './icinga/icinga.cfg', '/etc/naemon/naemon.cfg', '/usr/local/naemon/etc/naemon.cfg', './naemon.cfg', './naemon/naemon.cfg', '/etc/shinken/shinken.cfg', ) for file_path in possible_files: if self.isfile(file_path): return file_path return None def reset(self): """ Reinitializes the data of a parser instance to its default values. """ self.cfg_files = [] # List of other configuration files self.data = {} # dict of every known object definition self.errors = [] # List of ParserErrors self.item_list = None self.item_cache = None self.maincfg_values = [] # The contents of main nagios.cfg self._resource_values = [] # The contents of any resource_files self.item_apply_cache = {} # This is performance tweak used by _apply_template # This is a pure listof all the key/values in the config files. It # shouldn't be useful until the items in it are parsed through with the proper # 'use' relationships self.pre_object_list = [] self.post_object_list = [] self.object_type_keys = { 'hostgroup': 'hostgroup_name', 'hostextinfo': 'host_name', 'host': 'host_name', 'service': 'name', 'servicegroup': 'servicegroup_name', 'contact': 'contact_name', 'contactgroup': 'contactgroup_name', 'timeperiod': 'timeperiod_name', 'command': 'command_name', #'service':['host_name','description'], } def _has_template(self, target): """ Determine if an item has a template associated with it Args: target (dict): Parsed item as parsed by :py:class:`pynag.Parsers.config` """ return 'use' in target def _get_pid(self): """ Checks the lock_file var in nagios.cfg and returns the pid from the file If the pid file does not exist, returns None. """ try: return self.open(self.get_cfg_value('lock_file'), "r").readline().strip() except Exception: return None def _get_hostgroup(self, hostgroup_name): """ Returns the hostgroup that matches the queried name. Args: hostgroup_name: Name of the hostgroup to be returned (string) Returns: Hostgroup item with hostgroup_name that matches the queried name. """ return self.data['all_hostgroup'].get(hostgroup_name, None) def _get_key(self, object_type, user_key=None): """ Return the correct 'key' for an item. This is mainly a helper method for other methods in this class. It is used to shorten code repetition. Args: object_type: Object type from which to obtain the 'key' (string) user_key: User defined key. Default None. (string) Returns: Correct 'key' for the object type. (string) """ if not user_key and not object_type in self.object_type_keys: raise ParserError("Unknown key for object type: %s\n" % object_type) # Use a default key if not user_key: user_key = self.object_type_keys[object_type] return user_key def _get_item(self, item_name, item_type): """ Return an item from a list Creates a cache of items in self.pre_object_list and returns an element from this cache. Looks for an item with corresponding name and type. Args: item_name: Name of the item to be returned (string) item_type: Type of the item to be returned (string) Returns: Item with matching name and type from :py:attr:`pynag.Parsers.config.item_cache` """ # create local cache for performance optimizations. TODO: Rewrite functions that call this function if not self.item_list: self.item_list = self.pre_object_list self.item_cache = {} for item in self.item_list: if not "name" in item: continue name = item['name'] tmp_item_type = (item['meta']['object_type']) if not tmp_item_type in self.item_cache: self.item_cache[tmp_item_type] = {} self.item_cache[tmp_item_type][name] = item my_cache = self.item_cache.get(item_type, None) if not my_cache: return None return my_cache.get(item_name, None) def _apply_template(self, original_item): """ Apply all attributes of item named parent_name to "original_item". Applies all of the attributes of parents (from the 'use' field) to item. Args: original_item: Item 'use'-ing a parent item. The parent's attributes will be concretely added to this item. Returns: original_item to which have been added all the attributes defined in parent items. """ # TODO: There is space for more performance tweaks here # If item does not inherit from anyone else, lets just return item as is. if 'use' not in original_item: return original_item object_type = original_item['meta']['object_type'] raw_definition = original_item['meta']['raw_definition'] my_cache = self.item_apply_cache.get(object_type, {}) # Performance tweak, if item has been parsed. Lets not do it again if raw_definition in my_cache: return my_cache[raw_definition] parent_names = original_item['use'].split(',') parent_items = [] for parent_name in parent_names: parent_item = self._get_item(parent_name, object_type) if parent_item is None: error_string = "Can not find any %s named %s\n" % (object_type, parent_name) self.errors.append(ParserError(error_string, item=original_item)) continue try: # Parent item probably has use flags on its own. So lets apply to parent first parent_item = self._apply_template(parent_item) except RuntimeError: t, e = sys.exc_info()[:2] self.errors.append(ParserError("Error while parsing item: %s (it might have circular use=)" % str(e), item=original_item)) parent_items.append(parent_item) inherited_attributes = original_item['meta']['inherited_attributes'] template_fields = original_item['meta']['template_fields'] for parent_item in parent_items: for k, v in parent_item.iteritems(): if k in ('use', 'register', 'meta', 'name'): continue if k not in inherited_attributes: inherited_attributes[k] = v if k not in original_item: original_item[k] = v template_fields.append(k) if 'name' in original_item: my_cache[raw_definition] = original_item return original_item def _get_items_in_file(self, filename): """ Return all items in the given file Iterates through all elements in self.data and gatehrs all the items defined in the queried filename. Args: filename: file from which are defined the items that will be returned. Returns: A list containing all the items in self.data that were defined in filename """ return_list = [] for k in self.data.keys(): for item in self[k]: if item['meta']['filename'] == filename: return_list.append(item) return return_list def get_new_item(self, object_type, filename): """ Returns an empty item with all necessary metadata Creates a new item dict and fills it with usual metadata: * object_type : object_type (arg) * filename : filename (arg) * template_fields = [] * needs_commit = None * delete_me = None * defined_attributes = {} * inherited_attributes = {} * raw_definition = "define %s {\\n\\n} % object_type" Args: object_type: type of the object to be created (string) filename: Path to which the item will be saved (string) Returns: A new item with default metadata """ meta = { 'object_type': object_type, 'filename': filename, 'template_fields': [], 'needs_commit': None, 'delete_me': None, 'defined_attributes': {}, 'inherited_attributes': {}, 'raw_definition': "define %s {\n\n}" % object_type, } return {'meta': meta} def _load_file(self, filename): """ Parses filename with self.parse_filename and append results in self._pre_object_list This function is mostly here for backwards compatibility Args: filename: the file to be parsed. This is supposed to a nagios object definition file """ for i in self.parse_file(filename): self.pre_object_list.append(i) def parse_file(self, filename): """ Parses a nagios object configuration file and returns lists of dictionaries. This is more or less a wrapper around :py:meth:`config.parse_string`, so reading documentation there is useful. Args: filename: Path to the file to parse (string) Returns: A list containing elements parsed by :py:meth:`parse_string` """ try: raw_string = self.open(filename, 'rb').read() return self.parse_string(raw_string, filename=filename) except IOError: t, e = sys.exc_info()[:2] parser_error = ParserError(e.strerror) parser_error.filename = e.filename self.errors.append(parser_error) return [] def parse_string(self, string, filename='None'): """ Parses a string, and returns all object definitions in that string Args: string: A string containing one or more object definitions filename (optional): If filename is provided, it will be referenced when raising exceptions Examples: >>> test_string = "define host {\\nhost_name examplehost\\n}\\n" >>> test_string += "define service {\\nhost_name examplehost\\nservice_description example service\\n}\\n" >>> c = config() >>> result = c.parse_string(test_string) >>> for i in result: print i.get('host_name'), i.get('service_description', None) examplehost None examplehost example service Returns: A list of dictionaries, that look like self.data Raises: :py:class:`ParserError` """ append = "" current = None in_definition = {} tmp_buffer = [] result = [] for sequence_no, line in enumerate(string.splitlines(False)): line_num = sequence_no + 1 # If previous line ended with backslash, treat this line as a # continuation of previous line if append: line = append + line append = None # Cleanup and line skips line = line.strip() if line == "": continue if line[0] == "#" or line[0] == ';': continue # If this line ends with a backslash, continue directly to next line if line.endswith('\\'): append = line.strip('\\') continue if line.startswith('}'): # end of object definition if not in_definition: p = ParserError("Unexpected '}' found outside object definition in line %s" % line_num) p.filename = filename p.line_start = line_num raise p in_definition = None current['meta']['line_end'] = line_num # Looks to me like nagios ignores everything after the } so why shouldn't we ? rest = line.split("}", 1)[1] tmp_buffer.append(line) try: current['meta']['raw_definition'] = '\n'.join(tmp_buffer) except Exception: raise ParserError("Encountered Unexpected end of object definition in file '%s'." % filename) result.append(current) # Destroy the Nagios Object current = None continue elif line.startswith('define'): # beginning of object definition if in_definition: msg = "Unexpected 'define' in {filename} on line {line_num}. was expecting '}}'." msg = msg.format(**locals()) self.errors.append(ParserError(msg, item=current)) m = self.__beginning_of_object.search(line) tmp_buffer = [line] object_type = m.groups()[0] if self.strict and object_type not in self.object_type_keys.keys(): raise ParserError( "Don't know any object definition of type '%s'. it is not in a list of known object definitions." % object_type) current = self.get_new_item(object_type, filename) current['meta']['line_start'] = line_num # Start off an object in_definition = True # Looks to me like nagios ignores everything after the {, so why shouldn't we ? rest = m.groups()[1] continue else: # In the middle of an object definition tmp_buffer.append(' ' + line) # save whatever's left in the buffer for the next iteration if not in_definition: append = line continue # this is an attribute inside an object definition if in_definition: #(key, value) = line.split(None, 1) tmp = line.split(None, 1) if len(tmp) > 1: (key, value) = tmp else: key = tmp[0] value = "" # Strip out in-line comments if value.find(";") != -1: value = value.split(";", 1)[0] # Clean info key = key.strip() value = value.strip() # Rename some old values that may be in the configuration # This can probably be removed in the future to increase performance if (current['meta']['object_type'] == 'service') and key == 'description': key = 'service_description' # Special hack for timeperiods as they are not consistent with other objects # We will treat whole line as a key with an empty value if (current['meta']['object_type'] == 'timeperiod') and key not in ('timeperiod_name', 'alias'): key = line value = '' current[key] = value current['meta']['defined_attributes'][key] = value # Something is wrong in the config else: raise ParserError("Error: Unexpected token in file '%s'" % filename) # Something is wrong in the config if in_definition: raise ParserError("Error: Unexpected EOF in file '%s'" % filename) return result def _locate_item(self, item): """ This is a helper function for anyone who wishes to modify objects. It takes "item", locates the file which is configured in, and locates exactly the lines which contain that definition. Returns: (tuple) (everything_before, object_definition, everything_after, filename): * everything_before (list of lines): Every line in filename before object was defined * everything_after (list of lines): Every line in "filename" after object was defined * object_definition (list of lines): Every line used to define our item in "filename" * filename (string): file in which the object was written to Raises: :py:class:`ValueError` if object was not found in "filename" """ if "filename" in item['meta']: filename = item['meta']['filename'] else: raise ValueError("item does not have a filename") # Look for our item, store it as my_item for i in self.parse_file(filename): if self.compareObjects(item, i): my_item = i break else: raise ValueError("We could not find object in %s\n%s" % (filename, item)) # Caller of this method expects to be returned # several lists that describe the lines in our file. # The splitting logic starts here. my_file = self.open(filename) all_lines = my_file.readlines() my_file.close() start = my_item['meta']['line_start'] - 1 end = my_item['meta']['line_end'] everything_before = all_lines[:start] object_definition = all_lines[start:end] everything_after = all_lines[end:] # If there happen to be line continuations in the object we will edit # We will remove them from object_definition object_definition = self._clean_backslashes(object_definition) return everything_before, object_definition, everything_after, filename def _clean_backslashes(self, list_of_strings): """ Returns list_of_strings with all all strings joined that ended with backslashes Args: list_of_strings: List of strings to join Returns: Another list of strings, which lines ending with \ joined together. """ tmp_buffer = '' result = [] for i in list_of_strings: if i.endswith('\\\n'): tmp_buffer += i.strip('\\\n') else: result.append(tmp_buffer + i) tmp_buffer = '' return result def _modify_object(self, item, field_name=None, new_value=None, new_field_name=None, new_item=None, make_comments=False): """ Locates "item" and changes the line which contains field_name. Helper function for object_* functions. Locates "item" and changes the line which contains field_name. If new_value and new_field_name are both None, the attribute is removed. Args: item(dict): The item to be modified field_name(str): The field_name to modify (if any) new_field_name(str): If set, field_name will be renamed new_value(str): If set the value of field_name will be changed new_item(str): If set, whole object will be replaced with this string make_comments: If set, put pynag-branded comments where changes have been made Returns: True on success Raises: :py:class:`ValueError` if object or field_name is not found :py:class:`IOError` is save is unsuccessful. """ if item is None: return if field_name is None and new_item is None: raise ValueError("either field_name or new_item must be set") if '\n' in str(new_value): raise ValueError("Invalid character \\n used as an attribute value.") everything_before, object_definition, everything_after, filename = self._locate_item(item) if new_item is not None: # We have instruction on how to write new object, so we dont need to parse it object_definition = [new_item] else: change = None value = None i = 0 for i in range(len(object_definition)): tmp = object_definition[i].split(None, 1) if len(tmp) == 0: continue # Hack for timeperiods, they dont work like other objects elif item['meta']['object_type'] == 'timeperiod' and field_name not in ('alias', 'timeperiod_name'): tmp = [object_definition[i]] # we can't change timeperiod, so we fake a field rename if new_value is not None: new_field_name = new_value new_value = None value = '' elif len(tmp) == 1: value = '' else: value = tmp[1] k = tmp[0].strip() if k == field_name: # Attribute was found, lets change this line if new_field_name is None and new_value is None: # We take it that we are supposed to remove this attribute change = object_definition.pop(i) break elif new_field_name: # Field name has changed k = new_field_name if new_value is not None: # value has changed value = new_value # Here we do the actual change change = "\t%-30s%s\n" % (k, value) if item['meta']['object_type'] == 'timeperiod' and field_name not in ('alias', 'timeperiod_name'): change = "\t%s\n" % new_field_name object_definition[i] = change break if not change and new_value is not None: # Attribute was not found. Lets add it change = "\t%-30s%s\n" % (field_name, new_value) object_definition.insert(i, change) # Lets put a banner in front of our item if make_comments: comment = '# Edited by PyNag on %s\n' % time.ctime() if len(everything_before) > 0: last_line_before = everything_before[-1] if last_line_before.startswith('# Edited by PyNag on'): everything_before.pop() # remove this line object_definition.insert(0, comment) # Here we overwrite the config-file, hoping not to ruin anything str_buffer = "%s%s%s" % (''.join(everything_before), ''.join(object_definition), ''.join(everything_after)) self.write(filename, str_buffer) return True def open(self, filename, *args, **kwargs): """ Wrapper around global open() Simply calls global open(filename, *args, **kwargs) and passes all arguments as they are received. See global open() function for more details. """ return open(filename, *args, **kwargs) @pynag.Utils.synchronized(pynag.Utils.rlock) def write(self, filename, string): """ Wrapper around open(filename).write() Writes string to filename and closes the file handler. File handler is openned in `'w'` mode. Args: filename: File where *string* will be written. This is the path to the file. (string) string: String to be written to file. (string) Returns: Return code as returned by :py:meth:`os.write` """ fh = self.open(filename, 'w') return_code = fh.write(string) fh.flush() # os.fsync(fh) fh.close() self._is_dirty = True return return_code def item_rewrite(self, item, str_new_item): """ Completely rewrites item with string provided. Args: item: Item that is to be rewritten str_new_item: str representation of the new item .. In the following line, every "\\n" is actually a simple line break This is only a little patch for the generated documentation. Examples:: item_rewrite( item, "define service {\\n name example-service \\n register 0 \\n }\\n" ) Returns: True on success Raises: :py:class:`ValueError` if object is not found :py:class:`IOError` if save fails """ return self._modify_object(item=item, new_item=str_new_item) def item_remove(self, item): """ Delete one specific item from its configuration files Args: item: Item that is to be rewritten str_new_item: string representation of the new item .. In the following line, every "\\n" is actually a simple line break This is only a little patch for the generated documentation. Examples:: item_remove( item, "define service {\\n name example-service \\n register 0 \\n }\\n" ) Returns: True on success Raises: :py:class:`ValueError` if object is not found :py:class:`IOError` if save fails """ return self._modify_object(item=item, new_item="") def item_edit_field(self, item, field_name, new_value): """ Modifies one field of a (currently existing) object. Changes are immediate (i.e. there is no commit) Args: item: Item to be modified. Its field `field_name` will be set to `new_value`. field_name: Name of the field that will be modified. (str) new_value: Value to which will be set the field `field_name`. (str) Example usage:: edit_object( item, field_name="host_name", new_value="examplehost.example.com") # doctest: +SKIP Returns: True on success Raises: :py:class:`ValueError` if object is not found :py:class:`IOError` if save fails """ return self._modify_object(item, field_name=field_name, new_value=new_value) def item_remove_field(self, item, field_name): """ Removes one field of a (currently existing) object. Changes are immediate (i.e. there is no commit) Args: item: Item to remove field from. field_name: Field to remove. (string) Example usage:: item_remove_field( item, field_name="contactgroups" ) Returns: True on success Raises: :py:class:`ValueError` if object is not found :py:class:`IOError` if save fails """ return self._modify_object(item=item, field_name=field_name, new_value=None, new_field_name=None) def item_rename_field(self, item, old_field_name, new_field_name): """ Renames a field of a (currently existing) item. Changes are immediate (i.e. there is no commit). Args: item: Item to modify. old_field_name: Name of the field that will have its name changed. (string) new_field_name: New name given to `old_field_name` (string) Example usage:: item_rename_field(item, old_field_name="normal_check_interval", new_field_name="check_interval") Returns: True on success Raises: :py:class:`ValueError` if object is not found :py:class:`IOError` if save fails """ return self._modify_object(item=item, field_name=old_field_name, new_field_name=new_field_name) def item_add(self, item, filename): """ Adds a new object to a specified config file. Args: item: Item to be created filename: Filename that we are supposed to write the new item to. This is the path to the file. (string) Returns: True on success Raises: :py:class:`IOError` on failed save """ if not 'meta' in item: item['meta'] = {} item['meta']['filename'] = filename # Create directory if it does not already exist dirname = os.path.dirname(filename) if not self.isdir(dirname): os.makedirs(dirname) str_buffer = self.print_conf(item) fh = self.open(filename, 'a') fh.write(str_buffer) fh.close() return True def edit_object(self, item, field_name, new_value): """ Modifies a (currently existing) item. Changes are immediate (i.e. there is no commit) Args: item: Item to modify. field_name: Field that will be updated. new_value: Updated value of field `field_name` Example Usage: edit_object( item, field_name="host_name", new_value="examplehost.example.com") Returns: True on success .. WARNING:: THIS FUNCTION IS DEPRECATED. USE item_edit_field() instead """ return self.item_edit_field(item=item, field_name=field_name, new_value=new_value) def compareObjects(self, item1, item2): """ Compares two items. Returns true if they are equal Compares every key: value pair for both items. If anything is different, the items will not be considered equal. Args: item1, item2: Items to be compared. Returns: True -- Items are equal False -- Items are not equal """ keys1 = item1['meta']['defined_attributes'].keys() keys2 = item2['meta']['defined_attributes'].keys() keys1.sort() keys2.sort() result = True if keys1 != keys2: return False for key in keys1: if key == 'meta': continue key1 = item1[key] key2 = item2[key] # For our purpose, 30 is equal to 30.000 if key == 'check_interval': key1 = int(float(key1)) key2 = int(float(key2)) if str(key1) != str(key2): result = False if result is False: return False return True def edit_service(self, target_host, service_description, field_name, new_value): """ Edit a service's attributes Takes a host, service_description pair to identify the service to modify and sets its field `field_name` to `new_value`. Args: target_host: name of the host to which the service is attached to. (string) service_description: Service description of the service to modify. (string) field_name: Field to modify. (string) new_value: Value to which the `field_name` field will be updated (string) Returns: True on success Raises: :py:class:`ParserError` if the service is not found """ original_object = self.get_service(target_host, service_description) if original_object is None: raise ParserError("Service not found") return self.edit_object(original_object, field_name, new_value) def _get_list(self, item, key): """ Return a comma list from an item Args: item: Item from which to select value. (string) key: Field name of the value to select and return as a list. (string) Example:: _get_list(Foo_object, host_name) define service { service_description Foo host_name larry,curly,moe } returns ['larry','curly','moe'] Returns: A list of the item's values of `key` Raises: :py:class:`ParserError` if item is not a dict """ if not isinstance(item, dict): raise ParserError("%s is not a dictionary\n" % item) # return [] if not key in item: return [] return_list = [] if item[key].find(",") != -1: for name in item[key].split(","): return_list.append(name) else: return_list.append(item[key]) # Alphabetize return_list.sort() return return_list def delete_object(self, object_type, object_name, user_key=None): """ Delete object from configuration files Args: object_type: Type of the object to delete from configuration files. object_name: Name of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: True on success. """ item = self.get_object(object_type=object_type, object_name=object_name, user_key=user_key) return self.item_remove(item) def delete_service(self, service_description, host_name): """ Delete service from configuration files Args: service_description: service_description field value of the object to delete from configuration files. host_name: host_name field value of the object to delete from configuration files. Returns: True on success. """ item = self.get_service(host_name, service_description) return self.item_remove(item) def delete_host(self, object_name, user_key=None): """ Delete a host from its configuration files Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: True on success. """ return self.delete_object('host', object_name, user_key=user_key) def delete_hostgroup(self, object_name, user_key=None): """ Delete a hostgroup from its configuration files Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: True on success. """ return self.delete_object('hostgroup', object_name, user_key=user_key) def get_object(self, object_type, object_name, user_key=None): """ Return a complete object dictionary Args: object_name: object_name field value of the object to delete from configuration files. user_key: User defined key. Default None. (string) Returns: The item found to match all the criterias. None if object is not found """ object_key = self._get_key(object_type, user_key) for item in self.data['all_%s' % object_type]: if item.get(object_key, None) == object_name: return item return None def get_host(self, object_name, user_key=None): """ Return a host object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('host', object_name, user_key=user_key) def get_servicegroup(self, object_name, user_key=None): """ Return a Servicegroup object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('servicegroup', object_name, user_key=user_key) def get_contact(self, object_name, user_key=None): """ Return a Contact object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('contact', object_name, user_key=user_key) def get_contactgroup(self, object_name, user_key=None): """ Return a Contactgroup object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('contactgroup', object_name, user_key=user_key) def get_timeperiod(self, object_name, user_key=None): """ Return a Timeperiod object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('timeperiod', object_name, user_key=user_key) def get_command(self, object_name, user_key=None): """ Return a Command object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('command', object_name, user_key=user_key) def get_hostgroup(self, object_name, user_key=None): """ Return a hostgroup object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('hostgroup', object_name, user_key=user_key) def get_servicedependency(self, object_name, user_key=None): """ Return a servicedependency object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('servicedependency', object_name, user_key=user_key) def get_hostdependency(self, object_name, user_key=None): """ Return a hostdependency object Args: object_name: object_name field value of the object to delete from configuration files. user_key: user_key to pass to :py:meth:`get_object` Returns: The item found to match all the criterias. """ return self.get_object('hostdependency', object_name, user_key=user_key) def get_service(self, target_host, service_description): """ Return a service object Args: target_host: host_name field of the service to be returned. This is the host to which is attached the service. service_description: service_description field of the service to be returned. Returns: The item found to match all the criterias. """ for item in self.data['all_service']: if item.get('service_description') == service_description and item.get('host_name') == target_host: return item return None def _append_use(self, source_item, name): """ Append attributes to source_item that are inherited via 'use' attribute' Args: source_item: item (dict) to apply the inheritance upon name: obsolete (discovered automatically via source_item['use']. Here for compatibility. Returns: Source Item with appended attributes. Raises: :py:class:`ParserError` on recursion errors """ # Remove the 'use' key if "use" in source_item: del source_item['use'] for possible_item in self.pre_object_list: if "name" in possible_item: # Start appending to the item for k, v in possible_item.iteritems(): try: if k == 'use': source_item = self._append_use(source_item, v) except Exception: raise ParserError("Recursion error on %s %s" % (source_item, v)) # Only add the item if it doesn't already exist if not k in source_item: source_item[k] = v return source_item def _post_parse(self): """ Creates a few optimization tweaks and easy access lists in self.data Creates :py:attr:`config.item_apply_cache` and fills the all_object item lists in self.data. """ self.item_list = None self.item_apply_cache = {} # This is performance tweak used by _apply_template for raw_item in self.pre_object_list: # Performance tweak, make sure hashmap exists for this object_type object_type = raw_item['meta']['object_type'] if not object_type in self.item_apply_cache: self.item_apply_cache[object_type] = {} # Tweak ends if "use" in raw_item: raw_item = self._apply_template(raw_item) self.post_object_list.append(raw_item) # Add the items to the class lists. for list_item in self.post_object_list: type_list_name = "all_%s" % list_item['meta']['object_type'] if not type_list_name in self.data: self.data[type_list_name] = [] self.data[type_list_name].append(list_item) def commit(self): """ Write any changes that have been made to it's appropriate file """ # Loops through ALL items for k in self.data.keys(): for item in self[k]: # If the object needs committing, commit it! if item['meta']['needs_commit']: # Create file contents as an empty string file_contents = "" # find any other items that may share this config file extra_items = self._get_items_in_file(item['meta']['filename']) if len(extra_items) > 0: for commit_item in extra_items: # Ignore files that are already set to be deleted:w if commit_item['meta']['delete_me']: continue # Make sure we aren't adding this thing twice if item != commit_item: file_contents += self.print_conf(commit_item) # This is the actual item that needs commiting if not item['meta']['delete_me']: file_contents += self.print_conf(item) # Write the file filename = item['meta']['filename'] self.write(filename, file_contents) # Recreate the item entry without the commit flag self.data[k].remove(item) item['meta']['needs_commit'] = None self.data[k].append(item) def flag_all_commit(self): """ Flag every item in the configuration to be committed This should probably only be used for debugging purposes """ for object_type in self.data.keys(): for item in self.data[object_type]: item['meta']['needs_commit'] = True def print_conf(self, item): """ Return a string that can be used in a configuration file Args: item: Item to be dumped as a string. Returns: String representation of item. """ output = "" # Header, to go on all files output += "# Configuration file %s\n" % item['meta']['filename'] output += "# Edited by PyNag on %s\n" % time.ctime() # Some hostgroup information if "hostgroup_list" in item['meta']: output += "# Hostgroups: %s\n" % ",".join(item['meta']['hostgroup_list']) # Some hostgroup information if "service_list" in item['meta']: output += "# Services: %s\n" % ",".join(item['meta']['service_list']) # Some hostgroup information if "service_members" in item['meta']: output += "# Service Members: %s\n" % ",".join(item['meta']['service_members']) if len(item['meta']['template_fields']) != 0: output += "# Values from templates:\n" for k in item['meta']['template_fields']: output += "#\t %-30s %-30s\n" % (k, item[k]) output += "\n" output += "define %s {\n" % item['meta']['object_type'] for k, v in item.iteritems(): if v is None: # Skip entries with No value continue if k != 'meta': if k not in item['meta']['template_fields']: output += "\t %-30s %-30s\n" % (k, v) output += "}\n\n" return output def _load_static_file(self, filename=None): """ Load a general config file (like nagios.cfg) that has key=value config file format. Ignore comments Arguments: filename: name of file to parse, if none nagios.cfg will be used Returns: a [ (key,value), (key,value) ] list """ result = [] if not filename: filename = self.cfg_file for line in self.open(filename).readlines(): # Strip out new line characters line = line.strip() # Skip blank lines if line == "": continue # Skip comments if line[0] == "#" or line[0] == ';': continue tmp = line.split("=", 1) if len(tmp) < 2: continue key, value = tmp key = key.strip() value = value.strip() result.append((key, value)) return result def _edit_static_file(self, attribute, new_value, filename=None, old_value=None, append=False): """ Modify a general config file (like nagios.cfg) that has a key=value config file format. Arguments: filename: Name of config file that will be edited (i.e. nagios.cfg) attribute: name of attribute to edit (i.e. check_external_commands) new_value: new value for the said attribute (i.e. "1"). None deletes the line. old_value: Useful if multiple attributes exist (i.e. cfg_dir) and you want to replace a specific one. append: If true, do not overwrite current setting. Instead append this at the end. Use this with settings that are repeated like cfg_file. Examples:: _edit_static_file(filename='/etc/nagios/nagios.cfg', attribute='check_external_commands', new_value='1') _edit_static_file(filename='/etc/nagios/nagios.cfg', attribute='cfg_dir', new_value='/etc/nagios/okconfig', append=True) """ if filename is None: filename = self.cfg_file # For some specific attributes, append should be implied if attribute in ('cfg_file', 'cfg_dir', 'broker_module'): append = True # If/when we make a change, new_line is what will be written new_line = '%s=%s\n' % (attribute, new_value) # new_value=None means line should be removed if new_value is None: new_line = '' write_buffer = self.open(filename).readlines() is_dirty = False # dirty if we make any changes for i, line in enumerate(write_buffer): # Strip out new line characters line = line.strip() # Skip blank lines if line == "": continue # Skip comments if line[0] == "#" or line[0] == ';': continue key, value = line.split("=", 1) key = key.strip() value = value.strip() # If key does not match, we are not interested in this line if key != attribute: continue # If old_value was specified, and it matches, dont have to look any further elif value == old_value: write_buffer[i] = new_line is_dirty = True break # if current value is the same as new_value, no need to make changes elif value == new_value: return False # Special so cfg_dir matches despite double-slashes, etc elif attribute == 'cfg_dir' and new_value and os.path.normpath(value) == os.path.normpath(new_value): return False # We are not appending, and no old value was specified: elif append is False and not old_value: write_buffer[i] = new_line is_dirty = True break if is_dirty is False and new_value is not None: # If we get here, it means we read the whole file, # and we have not yet made any changes, So we assume # We should append to the file write_buffer.append(new_line) is_dirty = True # When we get down here, it is time to write changes to file if is_dirty is True: str_buffer = ''.join(write_buffer) self.write(filename, str_buffer) return True else: return False def needs_reload(self): """ Checks if the Nagios service needs a reload. Returns: True if Nagios service needs reload of cfg files False if reload not needed or Nagios is not running """ if not self.maincfg_values: self.reset() self.parse_maincfg() new_timestamps = self.get_timestamps() object_cache_file = self.get_cfg_value('object_cache_file') if self._get_pid() is None: return False if not object_cache_file: return True if not self.isfile(object_cache_file): return True object_cache_timestamp = new_timestamps.get(object_cache_file, 0) # Reload not needed if no object_cache file if object_cache_file is None: return False for k, v in new_timestamps.items(): if not v or int(v) > object_cache_timestamp: return True return False def needs_reparse(self): """ Checks if the Nagios configuration needs to be reparsed. Returns: True if any Nagios configuration file has changed since last parse() """ # If Parse has never been run: if self.data == {}: return True # If previous save operation has forced a reparse if self._is_dirty is True: return True # If we get here, we check the timestamps of the configs new_timestamps = self.get_timestamps() if len(new_timestamps) != len(self.timestamps): return True for k, v in new_timestamps.items(): if self.timestamps.get(k, None) != v: return True return False @pynag.Utils.synchronized(pynag.Utils.rlock) def parse_maincfg(self): """ Parses your main configuration (nagios.cfg) and stores it as key/value pairs in self.maincfg_values This function is mainly used by config.parse() which also parses your whole configuration set. Raises: py:class:`ConfigFileNotFound` """ # If nagios.cfg is not set, lets do some minor autodiscover. if self.cfg_file is None: raise ConfigFileNotFound('Could not find nagios.cfg') self.maincfg_values = self._load_static_file(self.cfg_file) @pynag.Utils.synchronized(pynag.Utils.rlock) def parse(self): """ Parse all objects in your nagios configuration This functions starts by loading up your nagios.cfg ( parse_maincfg() ) then moving on to your object configuration files (as defined via cfg_file and cfg_dir) and and your resource_file as well. Returns: None Raises: :py:class:`IOError` if unable to read any file due to permission problems """ # reset self.reset() self.parse_maincfg() self.cfg_files = self.get_cfg_files() # When parsing config, we will softly fail if permission denied # comes on resource files. If later someone tries to get them via # get_resource, we will fail hard try: self._resource_values = self.get_resources() except IOError: t, e = sys.exc_info()[:2] self.errors.append(str(e)) self.timestamps = self.get_timestamps() # This loads everything into for cfg_file in self.cfg_files: self._load_file(cfg_file) self._post_parse() self._is_dirty = False def get_resource(self, resource_name): """ Get a single resource value which can be located in any resource.cfg file Arguments: resource_name: Name as it appears in resource file (i.e. $USER1$) Returns: String value of the resource value. Raises: :py:class:`KeyError` if resource is not found :py:class:`ParserError` if resource is not found and you do not have permissions """ resources = self.get_resources() for k, v in resources: if k == resource_name: return v def get_timestamps(self): """ Returns hash map of all nagios related files and their timestamps""" files = {} files[self.cfg_file] = None for k, v in self.maincfg_values: if k in ('resource_file', 'lock_file', 'object_cache_file'): files[v] = None for i in self.get_cfg_files(): files[i] = None # Now lets lets get timestamp of every file for k, v in files.items(): if not self.isfile(k): continue files[k] = self.stat(k).st_mtime return files def isfile(self, *args, **kwargs): """ Wrapper around os.path.isfile """ return os.path.isfile(*args, **kwargs) def isdir(self, *args, **kwargs): """ Wrapper around os.path.isdir """ return os.path.isdir(*args, **kwargs) def islink(self, *args, **kwargs): """ Wrapper around os.path.islink """ return os.path.islink(*args, **kwargs) def readlink(selfself, *args, **kwargs): """ Wrapper around os.readlink """ return os.readlink(*args, **kwargs) def stat(self, *args, **kwargs): """ Wrapper around os.stat """ return os.stat(*args, **kwargs) def remove(self, *args, **kwargs): """ Wrapper around os.remove """ return os.remove(*args, **kwargs) def access(self, *args, **kwargs): """ Wrapper around os.access """ return os.access(*args, **kwargs) def listdir(self, *args, **kwargs): """ Wrapper around os.listdir """ return os.listdir(*args, **kwargs) def exists(self, *args, **kwargs): """ Wrapper around os.path.exists """ return os.path.exists(*args, **kwargs) def get_resources(self): """Returns a list of every private resources from nagios.cfg""" resources = [] for config_object, config_value in self.maincfg_values: if config_object == 'resource_file' and self.isfile(config_value): resources += self._load_static_file(config_value) return resources def extended_parse(self): """ This parse is used after the initial parse() command is run. It is only needed if you want extended meta information about hosts or other objects """ # Do the initial parsing self.parse() # First, cycle through the hosts, and append hostgroup information index = 0 for host in self.data['all_host']: if host.get("register", None) == "0": continue if not "host_name" in host: continue if not "hostgroup_list" in self.data['all_host'][index]['meta']: self.data['all_host'][index]['meta']['hostgroup_list'] = [] # Append any hostgroups that are directly listed in the host definition if "hostgroups" in host: for hostgroup_name in self._get_list(host, 'hostgroups'): if not "hostgroup_list" in self.data['all_host'][index]['meta']: self.data['all_host'][index]['meta']['hostgroup_list'] = [] if hostgroup_name not in self.data['all_host'][index]['meta']['hostgroup_list']: self.data['all_host'][index]['meta']['hostgroup_list'].append(hostgroup_name) # Append any services which reference this host service_list = [] for service in self.data['all_service']: if service.get("register", None) == "0": continue if not "service_description" in service: continue if host['host_name'] in self._get_active_hosts(service): service_list.append(service['service_description']) self.data['all_host'][index]['meta']['service_list'] = service_list # Increment count index += 1 # Loop through all hostgroups, appending them to their respective hosts for hostgroup in self.data['all_hostgroup']: for member in self._get_list(hostgroup, 'members'): index = 0 for host in self.data['all_host']: if not "host_name" in host: continue # Skip members that do not match if host['host_name'] == member: # Create the meta var if it doesn' exist if not "hostgroup_list" in self.data['all_host'][index]['meta']: self.data['all_host'][index]['meta']['hostgroup_list'] = [] if hostgroup['hostgroup_name'] not in self.data['all_host'][index]['meta']['hostgroup_list']: self.data['all_host'][index]['meta']['hostgroup_list'].append(hostgroup['hostgroup_name']) # Increment count index += 1 # Expand service membership index = 0 for service in self.data['all_service']: # Find a list of hosts to negate from the final list self.data['all_service'][index]['meta']['service_members'] = self._get_active_hosts(service) # Increment count index += 1 def _get_active_hosts(self, item): """ Given an object, return a list of active hosts. This will exclude hosts that are negated with a "!" Args: item: Item to obtain active hosts from. Returns: List of all the active hosts for `item` """ # First, generate the negation list negate_hosts = [] # Hostgroups if "hostgroup_name" in item: for hostgroup_name in self._get_list(item, 'hostgroup_name'): if hostgroup_name[0] == "!": hostgroup_obj = self.get_hostgroup(hostgroup_name[1:]) negate_hosts.extend(self._get_list(hostgroup_obj, 'members')) # Host Names if "host_name" in item: for host_name in self._get_list(item, 'host_name'): if host_name[0] == "!": negate_hosts.append(host_name[1:]) # Now get hosts that are actually listed active_hosts = [] # Hostgroups if "hostgroup_name" in item: for hostgroup_name in self._get_list(item, 'hostgroup_name'): if hostgroup_name[0] != "!": active_hosts.extend(self._get_list(self.get_hostgroup(hostgroup_name), 'members')) # Host Names if "host_name" in item: for host_name in self._get_list(item, 'host_name'): if host_name[0] != "!": active_hosts.append(host_name) # Combine the lists return_hosts = [] for active_host in active_hosts: if active_host not in negate_hosts: return_hosts.append(active_host) return return_hosts def get_cfg_dirs(self): """ Parses the main config file for configuration directories Returns: List of all cfg directories used in this configuration Example:: print(get_cfg_dirs()) ['/etc/nagios/hosts','/etc/nagios/objects',...] """ cfg_dirs = [] for config_object, config_value in self.maincfg_values: if config_object == "cfg_dir": cfg_dirs.append(config_value) return cfg_dirs def get_cfg_files(self): """ Return a list of all cfg files used in this configuration Filenames are normalised so that if nagios.cfg specifies relative filenames we will convert it to fully qualified filename before returning. Returns: List of all configurations files used in the configuration. Example: print(get_cfg_files()) ['/etc/nagios/hosts/host1.cfg','/etc/nagios/hosts/host2.cfg',...] """ cfg_files = [] for config_object, config_value in self.maincfg_values: # Add cfg_file objects to cfg file list if config_object == "cfg_file": config_value = self.abspath(config_value) if self.isfile(config_value): cfg_files.append(config_value) # Parse all files in a cfg directory if config_object == "cfg_dir": config_value = self.abspath(config_value) directories = [] raw_file_list = [] directories.append(config_value) # Walk through every subdirectory and add to our list while directories: current_directory = directories.pop(0) # Nagios doesnt care if cfg_dir exists or not, so why should we ? if not self.isdir(current_directory): continue for item in self.listdir(current_directory): # Append full path to file item = "%s" % (os.path.join(current_directory, item.strip())) if self.islink(item): item = os.readlink(item) if self.isdir(item): directories.append(item) if raw_file_list.count(item) < 1: raw_file_list.append(item) for raw_file in raw_file_list: if raw_file.endswith('.cfg'): if self.exists(raw_file) and not self.isdir(raw_file): # Nagios doesnt care if cfg_file exists or not, so we will not throws errors cfg_files.append(raw_file) return cfg_files def abspath(self, path): """ Return the absolute path of a given relative path. The current working directory is assumed to be the dirname of nagios.cfg Args: path: relative path to be transformed into absolute path. (string) Returns: Absolute path of given relative path. Example: >>> c = config(cfg_file="/etc/nagios/nagios.cfg") >>> c.abspath('nagios.cfg') '/etc/nagios/nagios.cfg' >>> c.abspath('/etc/nagios/nagios.cfg') '/etc/nagios/nagios.cfg' """ if not isinstance(path, str): return ValueError("Path must be a string got %s instead" % type(path)) if path.startswith('/'): return path nagiosdir = os.path.dirname(self.cfg_file) normpath = os.path.abspath(os.path.join(nagiosdir, path)) return normpath def get_cfg_value(self, key): """ Returns one specific value from your nagios.cfg file, None if value is not found. Arguments: key: what attribute to fetch from nagios.cfg (example: "command_file" ) Returns: String of the first value found for Example: >>> c = Config() # doctest: +SKIP >>> log_file = c.get_cfg_value('log_file') # doctest: +SKIP # Should return something like "/var/log/nagios/nagios.log" """ if not self.maincfg_values: self.parse_maincfg() for k, v in self.maincfg_values: if k == key: return v return None def get_object_types(self): """ Returns a list of all discovered object types """ return map(lambda x: re.sub("all_", "", x), self.data.keys()) def cleanup(self): """ Remove configuration files that have no configuration items """ for filename in self.cfg_files: if not self.parse_file(filename): # parse_file returns empty list on empty files self.remove(filename) # If nagios.cfg specifies this file directly via cfg_file directive then... for k, v in self.maincfg_values: if k == 'cfg_file' and v == filename: self._edit_static_file(k, old_value=v, new_value=None) def __setitem__(self, key, item): self.data[key] = item def __getitem__(self, key): return self.data[key] class Livestatus(object): """ Wrapper around MK-Livestatus Example usage:: s = Livestatus() for hostgroup s.get_hostgroups(): print(hostgroup['name'], hostgroup['num_hosts']) """ def __init__(self, livestatus_socket_path=None, nagios_cfg_file=None, authuser=None): """ Initilize a new instance of Livestatus Args: livestatus_socket_path: Path to livestatus socket (if none specified, use one specified in nagios.cfg) nagios_cfg_file: Path to your nagios.cfg. If None then try to auto-detect authuser: If specified. Every data pulled is with the access rights of that contact. """ self.nagios_cfg_file = nagios_cfg_file self.error = None if not livestatus_socket_path: c = config(cfg_file=nagios_cfg_file) c.parse_maincfg() self.nagios_cfg_file = c.cfg_file # Look for a broker_module line in the main config and parse its arguments # One of the arguments is path to the file socket created for k, v in c.maincfg_values: if k == 'broker_module' and "livestatus.o" in v: for arg in v.split()[1:]: if arg.startswith('/') or '=' not in arg: livestatus_socket_path = arg break else: # If we get here, then we could not locate a broker_module argument # that looked like a filename msg = "No Livestatus socket defined. Make sure livestatus broker module is loaded." raise ParserError(msg) self.livestatus_socket_path = livestatus_socket_path self.authuser = authuser def test(self, raise_error=True): """ Test if connection to livestatus socket is working Args: raise_error: If set to True, raise exception if test fails,otherwise return False Raises: ParserError if raise_error == True and connection fails Returns: True -- Connection is OK False -- there are problems and raise_error==False """ try: self.query("GET hosts") except Exception: t, e = sys.exc_info()[:2] self.error = e if raise_error: raise ParserError("got '%s' when testing livestatus socket. error was: '%s'" % (type(e), e)) else: return False return True def _get_socket(self): """ Returns a socket.socket() instance to communicate with livestatus Socket might be either unix filesocket or a tcp socket depenging in the content of :py:attr:`livestatus_socket_path` Returns: Socket to livestatus instance (socket.socket) Raises: :py:class:`LivestatusNotConfiguredException` on failed connection. :py:class:`ParserError` If could not parse configured TCP address correctly. """ if not self.livestatus_socket_path: msg = "We could not find path to MK livestatus socket file. Make sure MK livestatus is installed and configured" raise LivestatusNotConfiguredException(msg) try: # If livestatus_socket_path contains a colon, then we assume that it is tcp socket instead of a local filesocket if self.livestatus_socket_path.find(':') > 0: address, tcp_port = self.livestatus_socket_path.split(':', 1) if not tcp_port.isdigit(): msg = 'Could not parse host:port "%s". %s does not look like a valid port is not a valid tcp port.' raise ParserError(msg % (self.livestatus_socket_path, tcp_port)) tcp_port = int(tcp_port) s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) s.connect((address, tcp_port)) else: s = socket.socket(socket.AF_UNIX, socket.SOCK_STREAM) s.connect(self.livestatus_socket_path) return s except IOError: t, e = sys.exc_info()[:2] msg = "%s while connecting to '%s'. Make sure nagios is running and mk_livestatus loaded." raise ParserError(msg % (e, self.livestatus_socket_path)) def query(self, query, *args, **kwargs): """ Performs LQL queries the livestatus socket Queries are corrected and convienient default data are added to the query before sending it to the socket. Args: query: Query to be passed to the livestatus socket (string) args, kwargs: Additionnal parameters that will be sent to :py:meth:`pynag.Utils.grep_to_livestatus`. The result will be appended to the query. Returns: Answer from livestatus. It will be in python format unless specified otherwise. Raises: :py:class:`ParserError` if problems connecting to livestatus. """ # columns parameter is here for backwards compatibility only kwargs.pop('columns', None) # We break query up into a list, of commands, then before sending command to the socket # We will write it one line per item in the array query = query.split('\n') query += pynag.Utils.grep_to_livestatus(*args, **kwargs) # If no response header was specified, we add fixed16 response_header = None if not filter(lambda x: x.startswith('ResponseHeader:'), query): query.append("ResponseHeader: fixed16") response_header = "fixed16" # If no specific outputformat is requested, we will return in python format python_format = False if not filter(lambda x: x.startswith('OutputFormat:'), query): query.append("OutputFormat: python") python_format = True # There is a bug in livestatus where if requesting Stats, then no column headers are sent from livestatus # In later version, the headers are sent, but the output is corrupted. # # We maintain consistency by clinging on to the old bug, and if there are Stats in the output # we will not ask for column headers doing_stats = len(filter(lambda x: x.startswith('Stats:'), query)) > 0 if not filter(lambda x: x.startswith('Stats:'), query) and not filter( lambda x: x.startswith('ColumnHeaders: on'), query): query.append("ColumnHeaders: on") # Check if we need to add authuser to the query if not filter(lambda x: x.startswith('AuthUser:'), query) and self.authuser not in (None, ''): query.append("AuthUser: %s" % self.authuser) # When we reach here, we are done adding options to the query, so we convert to the string that will # be sent to the livestatus socket query = '\n'.join(query) + '\n' self.last_query = query # # Lets create a socket and see if we can write to it # s = self._get_socket() try: s.send(query) except IOError: msg = "Could not write to socket '%s'. Make sure you have the right permissions" raise ParserError(msg % self.livestatus_socket_path) s.shutdown(socket.SHUT_WR) tmp = s.makefile() # Read the response header from livestatus if response_header == "fixed16": response_data = tmp.readline() if len(response_data) == 0: return [] return_code = response_data.split()[0] if not return_code.startswith('2'): error_message = tmp.readline().strip() raise ParserError("Error '%s' from livestatus: %s" % (return_code, error_message)) answer = tmp.read() # We are done with the livestatus socket. lets close it s.close() if answer == '': return [] # If something other than python format was requested, we return the answer as is if python_format is False: return answer # If we reach down here, it means we are supposed to parse the output before returning it try: answer = eval(answer) except Exception: raise ParserError("Error, could not parse response from livestatus.\n%s" % answer) # Workaround for livestatus bug, where column headers are not provided even if we asked for them if doing_stats is True and len(answer) == 1: return answer[0] columns = answer.pop(0) # Lets throw everything into a hashmap before we return result = [] for line in answer: tmp = {} for i, column in enumerate(line): column_name = columns[i] tmp[column_name] = column result.append(tmp) return result def get(self, table, *args, **kwargs): """ Same as self.query('GET %s' % (table,)) Extra arguments will be appended to the query. Args: table: Table from which the data will be retrieved args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Example:: get('contacts', 'Columns: name alias') Returns: Answer from livestatus in python format. """ return self.query('GET %s' % (table,), *args, **kwargs) def get_host(self, host_name): """ Performs a GET query for a particular host This performs:: '''GET hosts Filter: host_name = %s''' % host_name Args: host_name: name of the host to obtain livestatus data from Returns: Answer from livestatus in python format. """ return self.query('GET hosts', 'Filter: host_name = %s' % host_name)[0] def get_service(self, host_name, service_description): """ Performs a GET query for a particular service This performs:: '''GET services Filter: host_name = %s Filter: service_description = %s''' % (host_name, service_description) Args: host_name: name of the host the target service is attached to. service_description: Description of the service to obtain livestatus data from. Returns: Answer from livestatus in python format. """ return self.query('GET services', 'Filter: host_name = %s' % host_name, 'Filter: description = %s' % service_description)[0] def get_hosts(self, *args, **kwargs): """ Performs a GET query for all hosts This performs:: '''GET hosts %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET hosts', *args, **kwargs) def get_services(self, *args, **kwargs): """ Performs a GET query for all services This performs:: '''GET services %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET services', *args, **kwargs) def get_hostgroups(self, *args, **kwargs): """ Performs a GET query for all hostgroups This performs:: '''GET hostgroups %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET hostgroups', *args, **kwargs) def get_servicegroups(self, *args, **kwargs): """ Performs a GET query for all servicegroups This performs:: '''GET servicegroups %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET servicegroups', *args, **kwargs) def get_contactgroups(self, *args, **kwargs): """ Performs a GET query for all contactgroups This performs:: '''GET contactgroups %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET contactgroups', *args, **kwargs) def get_contacts(self, *args, **kwargs): """ Performs a GET query for all contacts This performs:: '''GET contacts %s %s''' % (*args, **kwargs) Args: args, kwargs: These will be appendend to the end of the query to perform additionnal instructions. Returns: Answer from livestatus in python format. """ return self.query('GET contacts', *args, **kwargs) def get_contact(self, contact_name): """ Performs a GET query for a particular contact This performs:: '''GET contacts Filter: contact_name = %s''' % contact_name Args: contact_name: name of the contact to obtain livestatus data from Returns: Answer from livestatus in python format. """ return self.query('GET contacts', 'Filter: contact_name = %s' % contact_name)[0] def get_servicegroup(self, name): """ Performs a GET query for a particular servicegroup This performs:: '''GET servicegroups Filter: servicegroup_name = %s''' % servicegroup_name Args: servicegroup_name: name of the servicegroup to obtain livestatus data from Returns: Answer from livestatus in python format. """ return self.query('GET servicegroups', 'Filter: name = %s' % name)[0] def get_hostgroup(self, name): """ Performs a GET query for a particular hostgroup This performs:: '''GET hostgroups Filter: hostgroup_name = %s''' % hostgroup_name Args: hostgroup_name: name of the hostgroup to obtain livestatus data from Returns: Answer from livestatus in python format. """ return self.query('GET hostgroups', 'Filter: name = %s' % name)[0] def get_contactgroup(self, name): """ Performs a GET query for a particular contactgroup This performs:: '''GET contactgroups Filter: contactgroup_name = %s''' % contactgroup_name Args: contactgroup_name: name of the contactgroup to obtain livestatus data from Returns: Answer from livestatus in python format. """ return self.query('GET contactgroups', 'Filter: name = %s' % name)[0] class RetentionDat(object): """ Easy way to parse the content of retention.dat After calling parse() contents of retention.dat are kept in self.data Example Usage:: r = retention() r.parse() print r print r.data['info'] """ def __init__(self, filename=None, cfg_file=None): """ Initilize a new instance of retention.dat Args (you only need to provide one of these): filename: path to your retention.dat file cfg_file: path to your nagios.cfg file, path to retention.dat will be looked up in this file """ # If filename is not provided, lets try to discover it from # nagios.cfg if filename is None: c = config(cfg_file=cfg_file) for key, value in c._load_static_file(): if key == "state_retention_file": filename = value self.filename = filename self.data = None def parse(self): """ Parses your status.dat file and stores in a dictionary under self.data Returns: None Raises: :py:class:`ParserError`: if problem arises while reading status.dat :py:class:`ParserError`: if status.dat is not found :py:class:`IOError`: if status.dat cannot be read """ self.data = {} status = {} # Holds all attributes of a single item key = None # if within definition, store everything before = value = None # if within definition, store everything after = if not self.filename: raise ParserError("status.dat file not found") lines = open(self.filename, 'rb').readlines() for sequence_no, line in enumerate(lines): line_num = sequence_no + 1 # Cleanup and line skips line = line.strip() if line == "": pass elif line[0] == "#" or line[0] == ';': pass elif line.find("{") != -1: status = {} status['meta'] = {} status['meta']['type'] = line.split("{")[0].strip() elif line.find("}") != -1: # Status definition has finished, lets add it to # self.data if status['meta']['type'] not in self.data: self.data[status['meta']['type']] = [] self.data[status['meta']['type']].append(status) else: tmp = line.split("=", 1) if len(tmp) == 2: (key, value) = line.split("=", 1) status[key] = value elif key == "long_plugin_output": # special hack for long_output support. We get here if: # * line does not contain { # * line does not contain } # * line does not contain = # * last line parsed started with long_plugin_output= status[key] += "\n" + line else: raise ParserError("Error on %s:%s: Could not parse line: %s" % (self.filename, line_num, line)) def __setitem__(self, key, item): self.data[key] = item def __getitem__(self, key): return self.data[key] def __str__(self): if not self.data: self.parse() str_buffer = "# Generated by pynag" for datatype, datalist in self.data.items(): for item in datalist: str_buffer += "%s {\n" % datatype for attr, value in item.items(): str_buffer += "%s=%s\n" % (attr, value) str_buffer += "}\n" return str_buffer class StatusDat(RetentionDat): """ Easy way to parse status.dat file from nagios After calling parse() contents of status.dat are kept in status.data Example usage:: >>> s = status() >>> s.parse() >>> keys = s.data.keys() >>> 'info' in keys True >>> 'programstatus' in keys True >>> for service in s.data.get('servicestatus',[]): ... host_name=service.get('host_name', None) ... description=service.get('service_description',None) """ def __init__(self, filename=None, cfg_file=None): """ Initilize a new instance of status Args (you only need to provide one of these): filename: path to your status.dat file cfg_file: path to your nagios.cfg file, path to status.dat will be looked up in this file """ # If filename is not provided, lets try to discover it from # nagios.cfg if filename is None: c = config(cfg_file=cfg_file) for key, value in c._load_static_file(): if key == "status_file": filename = value self.filename = filename self.data = None def get_contactstatus(self, contact_name): """ Returns a dictionary derived from status.dat for one particular contact Args: contact_name: `contact_name` field of the contact's status.dat data to parse and return as a dict. Returns: dict derived from status.dat for the contact. Raises: ValueError if object is not found Example: >>> s = status() >>> s.get_contactstatus(contact_name='invalid_contact') ValueError('invalid_contact',) >>> first_contact = s.data['contactstatus'][0]['contact_name'] >>> s.get_contactstatus(first_contact)['contact_name'] == first_contact True """ if self.data is None: self.parse() for i in self.data['contactstatus']: if i.get('contact_name') == contact_name: return i return ValueError(contact_name) def get_hoststatus(self, host_name): """ Returns a dictionary derived from status.dat for one particular contact Args: host_name: `host_name` field of the host's status.dat data to parse and return as a dict. Returns: dict derived from status.dat for the host. Raises: ValueError if object is not found """ if self.data is None: self.parse() for i in self.data['hoststatus']: if i.get('host_name') == host_name: return i raise ValueError(host_name) def get_servicestatus(self, host_name, service_description): """ Returns a dictionary derived from status.dat for one particular service Args: service_name: `service_name` field of the host's status.dat data to parse and return as a dict. Returns: dict derived from status.dat for the service. Raises: ValueError if object is not found """ if self.data is None: self.parse() for i in self.data['servicestatus']: if i.get('host_name') == host_name: if i.get('service_description') == service_description: return i raise ValueError(host_name, service_description) class ObjectCache(Config): """ Loads the configuration as it appears in objects.cache file """ def get_cfg_files(self): for k, v in self.maincfg_values: if k == 'object_cache_file': return [v] class ParserError(Exception): """ ParserError is used for errors that the Parser has when parsing config. Typical usecase when there is a critical error while trying to read configuration. """ filename = None line_start = None message = None def __init__(self, message, item=None): """ Creates an instance of ParserError Args: message: Message to be printed by the error item: Pynag item who caused the error """ self.message = message if item is None: return self.item = item self.filename = item['meta']['filename'] self.line_start = item['meta'].get('line_start') def __str__(self): message = self.message if self.filename and self.line_start: message = '%s in %s, line %s' % (message, self.filename, self.line_start) return repr(message) class ConfigFileNotFound(ParserError): """ This exception is thrown if we cannot locate any nagios.cfg-style config file. """ pass class LivestatusNotConfiguredException(ParserError): """ This exception is raised if we tried to autodiscover path to livestatus and failed """ class LogFiles(object): """ Parses Logfiles defined in nagios.cfg and allows easy access to its content Content is stored in python-friendly arrays of dicts. Output should be more or less compatible with mk_livestatus log output """ def __init__(self, maincfg=None): self.config = config(maincfg) self.log_file = self.config.get_cfg_value('log_file') self.log_archive_path = self.config.get_cfg_value('log_archive_path') def get_log_entries(self, start_time=None, end_time=None, strict=True, search=None, **kwargs): """ Get Parsed log entries for given timeperiod. Args: start_time: unix timestamp. if None, return all entries from today end_time: If specified, only fetch log entries older than this (unix timestamp) strict: If True, only return entries between start_time and end_time, if False, then return entries that belong to same log files as given timeset search: If provided, only return log entries that contain this string (case insensitive) kwargs: All extra arguments are provided as filter on the log entries. f.e. host_name="localhost" Returns: List of dicts """ now = time.time() if end_time is None: end_time = now if start_time is None: if 'filename' in kwargs: start_time = 1 else: seconds_in_a_day = 60 * 60 * 24 seconds_today = end_time % seconds_in_a_day # midnight of today start_time = end_time - seconds_today start_time = int(start_time) end_time = int(end_time) logfiles = self.get_logfiles() if 'filename' in kwargs: logfiles = filter(lambda x: x == kwargs.get('filename'), logfiles) # If start time was provided, skip all files that we last modified # before start_time if start_time: logfiles = filter(lambda x: start_time <= os.stat(x).st_mtime, logfiles) # Log entries are returned in ascending order, which is the opposite of # what get_logfiles returns. logfiles.reverse() result = [] for log_file in logfiles: entries = self._parse_log_file(filename=log_file) if len(entries) == 0: continue first_entry = entries[0] last_entry = entries[-1] if first_entry['time'] > end_time: continue # If strict, filter entries to only include the ones in the timespan if strict is True: entries = [x for x in entries if x['time'] >= start_time and x['time'] <= end_time] # If search string provided, filter the string if search is not None: entries = [x for x in entries if x['message'].lower().find(search.lower()) > -1] for k, v in kwargs.items(): entries = [x for x in entries if x.get(k) == v] result += entries if start_time is None or int(start_time) >= int(first_entry.get('time')): continue # Now, logfiles should in MOST cases come sorted for us. # However we rely on modification time of files and if it is off, # We want to make sure log entries are coming in the correct order. # The following sort should not impact performance in the typical use case. result.sort(key=lambda x: x.get('time')) return result def get_logfiles(self): """ Returns a list with the fullpath to every log file used by nagios. Lists are sorted by modification times. Newest logfile is at the front of the list so usually nagios.log comes first, followed by archivelogs Returns: List of strings """ logfiles = [] for filename in os.listdir(self.log_archive_path): full_path = "%s/%s" % (self.log_archive_path, filename) logfiles.append(full_path) logfiles.append(self.log_file) # Sort the logfiles by modification time, newest file at the front compare_mtime = lambda a, b: os.stat(a).st_mtime < os.stat(b).st_mtime logfiles.sort(key=lambda x: int(os.stat(x).st_mtime)) # Newest logfiles go to the front of the list logfiles.reverse() return logfiles def get_flap_alerts(self, **kwargs): """ Same as :py:meth:`get_log_entries`, except return timeperiod transitions. Takes same parameters. """ return self.get_log_entries(class_name="timeperiod transition", **kwargs) def get_notifications(self, **kwargs): """ Same as :py:meth:`get_log_entries`, except return only notifications. Takes same parameters. """ return self.get_log_entries(class_name="notification", **kwargs) def get_state_history(self, start_time=None, end_time=None, host_name=None, strict=True, service_description=None): """ Returns a list of dicts, with the state history of hosts and services. Args: start_time: unix timestamp. if None, return all entries from today end_time: If specified, only fetch log entries older than this (unix timestamp) host_name: If provided, only return log entries that contain this string (case insensitive) service_description: If provided, only return log entries that contain this string (case insensitive) Returns: List of dicts with state history of hosts and services """ log_entries = self.get_log_entries(start_time=start_time, end_time=end_time, strict=strict, class_name='alerts') result = [] last_state = {} now = time.time() for line in log_entries: if 'state' not in line: continue line['duration'] = now - int(line.get('time')) if host_name is not None and host_name != line.get('host_name'): continue if service_description is not None and service_description != line.get('service_description'): continue if start_time is None: start_time = int(line.get('time')) short_name = "%s/%s" % (line['host_name'], line['service_description']) if short_name in last_state: last = last_state[short_name] last['end_time'] = line['time'] last['duration'] = last['end_time'] - last['time'] line['previous_state'] = last['state'] last_state[short_name] = line if strict is True: if start_time is not None and int(start_time) > int(line.get('time')): continue if end_time is not None and int(end_time) < int(line.get('time')): continue result.append(line) return result def _parse_log_file(self, filename=None): """ Parses one particular nagios logfile into arrays of dicts. Args: filename: Log file to be parsed. If is None, then log_file from nagios.cfg is used. Returns: A list of dicts containing all data from the log file """ if filename is None: filename = self.log_file result = [] for line in open(filename).readlines(): parsed_entry = self._parse_log_line(line) if parsed_entry != {}: parsed_entry['filename'] = filename result.append(parsed_entry) return result def _parse_log_line(self, line): """ Parse one particular line in nagios logfile and return a dict. Args: line: Line of the log file to be parsed. Returns: dict containing the information from the log file line. """ host = None service_description = None state = None check_attempt = None plugin_output = None contact = None m = re.search('^\[(.*?)\] (.*?): (.*)', line) if m is None: return {} line = line.strip() timestamp, logtype, options = m.groups() result = {} try: timestamp = int(timestamp) except ValueError: timestamp = 0 result['time'] = int(timestamp) result['type'] = logtype result['options'] = options result['message'] = line result['class'] = 0 # unknown result['class_name'] = 'unclassified' if logtype in ('CURRENT HOST STATE', 'CURRENT SERVICE STATE', 'SERVICE ALERT', 'HOST ALERT'): result['class'] = 1 result['class_name'] = 'alerts' if logtype.find('HOST') > -1: # This matches host current state: m = re.search('(.*?);(.*?);(.*);(.*?);(.*)', options) if m is None: return result host, state, hard, check_attempt, plugin_output = m.groups() service_description = None if logtype.find('SERVICE') > -1: m = re.search('(.*?);(.*?);(.*?);(.*?);(.*?);(.*)', options) if m is None: return result host, service_description, state, hard, check_attempt, plugin_output = m.groups() result['host_name'] = host result['service_description'] = service_description result['state'] = int(pynag.Plugins.state[state]) result['check_attempt'] = check_attempt result['plugin_output'] = plugin_output result['text'] = plugin_output elif "NOTIFICATION" in logtype: result['class'] = 3 result['class_name'] = 'notification' if logtype == 'SERVICE NOTIFICATION': m = re.search('(.*?);(.*?);(.*?);(.*?);(.*?);(.*)', options) if m is None: return result contact, host, service_description, state, command, plugin_output = m.groups() elif logtype == 'HOST NOTIFICATION': m = re.search('(.*?);(.*?);(.*?);(.*?);(.*)', options) if m is None: return result contact, host, state, command, plugin_output = m.groups() service_description = None result['contact_name'] = contact result['host_name'] = host result['service_description'] = service_description try: result['state'] = int(pynag.Plugins.state[state]) except Exception: result['state'] = -1 result['plugin_output'] = plugin_output result['text'] = plugin_output elif logtype == "EXTERNAL COMMAND": result['class'] = 5 result['class_name'] = 'command' m = re.search('(.*?);(.*)', options) if m is None: return result command_name, text = m.groups() result['command_name'] = command_name result['text'] = text elif logtype in ('PASSIVE SERVICE CHECK', 'PASSIVE HOST CHECK'): result['class'] = 4 result['class_name'] = 'passive' if logtype.find('HOST') > -1: # This matches host current state: m = re.search('(.*?);(.*?);(.*)', options) if m is None: return result host, state, plugin_output = m.groups() service_description = None if logtype.find('SERVICE') > -1: m = re.search('(.*?);(.*?);(.*?);(.*)', options) if m is None: return result host, service_description, state, plugin_output = m.groups() result['host_name'] = host result['service_description'] = service_description result['state'] = state result['plugin_output'] = plugin_output result['text'] = plugin_output elif logtype in ('SERVICE FLAPPING ALERT', 'HOST FLAPPING ALERT'): result['class_name'] = 'flapping' elif logtype == 'TIMEPERIOD TRANSITION': result['class_name'] = 'timeperiod_transition' elif logtype == 'Warning': result['class_name'] = 'warning' result['state'] = "1" result['text'] = options if 'text' not in result: result['text'] = result['options'] result['log_class'] = result['class'] # since class is a python keyword return result class ExtraOptsParser(object): """ Get Nagios Extra-Opts from a config file as specified by http://nagiosplugins.org/extra-opts We could ALMOST use pythons ConfParser but nagios plugin team thought it would be a good idea to support multiple values per key, so a dict datatype no longer works. Its a shame because we have to make our own "ini" parser as a result Usage:: # cat /etc/nagios/plugins.ini [main] host_name = localhost [other section] host_name = example.com # EOF e = ExtraOptsParser(section_name='main', config_file='/etc/nagios/plugins.ini') e.get('host_name') # returns "localhost" e.get_values() # Returns a dict of all the extra opts e.getlist('host_name') # returns all values of host_name (if more than one were specified) in a list """ standard_locations = [ "/etc/nagios/plugins.ini", "/usr/local/nagios/etc/plugins.ini", "/usr/local/etc/nagios/plugins.ini", "/etc/opt/nagios/plugins.ini", "/etc/nagios-plugins.ini", "/usr/local/etc/nagios-plugins.ini", "/etc/opt/nagios-plugins.ini", ] def __init__(self, section_name=None, config_file=None): if not section_name: section_name = self.get_default_section_name() if not config_file: config_file = self.get_default_config_file() self.section_name = section_name self.config_file = config_file self._all_options = self.parse_file(filename=config_file) or {} def get_values(self): """ Returns a dict with all extra-options with the granted section_name and config_file Results are in the form of:: { 'key': ["possible","values"] } """ return self._all_options.get(self.section_name, {}) def get_default_section_name(self): """ According to extra-opts standard, the default should be filename of check script being run """ return os.path.basename(sys.argv[0]) def get_default_config_file(self): """ Return path to first readable extra-opt config-file found According to the nagiosplugins extra-opts spec the search method is as follows: 1. Search for nagios.ini or nagios-plugins.ini in : splitted variable NAGIOS_CONFIG_PATH 2. Search in a predefined list of files 3. Return None if no config file is found The method works as follows: To quote the spec on NAGIOS_CONFIG_PATH: *"To use a custom location, set a NAGIOS_CONFIG_PATH environment variable to the set of directories that should be checked (this is a colon-separated list just like PATH). The first plugins.ini or nagios-plugins.ini file found in these directories will be used."* """ search_path = [] nagios_config_path = os.environ.get('NAGIOS_CONFIG_PATH', '') for path in nagios_config_path.split(':'): search_path.append(os.path.join(path, 'plugins.ini')) search_path.append(os.path.join(path, 'nagios-plugins.ini')) search_path += self.standard_locations self.search_path = search_path for path in search_path: if os.path.isfile(path): return path return None def get(self, option_name, default=_sentinel): """ Return the value of one specific option Args: option_name: The value set to this option will be returned Returns: The value of `option_name` Raises: :py:class:`ValueError` when `option_name` cannot be found in options """ result = self.getlist(option_name, default) # If option was not found, raise error if result == _sentinel: raise ValueError("Option named %s was not found" % (option_name)) elif result == default: return result elif not result: # empty list return result else: return result[0] def getlist(self, option_name, default=_sentinel): """ Return a list of all values for option_name Args: option_name: All the values set to this option will be returned Returns: List containing all the options set to `option_name` Raises: :py:class:`ValueError` when `option_name` cannot be found in options """ result = self.get_values().get(option_name, default) if result == _sentinel: raise ValueError("Option named %s was not found" % (option_name)) return result def parse_file(self, filename): """ Parses an ini-file and returns a dict of the ini values. The datatype returned is a list of sections where each section is a dict of values. Args: filename: Full path to the ini-file to be parsed. Example the following the file:: [main] name = this is a name key = value key = value2 Would return:: [ {'main': { 'name': ['this is a name'], 'key': [value, value2] } }, ] """ if filename is None: return {} f = open(filename) try: data = f.read() return self.parse_string(data) finally: f.close() def parse_string(self, string): """ Parses a string that is supposed to be ini-style format. See :py:meth:`parse_file` for more info Args: string: String to be parsed. Should be in ini-file format. Returns: Dictionnary containing all the sections of the ini-file and their respective data. Raises: :py:class:`ParserError` when line does not follow the ini format. """ sections = {} # When parsing inside a section, the name of it stored here. section_name = None current_section = pynag.Utils.defaultdict(dict) for line_no, line, in enumerate(string.splitlines()): line = line.strip() # skip empty lines if not line or line[0] in ('#', ';'): continue # Check if this is a new section if line.startswith('[') and line.endswith(']'): section_name = line.strip('[').strip(']').strip() current_section = pynag.Utils.defaultdict(list) sections[section_name] = current_section continue # All entries should have key=value format if not '=' in line: error = "Line %s should be in the form of key=value format (got '%s' instead)" % (line_no, line) raise ParserError(error) # If we reach here, we parse current line into key and a value section key, value = line.split('=', 1) key = key.strip() value = value.strip() sections[section_name][key].append(value) return sections class SshConfig(Config): """ Parse object configuration files from remote host via ssh Uses python-paramiko for ssh connections. """ def __init__(self, host, username, password=None, cfg_file=None): """ Creates a SshConfig instance Args: host: Host to connect to username: User to connect with password: Password for `username` cfg_file: Nagios main cfg file """ import paramiko self.ssh = paramiko.SSHClient() self.ssh.set_missing_host_key_policy(paramiko.AutoAddPolicy()) self.ssh.connect(host, username=username, password=password) self.ftp = self.ssh.open_sftp() import cStringIO c = cStringIO.StringIO() self.tar = tarfile.open(mode='w', fileobj=c) self.cached_stats = {} super(SshConfig, self).__init__(cfg_file=cfg_file) def open(self, filename, *args, **kwargs): """ Behaves like file.open only, via ssh connection """ return self.tar.extractfile(filename) tarinfo = self._get_file(filename) string = tarinfo.tobuf() print string return StringIO.StringIO(string) return self.tar.extractfile(tarinfo) def add_to_tar(self, path): """ """ print "Taring ", path command = "find '{path}' -type f | tar -c -T - --to-stdout --absolute-names" command = command.format(path=path) print command stdin, stdout, stderr = self.ssh.exec_command(command, bufsize=50000) tar = tarfile.open(fileobj=stdout, mode='r|') if not self.tar: self.tar = tar # return else: for i in tar: self.tar.addfile(i) def is_cached(self, filename): if not self.tar: return False return filename in self.tar.getnames() def _get_file(self, filename): """ Download filename and return the TarInfo object """ if filename not in self.tar.getnames(): self.add_to_tar(filename) return self.tar.getmember(filename) def get_cfg_files(self): cfg_files = [] for config_object, config_value in self.maincfg_values: # Add cfg_file objects to cfg file list if config_object == "cfg_file": config_value = self.abspath(config_value) if self.isfile(config_value): cfg_files.append(config_value) elif config_object == "cfg_dir": absolut_path = self.abspath(config_value) command = "find '%s' -type f -iname \*cfg" % (absolut_path) stdin, stdout, stderr = self.ssh.exec_command(command) raw_filelist = stdout.read().splitlines() cfg_files += raw_filelist else: continue if not self.is_cached(config_value): self.add_to_tar(config_value) return cfg_files def isfile(self, path): """ Behaves like os.path.isfile only, via ssh connection """ try: copy = self._get_file(path) return copy.isfile() except IOError: return False def isdir(self, path): """ Behaves like os.path.isdir only, via ssh connection """ try: file_stat = self.stat(path) return stat.S_ISDIR(file_stat.st_mode) except IOError: return False def islink(self, path): """ Behaves like os.path.islink only, via ssh connection """ try: file_stat = self.stat(path) return stat.S_ISLNK(file_stat.st_mode) except IOError: return False def readlink(self, path): """ Behaves like os.readlink only, via ssh connection """ return self.ftp.readlink(path) def stat(self, *args, **kwargs): """ Wrapper around os.stat only, via ssh connection """ path = args[0] if not self.is_cached(path): self.add_to_tar(path) if path not in self.tar.getnames(): raise IOError("No such file or directory %s" % path) member = self.tar.getmember(path) member.st_mode = member.mode member.st_mtime = member.mtime return member def access(self, *args, **kwargs): """ Wrapper around os.access only, via ssh connection """ return os.access(*args, **kwargs) def exists(self, path): """ Wrapper around os.path.exists only, via ssh connection """ try: self.ftp.stat(path) return True except IOError: return False def listdir(self, *args, **kwargs): """ Wrapper around os.listdir but via ssh connection """ stats = self.ftp.listdir_attr(*args, **kwargs) for i in stats: self.cached_stats[args[0] + "/" + i.filename] = i files = map(lambda x: x.filename, stats) return files class MultiSite(Livestatus): """ Wrapps around multiple Livesatus instances and aggregates the results of queries. Example: >>> m = MultiSite() >>> m.add_backend(path='/var/spool/nagios/livestatus.socket', name='local') >>> m.add_backend(path='127.0.0.1:5992', name='remote') """ def __init__(self, *args, **kwargs): super(MultiSite, self).__init__(*args, **kwargs) self.backends = {} def add_backend(self, path, name): """ Add a new livestatus backend to this instance. Arguments: path (str): Path to file socket or remote address name (str): Friendly shortname for this backend """ backend = Livestatus( livestatus_socket_path=path, nagios_cfg_file=self.nagios_cfg_file, authuser=self.authuser ) self.backends[name] = backend def get_backends(self): """ Returns a list of mk_livestatus instances Returns: list. List of mk_livestatus instances """ return self.backends def get_backend(self, backend_name): """ Return one specific backend that has previously been added """ if not backend_name: return self.backends.values()[0] try: return self.backends[backend_name] except KeyError: raise ParserError("No backend found with name='%s'" % backend_name) def query(self, query, *args, **kwargs): """ Behaves like mk_livestatus.query() except results are aggregated from multiple backends Arguments: backend (str): If specified, fetch only data from this backend (see add_backend()) *args: Passed directly to mk_livestatus.query() **kwargs: Passed directly to mk_livestatus.query() """ result = [] backend = kwargs.pop('backend', None) # Special hack, if 'Stats' argument was provided to livestatus # We have to maintain compatibility with old versions of livestatus # and return single list with all results instead of a list of dicts doing_stats = any(map(lambda x: x.startswith('Stats:'), args + (query,))) # Iterate though all backends and run the query # TODO: Make this multithreaded for name, backend_instance in self.backends.items(): # Skip if a specific backend was requested and this is not it if backend and backend != name: continue query_result = backend_instance.query(query, *args, **kwargs) if doing_stats: result = self._merge_statistics(result, query_result) else: for row in query_result: row['backend'] = name result.append(row) return result def _merge_statistics(self, list1, list2): """ Merges multiple livestatus results into one result Arguments: list1 (list): List of integers list2 (list): List of integers Returns: list. Aggregated results of list1 + list2 Example: >>> result1 = [1,1,1,1] >>> result2 = [2,2,2,2] >>> MultiSite()._merge_statistics(result1, result2) [3, 3, 3, 3] """ if not list1: return list2 if not list2: return list1 number_of_columns = len(list1) result = [0] * number_of_columns for row in (list1, list2): for i, column in enumerate(row): result[i] += column return result def get_host(self, host_name, backend=None): """ Same as Livestatus.get_host() """ backend = self.get_backend(backend) return backend.get_host(host_name) def get_service(self, host_name, service_description, backend=None): """ Same as Livestatus.get_service() """ backend = self.get_backend(backend) return backend.get_service(host_name, service_description) def get_contact(self, contact_name, backend=None): """ Same as Livestatus.get_contact() """ backend = self.get_backend(backend) return backend.get_contact(contact_name) def get_contactgroup(self, contactgroup_name, backend=None): """ Same as Livestatus.get_contact() """ backend = self.get_backend(backend) return backend.get_contactgroup(contactgroup_name) def get_servicegroup(self, servicegroup_name, backend=None): """ Same as Livestatus.get_servicegroup() """ backend = self.get_backend(backend) return backend.get_servicegroup(servicegroup_name) def get_hostgroup(self, hostgroup_name, backend=None): """ Same as Livestatus.get_hostgroup() """ backend = self.get_backend(backend) return backend.get_hostgroup(hostgroup_name) class config(Config): """ This class is here only for backwards compatibility. Use Config instead. """ class mk_livestatus(Livestatus): """ This class is here only for backwards compatibility. Use Livestatus instead. """ class object_cache(ObjectCache): """ This class is here only for backwards compatibility. Use ObjectCache instead. """ class status(StatusDat): """ This class is here only for backwards compatibility. Use StatusDat instead. """ class retention(RetentionDat): """ This class is here only for backwards compatibility. Use RetentionDat instead. """ if __name__ == '__main__': import time start = time.time() ssh = SshConfig(host='status.adagios.org', username='palli') ssh.ssh.get_transport().window_size = 3 * 1024 * 1024 ssh.ssh.get_transport().use_compression() # ssh.add_to_tar('/etc/nagios') # sys.exit() # ssh.ssh.exec_command("/bin/ls") print "before reset" ssh.parse() end = time.time() print "duration=", end - start bland = ssh.tar.getmember('/etc/nagios/okconfig/hosts/web-servers/bland.is-http.cfg') print bland.tobuf() sys.exit(0) print "ssh up" ssh_conn = FastTransport(('status.adagios.org', 22)) ssh_conn.connect(username='palli') ftp = paramiko.SFTPClient.from_transport(ssh_conn) print "connected" \ "" ssh.ssh = ssh_conn ssh.ftp = ftp print "starting parse" print "done parsing"
kaji-project/pynag
pynag/Parsers/__init__.py
Python
gpl-2.0
129,457
#!/usr/bin/env python import unittest from werkzeug.exceptions import NotFound, Forbidden from tests.logic_t.layer.LogicLayer.util import generate_ll class TaskPrioritizeBeforeLogicLayerTest(unittest.TestCase): def setUp(self): self.ll = generate_ll() self.pl = self.ll.pl def test_add_prioritize_before_adds_prioritize_before(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # when results = self.ll.do_add_prioritize_before_to_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_if_already_added_still_succeeds(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') t1.prioritize_before.append(t2) user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # when results = self.ll.do_add_prioritize_before_to_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_null_ids_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_before_to_task, None, t2.id, user) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_before_to_task, t1.id, None, user) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_before_to_task, None, None, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) def test_null_user_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_before_to_task, t1.id, t2.id, None) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) def test_user_not_authorized_for_task_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # expect self.assertRaises(Forbidden, self.ll.do_add_prioritize_before_to_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) def test_user_not_authorized_for_prioritize_before_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # expect self.assertRaises(Forbidden, self.ll.do_add_prioritize_before_to_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) def test_task_not_found_raises_exception(self): # given t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNone(self.pl.get_task(t2.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_add_prioritize_before_to_task, t2.id + 1, t2.id, user) # then self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNone(self.pl.get_task(t2.id+1)) def test_prioritize_before_not_found_raises_exception(self): # given t1 = self.pl.create_task('t1') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertIsNone(self.pl.get_task(t1.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_add_prioritize_before_to_task, t1.id, t1.id + 1, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertIsNone(self.pl.get_task(t1.id + 1)) def test_remove_prioritize_before_removes_prioritize_before(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_before.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # when results = self.ll.do_remove_prioritize_before_from_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_if_prioritize_before_already_removed_still_succeeds(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) # when results = self.ll.do_remove_prioritize_before_from_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_remove_prioritize_before_with_null_ids_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_before.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_before_from_task, None, t2.id, user) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_before_from_task, t1.id, None, user) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_before_from_task, None, None, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) def test_remove_prioritize_before_with_null_user_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_before.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_before_from_task, t1.id, t2.id, None) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) def test_remove_prioritize_before_user_unauthd_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) t1.prioritize_before.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # note that this situation shouldn't happen anyways. a task shouldn't # be prioritized before another task unless both share a common set of # one or more authorized users # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # expect self.assertRaises(Forbidden, self.ll.do_remove_prioritize_before_from_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) def test_remove_user_not_authd_for_prioritizebefore_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t1.prioritize_before.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # note that this situation shouldn't happen anyways. a task shouldn't # be prioritized before another task unless both share a common set of # one or more authorized users # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) # expect self.assertRaises(Forbidden, self.ll.do_remove_prioritize_before_from_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(1, len(t1.prioritize_before)) self.assertEqual(1, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertTrue(t2 in t1.prioritize_before) self.assertTrue(t1 in t2.prioritize_after) def test_remove_prioritize_before_task_not_found_raises_exception(self): # given t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNone(self.pl.get_task(t2.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_remove_prioritize_before_from_task, t2.id + 1, t2.id, user) # then self.assertEqual(0, len(t2.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertIsNone(self.pl.get_task(t2.id+1)) def test_remove_prioritize_before_when_not_found_raises_exception(self): # given t1 = self.pl.create_task('t1') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertIsNone(self.pl.get_task(t1.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_remove_prioritize_before_from_task, t1.id, t1.id + 1, user) # then self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t1.prioritize_before)) self.assertIsNone(self.pl.get_task(t1.id + 1)) class TaskPrioritizeAfterLogicLayerTest(unittest.TestCase): def setUp(self): self.ll = generate_ll() self.pl = self.ll.pl def test_add_prioritize_after_adds_prioritize_after(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # when results = self.ll.do_add_prioritize_after_to_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_if_already_added_still_succeeds(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') t1.prioritize_after.append(t2) user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # when results = self.ll.do_add_prioritize_after_to_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_null_ids_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_after_to_task, None, t2.id, user) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_after_to_task, t1.id, None, user) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_after_to_task, None, None, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) def test_null_user_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # expect self.assertRaises(ValueError, self.ll.do_add_prioritize_after_to_task, t1.id, t2.id, None) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) def test_user_not_authorized_for_task_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # expect self.assertRaises(Forbidden, self.ll.do_add_prioritize_after_to_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) def test_user_not_authorized_for_prioritize_after_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # expect self.assertRaises(Forbidden, self.ll.do_add_prioritize_after_to_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) def test_task_not_found_raises_exception(self): # given t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNone(self.pl.get_task(t2.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_add_prioritize_after_to_task, t2.id + 1, t2.id, user) # then self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNone(self.pl.get_task(t2.id+1)) def test_prioritize_after_not_found_raises_exception(self): # given t1 = self.pl.create_task('t1') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertIsNone(self.pl.get_task(t1.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_add_prioritize_after_to_task, t1.id, t1.id + 1, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertIsNone(self.pl.get_task(t1.id + 1)) def test_remove_prioritize_after_removes_prioritize_after(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_after.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # when results = self.ll.do_remove_prioritize_after_from_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_if_prioritize_after_already_removed_still_succeeds(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) # when results = self.ll.do_remove_prioritize_after_from_task(t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNotNone(results) self.assertEqual([t1, t2], list(results)) def test_remove_prioritize_after_with_null_ids_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_after.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_after_from_task, None, t2.id, user) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_after_from_task, t1.id, None, user) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_after_from_task, None, None, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) def test_remove_prioritize_after_with_null_user_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t2.users.append(user) t1.prioritize_after.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # expect self.assertRaises(ValueError, self.ll.do_remove_prioritize_after_from_task, t1.id, t2.id, None) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) def test_rem_prioritize_after_user_unauthd_for_task_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) t1.prioritize_after.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # note that this situation shouldn't happen anyways. a task shouldn't # be prioritized before another task unless both share a common set of # one or more authorized users # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # expect self.assertRaises(Forbidden, self.ll.do_remove_prioritize_after_from_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) def test_remove_user_not_authd_for_prioritize_after_raises_exception(self): # given t1 = self.pl.create_task('t1') t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t1.users.append(user) t1.prioritize_after.append(t2) self.pl.add(t1) self.pl.add(t2) self.pl.add(user) self.pl.commit() # note that this situation shouldn't happen anyways. a task shouldn't # be prioritized before another task unless both share a common set of # one or more authorized users # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) # expect self.assertRaises(Forbidden, self.ll.do_remove_prioritize_after_from_task, t1.id, t2.id, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(1, len(t1.prioritize_after)) self.assertEqual(1, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertTrue(t2 in t1.prioritize_after) self.assertTrue(t1 in t2.prioritize_before) def test_remove_prioritize_after_task_not_found_raises_exception(self): # given t2 = self.pl.create_task('t2') user = self.pl.create_user('name@example.com') t2.users.append(user) self.pl.add(t2) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNone(self.pl.get_task(t2.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_remove_prioritize_after_from_task, t2.id + 1, t2.id, user) # then self.assertEqual(0, len(t2.prioritize_before)) self.assertEqual(0, len(t2.prioritize_after)) self.assertIsNone(self.pl.get_task(t2.id+1)) def test_remove_prioritize_after_when_not_found_raises_exception(self): # given t1 = self.pl.create_task('t1') user = self.pl.create_user('name@example.com') t1.users.append(user) self.pl.add(t1) self.pl.add(user) self.pl.commit() # precondition self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertIsNone(self.pl.get_task(t1.id + 1)) # expect self.assertRaises(NotFound, self.ll.do_remove_prioritize_after_from_task, t1.id, t1.id + 1, user) # then self.assertEqual(0, len(t1.prioritize_before)) self.assertEqual(0, len(t1.prioritize_after)) self.assertIsNone(self.pl.get_task(t1.id + 1))
izrik/tudor
tests/logic_t/layer/LogicLayer/test_task_prioritize.py
Python
gpl-2.0
36,403
import os from collections import OrderedDict from .sqldatabase import SqlDatabase from .retrieve_core_info import retrieveCoreInfo # Root class that all SQL table updaters derive from class SqlTableUpdater(): def __init__(self, tableName, tableColumns=[], coreInfo={}): self.tableName = tableName self.columnsDict = OrderedDict(tableColumns) self.dbFile = os.path.join(os.getcwd().replace("python", "metadata"), "libretro.sqlite") self.dbFileExists = os.path.isfile(self.dbFile) self.coreInfo = coreInfo # self.filterUnusedCores() def updateTable(self): pass def updateColumns(self, database, additionalStatement: str = ""): if not self.dbFileExists: database.createTable(self.tableName, self.columnsDict, additionalStatement) else: try: database.deleteTable(self.tableName) except: database.createTable(self.tableName, self.columnsDict, additionalStatement) def __del__(self): print("Updated " + self.tableName + " table.") def libretroSystemList(self): systems = [] for k, v in self.coreInfo['cores'].items(): if "categories" not in v or v["categories"] != "Emulator": continue if "database" in v: name = v["database"].split("|") for n in name: systems.append(n) # Split console and manufacturer names # Not really necessary for Libretro identifiers #tup = n.split(" - ") # ## "MAME" #if len(tup) == 1: # systems.append(tup[0]) # ## Nearly every one #elif len(tup) == 2: # systems.append(tup[1]) # ## Sega - Master System - Mark III ## Sega - Mega Drive - Genesis #elif len(tup) == 3: # systems.append(tup[1]) # There are some cores that do not have "database" defined elif "systemname" in v: systems.append(v["systemname"]) systems = list(set(systems)) systems.sort() return systems # This map defines all Libretro-based systems that Phoenix supports. If it isn't in here, it isn't supported by Phoenix! # TODO: Place this information into an entirely separate database # WARNING: Do NOT change Phoenix UUIDs (1st column), even if there are spelling mistakes. Change friendlyName if you really need to. phoenixSystemDatabase = { # friendlyName: North American console name without manufacturer # shortName: Abbreviation (typically 3 letters) # enabled: True iff a core is available, Phoenix can run it, and the game scanner can find it (extensions set) # Everything else "Arcade": {"enabled": False, "defaultCore": "mame_libretro", "friendlyName": "", "shortName": "", "manufacturer": "(Various)" }, # Conspicuously missing from No-Intro "Amstrad - CPC": {"enabled": False, "defaultCore": "cap32_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Amstrad" }, "Atari - 2600": {"enabled": True, "defaultCore": "stella_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Capcom - CP System I": {"enabled": False, "defaultCore": "fb_alpha_cps1_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Capcom" }, "Capcom - CP System II": {"enabled": False, "defaultCore": "fb_alpha_cps2_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Capcom" }, "Capcom - CP System III": {"enabled": False, "defaultCore": "fbalpha2012_cps3_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Capcom" }, "Capcom - CPS Changer": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Capcom" }, "CHIP-8": {"enabled": False, "defaultCore": "emux_chip8_libretro", "friendlyName": "", "shortName": "", "manufacturer": "(Various)" }, "DOS": {"enabled": False, "defaultCore": "dosbox_libretro", "friendlyName": "", "shortName": "", "manufacturer": "(Various)" }, "Mattel - Intellivision": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Mattel" }, "Nintendo - Game & Watch": {"enabled": False, "defaultCore": "gw_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Sinclair - ZX81": {"enabled": False, "defaultCore": "81_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sinclair" }, "SNK - Neo Geo": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "SNK" }, # No-Intro, both official and non-official (ROM-based games) "Atari - 5200": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Atari - 7800": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Atari - Jaguar": {"enabled": True, "defaultCore": "virtualjaguar_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Atari - Lynx": {"enabled": True, "defaultCore": "mednafen_lynx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Atari - ST": {"enabled": True, "defaultCore": "hatari_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Atari" }, "Bandai - WonderSwan Color": {"enabled": True, "defaultCore": "mednafen_wswan_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Bandai" }, "Bandai - WonderSwan": {"enabled": True, "defaultCore": "mednafen_wswan_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Bandai" }, "Casio - Loopy": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Casio" }, "Casio - PV-1000": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Casio" }, "Coleco - ColecoVision": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Coleco" }, #"Commodore - 64 (PP)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, #"Commodore - 64 (Tapes)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - 64": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - Amiga": {"enabled": True, "defaultCore": "puae_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - Plus-4": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - VIC-20": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Emerson - Arcadia 2001": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Emerson" }, "Entex - Adventure Vision": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Entex" }, "Epoch - Super Cassette Vision": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Epoch" }, "Fairchild - Channel F": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Fairchild" }, "Funtech - Super Acan": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Funtech" }, "GamePark - GP32": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "GamePark" }, "GCE - Vectrex": {"enabled": True, "defaultCore": "vecx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "GCE" }, "Hartung - Game Master": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Hartung" }, "LeapFrog - Leapster Learning Game System": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "LeapFrog" }, "Magnavox - Odyssey2": {"enabled": False, "defaultCore": "o2em_libretro", "friendlyName": u"Odyssey²", "shortName": "", "manufacturer": "Magnavox" }, "Microsoft - MSX 2": {"enabled": False, "defaultCore": "bluemsx_libretro", "friendlyName": "MSX2", "shortName": "", "manufacturer": "Microsoft" }, "Microsoft - MSX": {"enabled": False, "defaultCore": "bluemsx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, #"Microsoft - XBOX 360 (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, #"Microsoft - XBOX 360 (Games on Demand)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, #"Microsoft - XBOX 360 (Title Updates)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, "NEC - PC Engine - TurboGrafx 16": {"enabled": True, "defaultCore": "mednafen_pce_fast_libretro", "friendlyName": "TurboGrafx 16", "shortName": "", "manufacturer": "NEC" }, "NEC - Super Grafx": {"enabled": True, "defaultCore": "mednafen_supergrafx_libretro", "friendlyName": "SuperGrafx", "shortName": "", "manufacturer": "NEC" }, #"Nintendo - Famicom Disk System": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Game Boy Advance (e-Cards)": {"enabled": True, "defaultCore": "vbam_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Game Boy Advance": {"enabled": True, "defaultCore": "vbam_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Game Boy Color": {"enabled": True, "defaultCore": "gambatte_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Game Boy": {"enabled": True, "defaultCore": "gambatte_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, #"Nintendo - New Nintendo 3DS (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - New Nintendo 3DS": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, #"Nintendo - Nintendo 3DS (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Nintendo 3DS": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Nintendo 64": {"enabled": True, "defaultCore": "mupen64plus_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, #"Nintendo - Nintendo DS (Download Play) (BETA)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Nintendo DS": {"enabled": True, "defaultCore": "desmume_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, #"Nintendo - Nintendo DSi (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Nintendo DSi": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Nintendo Entertainment System": {"enabled": True, "defaultCore": "fceumm_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, #"Nintendo - Nintendo Wii (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Pokemon Mini": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Satellaview": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Sufami Turbo": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Super Nintendo Entertainment System": {"enabled": True, "defaultCore": "bsnes_mercury_balanced_libretro", "friendlyName": "Super Nintendo", "shortName": "", "manufacturer": "Nintendo" }, "Nintendo - Virtual Boy": {"enabled": True, "defaultCore": "mednafen_vb_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Nokia - N-Gage": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nokia" }, "Philips - Videopac+": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Philips" }, "RCA - Studio II": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "RCA" }, "Sega - 32X": {"enabled": True, "defaultCore": "picodrive_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Game Gear": {"enabled": True, "defaultCore": "genesis_plus_gx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Master System - Mark III": {"enabled": False, "defaultCore": "emux_sms_libretro", "friendlyName": "Master System", "shortName": "", "manufacturer": "Sega" }, "Sega - Mega Drive - Genesis": {"enabled": True, "defaultCore": "genesis_plus_gx_libretro", "friendlyName": "Genesis", "shortName": "", "manufacturer": "Sega" }, "Sega - PICO": {"enabled": True, "defaultCore": "picodrive_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - SG-1000": {"enabled": True, "defaultCore": "genesis_plus_gx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sinclair - ZX Spectrum +3": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sinclair" }, "SNK - Neo Geo Pocket Color": {"enabled": True, "defaultCore": "mednafen_ngp_libretro", "friendlyName": "", "shortName": "", "manufacturer": "SNK" }, "SNK - Neo Geo Pocket": {"enabled": True, "defaultCore": "mednafen_ngp_libretro", "friendlyName": "", "shortName": "", "manufacturer": "SNK" }, #"Sony - PlayStation 3 (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation 3 (Downloadable)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation 3 (PSN)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation Portable (DLC)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation Portable (PSN)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation Portable (PSX2PSP)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation Portable (UMD Music)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, #"Sony - PlayStation Portable (UMD Video)": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, "Sony - PlayStation Portable": {"enabled": True, "defaultCore": "ppsspp_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, "Tiger - Game.com": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Tiger" }, "Tiger - Gizmondo": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Tiger" }, "VTech - CreatiVision": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "VTech" }, "VTech - V.Smile": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "VTech" }, "Watara - Supervision": {"enabled": True, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Watara" }, # Redump.org (disc-based games) "Apple - Macintosh": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Apple" }, "Bandai - Playdia": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Bandai" }, "Bandai / Apple - Pippin": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Bandai / Apple" }, "Commodore - Amiga CD": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - Amiga CD32": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Commodore - Amiga CDTV": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Commodore" }, "Fujitsu - FM Towns series": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Fujitsu" }, "IBM PC compatible": {"enabled": False, "defaultCore": "", "friendlyName": "PC", "shortName": "", "manufacturer": "(Various)" }, "Mattel - HyperScan": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Mattel" }, "Microsoft - Xbox": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, "Namco / Sega / Nintendo - Triforce": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "NEC - PC Engine CD - TurboGrafx-CD": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "TurboGrafx-CD", "shortName": "", "manufacturer": "NEC" }, "NEC - PC-88 series": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "NEC" }, "NEC - PC-98 series": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "NEC" }, "NEC - PC-FX - PC-FXGA": {"enabled": False, "defaultCore": "mednafen_pcfx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "NEC" }, "Nintendo - GameCube": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Palm OS": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Palm" }, "Panasonic - 3DO Interactive Multiplayer": {"enabled": False, "defaultCore": "4do_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Panasonic" }, "Philips - CD-i": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Philips" }, "Photo - CD": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "(Various)" }, "Sega - Chihiro": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Dreamcast": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Lindbergh": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Mega-CD": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Naomi": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "Sega - Saturn": {"enabled": True, "defaultCore": "yabause_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sega" }, "SNK - Neo Geo CD": {"enabled": False, "defaultCore": "mess2014_libretro", "friendlyName": "", "shortName": "", "manufacturer": "SNK" }, "Sony - PlayStation 2": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, "Sony - PlayStation": {"enabled": True, "defaultCore": "mednafen_psx_libretro", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, "VTech - V.Flash": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "VTech" }, # Seventh-generation consoles (circa 2005) "Microsoft - Xbox 360": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, "Nintendo - Wii": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Sony - PlayStation 3": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, # Eighth-generation consoles (circa 2012) "Microsoft - Xbox One": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, "Nintendo - Wii U": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, "Sony - PlayStation 4": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Sony" }, # Ninth-generation consoles (circa 2017) "Microsoft - Xbox One X": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Microsoft" }, "Nintendo - Switch": {"enabled": False, "defaultCore": "", "friendlyName": "", "shortName": "", "manufacturer": "Nintendo" }, } def phoenixSystems(self): return OrderedDict(sorted(self.phoenixSystemDatabase.items(), key=lambda t: t[0])) def libretroToPhoenix(self, libretroSystem): return self.libretroToPhoenixMap[libretroSystem] # This map essentially says "Register this Libretro core for this (these) Phoenix system(s)" when a .info file claims support for that system # If a core claims support for some Libretro ID, register that core for each Phoenix ID libretroToPhoenixMap = { "3DO": {"Panasonic - 3DO Interactive Multiplayer"}, "Arcade (various)": {"Arcade"}, "Atari - 2600": {"Atari - 2600"}, "Atari - 5200": {"Atari - 5200"}, "Atari - 7800": {"Atari - 7800"}, "Atari - Jaguar": {"Atari - Jaguar"}, "Atari - Lynx": {"Atari - Lynx"}, "Atari ST/STE/TT/Falcon": {"Atari - ST"}, "Bandai - WonderSwan Color": {"Bandai - WonderSwan Color"}, "Bandai - WonderSwan": {"Bandai - WonderSwan"}, "CHIP-8": {"CHIP-8"}, "Commodore Amiga": {"Commodore - Amiga"}, "Commodore - C128": {"Arcade"}, "Commodore - 64": {"Commodore - 64"}, "CP System I": {"Capcom - CP System I"}, "CP System II": {"Capcom - CP System II"}, "CP System III": {"Capcom - CP System III"}, "CPC": {"Amstrad - CPC"}, "DOS": {"DOS"}, "FB Alpha - Arcade Games": {"Arcade"}, "GCE - Vectrex": {"GCE - Vectrex"}, "Handheld Electronic Game": {"Nintendo - Game & Watch"}, "IBM PC compatible": {"IBM PC compatible"}, "Magnavox - Odyssey2": {"Magnavox - Odyssey2"}, "MAME": {"Arcade"}, "MAME2003": {"Arcade"}, "Microsoft - MSX 2": {"Microsoft - MSX 2"}, "Microsoft - MSX2": {"Microsoft - MSX 2"}, "Microsoft - MSX": {"Microsoft - MSX"}, # MESS and UME # http://nonmame.retrogames.com/ "MULTI (various)": { "Atari - 2600", "Atari - 5200", "Atari - 7800", "Atari - Lynx", "Bandai - WonderSwan Color" "Bandai - WonderSwan", "Capcom - CPS Changer", "Coleco - ColecoVision", "Fujitsu - FM Towns series", "Magnavox - Odyssey2", "Mattel - Intellivision", "NEC - PC Engine - TurboGrafx 16", "NEC - PC Engine CD - TurboGrafx-CD", "NEC - Super Grafx", "Nintendo - Game Boy Advance", "Nintendo - Game Boy", "Philips - Videopac+", "RCA - Studio II", "Sega - Game Gear", "Sega - Master System - Mark III", "Sega - Mega Drive - Genesis", "Sega - PICO", "Sega - SG-1000", "SNK - Neo Geo CD", "SNK - Neo Geo", "Watara - Supervision", }, "NEC - PC Engine - TurboGrafx 16": {"NEC - PC Engine - TurboGrafx 16"}, "NEC - PC Engine SuperGrafx": {"NEC - Super Grafx"}, "NEC - PC Engine CD - TurboGrafx-CD": {"NEC - Super Grafx"}, "NEC - PC-FX": {"NEC - PC-FX - PC-FXGA"}, "NEC - Super Grafx": {"NEC - Super Grafx"}, "Neo Geo": {"SNK - Neo Geo"}, "Nintendo - 3DS": {"Nintendo - Nintendo 3DS"}, "Nintendo - Family Computer Disk System": {"Nintendo - Nintendo Entertainment System"}, "Nintendo - Famicom Disk System": {"Nintendo - Nintendo Entertainment System"}, "Nintendo - Game & Watch": {"Nintendo - Game & Watch"}, "Nintendo - Game Boy Advance (e-Cards)": {"Nintendo - Game Boy Advance (e-Cards)"}, "Nintendo - Game Boy Advance": {"Nintendo - Game Boy Advance"}, "Nintendo - Game Boy Color": {"Nintendo - Game Boy Color"}, "Nintendo - Game Boy": {"Nintendo - Game Boy"}, "Nintendo - GameCube": {"Nintendo - GameCube"}, "Nintendo - Nintendo 64": {"Nintendo - Nintendo 64"}, "Nintendo - Nintendo 64DD": {"Nintendo - Nintendo 64"}, "Nintendo - Nintendo DS": {"Nintendo - Nintendo DS"}, "Nintendo - Nintendo DS (Download Play)": {"Nintendo - Nintendo DS"}, "Nintendo - Nintendo DS (Download Play) (BETA)": {"Nintendo - Nintendo DS"}, "Nintendo - Nintendo DS Decrypted": {"Nintendo - Nintendo DS"}, "Nintendo - Nintendo Entertainment System": {"Nintendo - Nintendo Entertainment System"}, "Nintendo - Pokemon Mini": {"Nintendo - Pokemon Mini"}, "Nintendo - Sufami Turbo": {"Nintendo - Sufami Turbo"}, "Nintendo - Super Nintendo Entertainment System": {"Nintendo - Super Nintendo Entertainment System"}, "Nintendo - Virtual Boy": {"Nintendo - Virtual Boy"}, "Nintendo - Wii": {"Nintendo - Wii"}, "PC": {"IBM PC compatible"}, "PC-FX": {"NEC - PC-FX - PC-FXGA"}, "PC-98": {"NEC - PC-98 series"}, "Phillips - Videopac+": {"Philips - Videopac+"}, "Sega - 32X": {"Sega - 32X"}, "Sega - Dreamcast": {"Sega - Dreamcast"}, "Sega - Game Gear": {"Sega - Game Gear"}, "Sega - Master System - Mark III": {"Sega - Master System - Mark III"}, "Sega - Mega Drive - Genesis": {"Sega - Mega Drive - Genesis"}, "Sega - Mega-CD - Sega CD": {"Sega - Mega-CD"}, "Sega - NAOMI": {"Sega - Naomi"}, "Sega - PICO": {"Sega - PICO"}, "Sega - Saturn": {"Sega - Saturn"}, "Sega - SG-1000": {"Sega - SG-1000"}, "Sharp - X68000": {"Arcade"}, "Sinclair - ZX 81": {"Sinclair - ZX81"}, "Sinclair - ZX Spectrum": {"Sinclair - ZX Spectrum +3"}, "Sinclair - ZX Spectrum +3": {"Sinclair - ZX Spectrum +3"}, "SNK - Neo Geo Pocket Color": {"SNK - Neo Geo Pocket Color"}, "SNK - Neo Geo Pocket": {"SNK - Neo Geo Pocket"}, "Sony - PlayStation Portable": {"Sony - PlayStation Portable"}, "Sony - PlayStation": {"Sony - PlayStation"}, "The 3DO Company - 3DO": {"Panasonic - 3DO Interactive Multiplayer"}, "Uzebox": {"Arcade"}, "ZX Spectrum (various)": {"Sinclair - ZX Spectrum +3"}, } # Not all Phoenix IDs are availble in OpenVGDB, fail silently and gracefully if a match isn't found def phoenixToOpenVGDB(self, phoenixID): ret = "" try: ret = self.phoenixToOpenVGDBMap[phoenixID] except KeyError: ret = "" return ret phoenixToOpenVGDBMap = { "Panasonic - 3DO Interactive Multiplayer": "3DO Interactive Multiplayer", "Arcade": "Arcade", "Atari - 2600": "Atari 2600", "Atari - 5200": "Atari 5200", "Atari - 7800": "Atari 7800", "Atari - Jaguar": "Atari Jaguar CD", "Atari - Jaguar": "Atari Jaguar", "Atari - Lynx": "Atari Lynx", "Bandai - WonderSwan Color": "Bandai WonderSwan Color", "Bandai - WonderSwan": "Bandai WonderSwan", "Coleco - ColecoVision": "Coleco ColecoVision", "GCE - Vectrex": "GCE Vectrex", "Mattel - Intellivision": "Intellivision", "Magnavox - Odyssey2": "Magnavox Odyssey2", "NEC - PC Engine CD - TurboGrafx-CD": "NEC PC Engine CD/TurboGrafx-CD", "NEC - PC Engine - TurboGrafx 16": "NEC PC Engine/TurboGrafx-16", "NEC - PC-FX - PC-FXGA": "NEC PC-FX", "NEC - Super Grafx": "NEC SuperGrafx", "Nintendo - Nintendo 64": "Nintendo 64", "Nintendo - Nintendo DS": "Nintendo DS", "Nintendo - Nintendo Entertainment System": "Nintendo Entertainment System", "Nintendo - Nintendo Entertainment System": "Nintendo Famicom Disk System", "Nintendo - Game Boy Advance": "Nintendo Game Boy Advance", "Nintendo - Game Boy Color": "Nintendo Game Boy Color", "Nintendo - Game Boy": "Nintendo Game Boy", "Nintendo - GameCube": "Nintendo GameCube", "Nintendo - Super Nintendo Entertainment System": "Nintendo Super Nintendo Entertainment System", "Nintendo - Virtual Boy": "Nintendo Virtual Boy", "Nintendo - Wii": "Nintendo Wii", "Sega - 32X": "Sega 32X", "Sega - Mega-CD": "Sega CD/Mega-CD", "Sega - Game Gear": "Sega Game Gear", "Sega - Mega Drive - Genesis": "Sega Genesis/Mega Drive", "Sega - Master System - Mark III": "Sega Master System", "Sega - Saturn": "Sega Saturn", "Sega - SG-1000": "Sega SG-1000", "SNK - Neo Geo Pocket Color": "SNK Neo Geo Pocket Color", "SNK - Neo Geo Pocket": "SNK Neo Geo Pocket", "Sony - PlayStation Portable": "Sony PlayStation Portable", "Sony - PlayStation": "Sony PlayStation", } def getOpenVGDBToPhoenixMap(self): return OrderedDict(sorted(self.openVGDBToPhoenixMap.items(), key=lambda t: t[0])) openVGDBToPhoenixMap = { "3DO Interactive Multiplayer": "Panasonic - 3DO Interactive Multiplayer", "Arcade": "Arcade", "Atari 2600": "Atari - 2600", "Atari 5200": "Atari - 5200", "Atari 7800": "Atari - 7800", "Atari Jaguar CD": "Atari - Jaguar", "Atari Jaguar": "Atari - Jaguar", "Atari Lynx": "Atari - Lynx", "Bandai WonderSwan Color": "Bandai - WonderSwan Color", "Bandai WonderSwan": "Bandai - WonderSwan", "Coleco ColecoVision": "Coleco - ColecoVision", "GCE Vectrex": "GCE - Vectrex", "Intellivision": "Mattel - Intellivision", "Magnavox Odyssey2": "Magnavox - Odyssey2", "NEC PC Engine CD/TurboGrafx-CD": "NEC - PC Engine CD - TurboGrafx-CD", "NEC PC Engine/TurboGrafx-16": "NEC - PC Engine - TurboGrafx 16", "NEC PC-FX": "NEC - PC-FX - PC-FXGA", "NEC SuperGrafx": "NEC - Super Grafx", "Nintendo 64": "Nintendo - Nintendo 64", "Nintendo DS": "Nintendo - Nintendo DS", "Nintendo Entertainment System": "Nintendo - Nintendo Entertainment System", "Nintendo Famicom Disk System": "Nintendo - Nintendo Entertainment System", "Nintendo Game Boy Advance": "Nintendo - Game Boy Advance", "Nintendo Game Boy Color": "Nintendo - Game Boy Color", "Nintendo Game Boy": "Nintendo - Game Boy", "Nintendo GameCube": "Nintendo - GameCube", "Nintendo Super Nintendo Entertainment System": "Nintendo - Super Nintendo Entertainment System", "Nintendo Virtual Boy": "Nintendo - Virtual Boy", "Nintendo Wii": "Nintendo - Wii", "Sega 32X": "Sega - 32X", "Sega CD/Mega-CD": "Sega - Mega-CD", "Sega Game Gear": "Sega - Game Gear", "Sega Genesis/Mega Drive": "Sega - Mega Drive - Genesis", "Sega Master System": "Sega - Master System - Mark III", "Sega Saturn": "Sega - Saturn", "Sega SG-1000": "Sega - SG-1000", "SNK Neo Geo Pocket Color": "SNK - Neo Geo Pocket Color", "SNK Neo Geo Pocket": "SNK - Neo Geo Pocket", "Sony PlayStation Portable": "Sony - PlayStation Portable", "Sony PlayStation": "Sony - PlayStation", } def filterUnusedCores(self): for key in self.coreInfo["cores"].keys(): if ( # No reason specified #"4do_libretro" == key # or "81_libretro" == key # or "bluemsx_libretro" == key # or "bsnes_accuracy_libretro" == key # or "bsnes_balanced_libretro" == key # or "bsnes_performance_libretro" == key # or "cap32_libretro" == key # or "catsfc_libretro" == key # or "dosbox_libretro" == key # or "emux_chip8_libretro" == key # or "fb_alpha_cps1_libretro" == key # or "fb_alpha_cps2_libretro" == key # or "fmsx_libretro" == key # or "gpsp_libretro" == key # or "gw_libretro" == key # or "handy_libretro" == key # or "hatari_libretro" == key # or "imame4all_libretro" == key # or "mame078_libretro" == key # or "mame2010_libretro" == key # or "mame2014_libretro" == key # or "meteor_libretro" == key # or "o2em_libretro" == key # or "prosystem_libretro" == key # or "puae_libretro" == key # or "ume2014_libretro" == key # or "vecx_libretro" == key # or "virtualjaguar_libretro" == key # ARM cores "pcsx" in key or "pocketsnes_libretro" == key ): del self.coreInfo["cores"][key]
team-phoenix/Phoenix
frontend/python/updaters/sqlTableUpdater.py
Python
gpl-2.0
50,004
# accounts/authentication.py import requests import logging from django.conf import settings from django.contrib.auth import get_user_model logger = logging.getLogger(__name__) User = get_user_model() PERSONA_VERIFY_URL = 'https://verifier.login.persona.org/verify' #DOMAIN = 'localhost' #DOMAIN = 'http://hotzenplotz.pythonanywhere.com' class PersonaAuthenticationBackend(object): def authenticate(self, assertion): logging.warning('entering authenticate function') response = requests.post( PERSONA_VERIFY_URL, data = {'assertion': assertion, 'audience': settings.DOMAIN} ) logging.warning('got response from persona') logging.warning(response.content.decode()) if response.ok and response.json()['status'] == 'okay': email = response.json()['email'] try: return User.objects.get(email=email) except User.DoesNotExist: return User.objects.create(email=email) else: logger.warning( 'Persona says no. Json was: {}'.format(response.json()) ) def get_user(self, email): try: return User.objects.get(email=email) except User.DoesNotExist: return None
thomec/tango
accounts/authentication.py
Python
gpl-2.0
1,296
import os import sys import subprocess testP = { "2005": [ { "date": "2005-10-17", "videos": [ "http://thecolbertreport.cc.com/videos/61f6xj/intro---10-17-05", "http://thecolbertreport.cc.com/videos/w9dr6d/first-show", "http://thecolbertreport.cc.com/videos/63ite2/the-word---truthiness", "http://thecolbertreport.cc.com/videos/2hvbwp/threatdown---bird-flu", "http://thecolbertreport.cc.com/videos/ydz3a0/stone-phillips", "http://thecolbertreport.cc.com/videos/4ewylv/gravitas-off-with-stone-phillips", "http://thecolbertreport.cc.com/videos/e3mrnm/sign-off---commemorating-chewbacca-s-american-citizenship" ], "guest": "Stone Phillips" }, { "date": "2005-10-18", "videos": [ "http://thecolbertreport.cc.com/videos/u39l6v/intro---10-18-05", "http://thecolbertreport.cc.com/videos/kzin67/the-word---bacchanalia", "http://thecolbertreport.cc.com/videos/5icgst/all-you-need-to-know---illegal-immigration", "http://thecolbertreport.cc.com/videos/fydq17/lesley-stahl", "http://thecolbertreport.cc.com/videos/235ftw/better-know-a-district---georgia-s-1st---jack-kingston", "http://thecolbertreport.cc.com/videos/joj31r/sign-off---a-fax-from-james-brady" ], "guest": "Lesley Stahl" }, { "date": "2005-10-19", "videos": [ "http://thecolbertreport.cc.com/videos/vmoc19/intro---10-19-05", "http://thecolbertreport.cc.com/videos/gpmykq/the-word---disappointed", "http://thecolbertreport.cc.com/videos/95k30i/stephen-settles-the-debate---whales-and-cod-vs--polar-bears-and-seal-hunters", "http://thecolbertreport.cc.com/videos/p42ju6/on-notice---bobby-s-candy-apples", "http://thecolbertreport.cc.com/videos/malmcz/tip-wag---teen-pregnancy---katie-s-no-lady", "http://thecolbertreport.cc.com/videos/db0w9q/fareed-zakaria", "http://thecolbertreport.cc.com/videos/8kkcau/sign-off---the-in-box---you-re-great" ], "guest": "Fareed Zakaria" }, { "date": "2005-10-20", "videos": [ "http://thecolbertreport.cc.com/videos/rwhdnt/intro---10-20-05", "http://thecolbertreport.cc.com/videos/p1n8k4/avian-flu", "http://thecolbertreport.cc.com/videos/mk7yrx/russ-lieber---candy-and-air", "http://thecolbertreport.cc.com/videos/cz3euw/un-american-news---the-foreign-press", "http://thecolbertreport.cc.com/videos/j1b7vj/jim-cramer", "http://thecolbertreport.cc.com/videos/rohluc/sign-off---credit-cards", "http://thecolbertreport.cc.com/videos/24lb41/the-word---love-handles" ], "guest": "Jim Cramer" }, { "date": "2005-10-24", "videos": [ "http://thecolbertreport.cc.com/videos/67cs19/intro---10-24-05", "http://thecolbertreport.cc.com/videos/gv2cjs/the-word---pussy", "http://thecolbertreport.cc.com/videos/i491tt/lou-dobbs", "http://thecolbertreport.cc.com/videos/dd1sbx/fract---the-wright-brothers", "http://thecolbertreport.cc.com/videos/wtqx4r/bring--em-back-or-leave--em-dead---inquisition", "http://thecolbertreport.cc.com/videos/qgvny1/mug-shot", "http://thecolbertreport.cc.com/videos/vuftif/against-the-pundocracy" ], "guest": "Lou Dobbs" }, { "date": "2005-10-25", "videos": [ "http://thecolbertreport.cc.com/videos/lldiq0/intro---10-25-05", "http://thecolbertreport.cc.com/videos/whvmzj/benjamin-shalom-bernanke", "http://thecolbertreport.cc.com/videos/iqvyat/the-word---overrated", "http://thecolbertreport.cc.com/videos/qwe0c7/threatdown---anti-bacterial-soap", "http://thecolbertreport.cc.com/videos/7ioxmq/greg-behrendt", "http://thecolbertreport.cc.com/videos/nwkm8y/greg-behrendt-fields-calls", "http://thecolbertreport.cc.com/videos/vzk1ho/yet-another-day---soup-and-pets" ], "guest": "Greg Behrendt" }, { "date": "2005-10-26", "videos": [ "http://thecolbertreport.cc.com/videos/nxsljd/intro---10-26-05", "http://thecolbertreport.cc.com/videos/39lnsj/outsourcing", "http://thecolbertreport.cc.com/videos/7o86ff/the-word---perspective", "http://thecolbertreport.cc.com/videos/yuq4bm/neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/5fyjl2/tip-wag---public-nudity-advice", "http://thecolbertreport.cc.com/videos/wsfpru/the-pulse" ], "guest": "Neil deGrasse Tyson" }, { "date": "2005-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/ap807f/intro---10-27-05", "http://thecolbertreport.cc.com/videos/nb6dxf/lieber---white-pumpkins", "http://thecolbertreport.cc.com/videos/llj5fu/the-word---quitter", "http://thecolbertreport.cc.com/videos/1vbs16/bookshelf-of-broken-dreams", "http://thecolbertreport.cc.com/videos/ynldrg/fract---the-states", "http://thecolbertreport.cc.com/videos/zyop79/better-know-a-district---massachusetts--4th---barney-frank", "http://thecolbertreport.cc.com/videos/h9zw2j/jeff-daniels", "http://thecolbertreport.cc.com/videos/3eb29d/yet-another-day---checking-in-with-christina-and-ernesto" ], "guest": "Jeff Daniels" }, { "date": "2005-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/11fva6/intro---10-31-05", "http://thecolbertreport.cc.com/videos/mqoacz/criminal-intent", "http://thecolbertreport.cc.com/videos/p3782h/patrick-fitzgerald-s-press-conference", "http://thecolbertreport.cc.com/videos/ey4w8s/the-word---alito", "http://thecolbertreport.cc.com/videos/jfbl04/monica-crowley", "http://thecolbertreport.cc.com/videos/sxj08u/fract---greatest-lakes", "http://thecolbertreport.cc.com/videos/5d63df/stephen-settles-the-debate---ramadan-or-halloween-", "http://thecolbertreport.cc.com/videos/qc29ld/rocktober" ], "guest": "Monica Crowley" }, { "date": "2005-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/1zu9d3/intro---11-1-05", "http://thecolbertreport.cc.com/videos/r7fmyb/the-word---camilla-mania", "http://thecolbertreport.cc.com/videos/ufgobt/emergency-evacuation-plan", "http://thecolbertreport.cc.com/videos/b7u1wy/ken-burns", "http://thecolbertreport.cc.com/videos/kpjrtm/formidable-opponent---charity" ], "guest": "Ken Burns" }, { "date": "2005-11-02", "videos": [ "http://thecolbertreport.cc.com/videos/1kskdq/intro---11-2-05", "http://thecolbertreport.cc.com/videos/xp1gbs/fatwa", "http://thecolbertreport.cc.com/videos/8e6qo8/c-span-coverage", "http://thecolbertreport.cc.com/videos/ayw8g9/the-word---cat", "http://thecolbertreport.cc.com/videos/ey3oos/fract---civil-war", "http://thecolbertreport.cc.com/videos/9438aw/the-war-on-wal-mart", "http://thecolbertreport.cc.com/videos/nvopei/bruce-feiler", "http://thecolbertreport.cc.com/videos/6v0azb/lieber---one-testicle" ], "guest": "Bruce Feiler" }, { "date": "2005-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/4g6fdp/intro---11-3-05", "http://thecolbertreport.cc.com/videos/9lmjfq/the-word---shhhh----", "http://thecolbertreport.cc.com/videos/tq3k8n/bradley-whitford", "http://thecolbertreport.cc.com/videos/wwof8g/fract---karl-marx", "http://thecolbertreport.cc.com/videos/cxtvxm/better-know-a-district---ohio-s-11th---stephanie-tubbs-jones", "http://thecolbertreport.cc.com/videos/86juj9/judge-tubbs", "http://thecolbertreport.cc.com/videos/mkig56/the-in-box---kicking-ass" ], "guest": "Bradley Whitford" }, { "date": "2005-11-07", "videos": [ "http://thecolbertreport.cc.com/videos/lbtbtl/intro---11-7-05", "http://thecolbertreport.cc.com/videos/s0yn8n/rioting-do-s-and-don-ts", "http://thecolbertreport.cc.com/videos/2iezg1/the-word---hoser", "http://thecolbertreport.cc.com/videos/dzis1b/fract---frnap--the-freedom-snap", "http://thecolbertreport.cc.com/videos/1xhewi/threatdown---pirates", "http://thecolbertreport.cc.com/videos/fjfr4z/eliot-spitzer", "http://thecolbertreport.cc.com/videos/ufqqpc/rock--em-sock--em-robots" ], "guest": "Eliot Spitzer" }, { "date": "2005-11-08", "videos": [ "http://thecolbertreport.cc.com/videos/2lgs12/intro---11-8-05", "http://thecolbertreport.cc.com/videos/5lxdom/america-doesn-t-torture", "http://thecolbertreport.cc.com/videos/xul3qa/intercepted-satellite-feed", "http://thecolbertreport.cc.com/videos/huzs1z/the-word---t-o-", "http://thecolbertreport.cc.com/videos/7nl1pw/fract---franagram--american-patriot", "http://thecolbertreport.cc.com/videos/wgvsjo/tip-wag---convicted-murderers", "http://thecolbertreport.cc.com/videos/0l19is/catherine-crier", "http://thecolbertreport.cc.com/videos/6zdr9d/wilford-brimley-calls---cocoon", "http://thecolbertreport.cc.com/videos/ykxirt/yet-another-day---flesh-eating-virus" ], "guest": "Catherine Crier" }, { "date": "2005-11-09", "videos": [ "http://thecolbertreport.cc.com/videos/s6miz8/intro---11-9-05", "http://thecolbertreport.cc.com/videos/5fvmyv/next-question", "http://thecolbertreport.cc.com/videos/bcmkct/the-word---willy-loman", "http://thecolbertreport.cc.com/videos/43es16/all-you-need-to-know---kansas-education", "http://thecolbertreport.cc.com/videos/nzfogn/mary-roach", "http://thecolbertreport.cc.com/videos/gqeqrk/better-know-a-district---florida-s-7th---john-mica" ], "guest": "Mary Roach" }, { "date": "2005-11-10", "videos": [ "http://thecolbertreport.cc.com/videos/jqfk3o/intro---11-10-05", "http://thecolbertreport.cc.com/videos/8c7dra/swear-to-god", "http://thecolbertreport.cc.com/videos/9kcrqk/the-word---armistice", "http://thecolbertreport.cc.com/videos/o63fqi/cokie-roberts", "http://thecolbertreport.cc.com/videos/bd1uuq/the-in-box---asian-stereotypes", "http://thecolbertreport.cc.com/videos/c0bksd/the-dacolbert-code---samuel-alito" ], "guest": "Cokie Roberts" }, { "date": "2005-11-14", "videos": [ "http://thecolbertreport.cc.com/videos/e5zymg/intro---11-14-05", "http://thecolbertreport.cc.com/videos/gfzikt/cma-buzz", "http://thecolbertreport.cc.com/videos/jaukv1/the-word---testosterone", "http://thecolbertreport.cc.com/videos/oel1ef/bob-kerrey", "http://thecolbertreport.cc.com/videos/2lpp85/tip-line---flag-sticker", "http://thecolbertreport.cc.com/videos/1wb4cs/un-american-news---shame-cotton", "http://thecolbertreport.cc.com/videos/kuqe6u/internets-anniversary" ], "guest": "Sen. Bob Kerrey" }, { "date": "2005-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/c8h749/intro---11-15-05", "http://thecolbertreport.cc.com/videos/9jy462/sayako-s-wedding", "http://thecolbertreport.cc.com/videos/yctr24/the-word---the-orient", "http://thecolbertreport.cc.com/videos/4z4p4o/bring--em-back-or-leave--em-dead---asian-history", "http://thecolbertreport.cc.com/videos/94g5r1/al-sharpton", "http://thecolbertreport.cc.com/videos/9disf3/fract---mt--rushmore", "http://thecolbertreport.cc.com/videos/w11pi7/formidable-opponent---torture" ], "guest": "Rev. Al Sharpton" }, { "date": "2005-11-16", "videos": [ "http://thecolbertreport.cc.com/videos/nl3o0c/intro---11-16-05", "http://thecolbertreport.cc.com/videos/ebxyv5/the-word---information", "http://thecolbertreport.cc.com/videos/eh69qj/on-notice-dead-to-me---juan-gabriel", "http://thecolbertreport.cc.com/videos/h1e498/better-know-a-district---colorado-s-2nd---mark-udall", "http://thecolbertreport.cc.com/videos/ddef4x/matt-taibbi", "http://thecolbertreport.cc.com/videos/4kvhir/america--sleep-safe" ], "guest": "Matt Taibbi" }, { "date": "2005-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/zl8rtq/intro---11-17-05", "http://thecolbertreport.cc.com/videos/f8fusi/no-good-deed", "http://thecolbertreport.cc.com/videos/pxeto4/the-word---mcconaughey-", "http://thecolbertreport.cc.com/videos/bypiaq/threatdown---children", "http://thecolbertreport.cc.com/videos/smm3x9/tim-robbins", "http://thecolbertreport.cc.com/videos/wk6dps/here-today--more-tomorrow", "http://thecolbertreport.cc.com/videos/8sxlv8/thanksgiving-vacation" ], "guest": "Tim Robbins" }, { "date": "2005-11-28", "videos": [ "http://thecolbertreport.cc.com/videos/sf87bf/intro---11-28-05", "http://thecolbertreport.cc.com/videos/nrf3km/cyber-monday", "http://thecolbertreport.cc.com/videos/sqsdz6/the-word---never", "http://thecolbertreport.cc.com/videos/r6xqra/viewer-phone-calls", "http://thecolbertreport.cc.com/videos/vdncvg/stephen-settles-the-debate---science-vs--faith", "http://thecolbertreport.cc.com/videos/507rw4/brian-greene", "http://thecolbertreport.cc.com/videos/ngo5nh/sign-off---check-your-local-listings" ], "guest": "Brian Greene" }, { "date": "2005-11-29", "videos": [ "http://thecolbertreport.cc.com/videos/4yku0o/intro---11-29-05", "http://thecolbertreport.cc.com/videos/zaot6p/better-know-a-district---california-s-50th---randy--duke--cunningham", "http://thecolbertreport.cc.com/videos/o2kdz0/the-word---confidence", "http://thecolbertreport.cc.com/videos/6f1i25/was-it-really-that-bad----black-death", "http://thecolbertreport.cc.com/videos/75dr62/the--duke-s--things", "http://thecolbertreport.cc.com/videos/rtbpes/richard-preston" ], "guest": "Richard Preston" }, { "date": "2005-11-30", "videos": [ "http://thecolbertreport.cc.com/videos/951mir/intro---11-30-05", "http://thecolbertreport.cc.com/videos/jsl09o/the-word---gay-gay-gay-gay-gay", "http://thecolbertreport.cc.com/videos/h7okp1/fract---nobody-messes-with-house", "http://thecolbertreport.cc.com/videos/ut6y25/katrina-vanden-heuvel", "http://thecolbertreport.cc.com/videos/0frx2n/around-the-world-in-11-6-seconds---media" ], "guest": "Katrina Vanden Heuvel" }, { "date": "2005-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/j4tan3/intro---12-1-05", "http://thecolbertreport.cc.com/videos/bocj8y/giant-gold-washer", "http://thecolbertreport.cc.com/videos/w4dblj/the-word---spectacle", "http://thecolbertreport.cc.com/videos/3yvygm/tip-wag---seattle", "http://thecolbertreport.cc.com/videos/idpn3b/richard-clarke", "http://thecolbertreport.cc.com/videos/9icneu/face-transplant" ], "guest": "Richard Clarke" }, { "date": "2005-12-05", "videos": [ "http://thecolbertreport.cc.com/videos/0yxnmj/intro---12-5-05", "http://thecolbertreport.cc.com/videos/utqsnp/kennedy-center-honors", "http://thecolbertreport.cc.com/videos/278dqm/the-word---xmas", "http://thecolbertreport.cc.com/videos/6ulwwh/apology", "http://thecolbertreport.cc.com/videos/sg4wi3/this-week-in-history---december-4th-10th", "http://thecolbertreport.cc.com/videos/p01a0h/colbert-nation-citizen-award", "http://thecolbertreport.cc.com/videos/djl273/maureen-dowd" ], "guest": "Maureen Dowd" }, { "date": "2005-12-06", "videos": [ "http://thecolbertreport.cc.com/videos/ad0e3u/intro---12-6-05", "http://thecolbertreport.cc.com/videos/l23e5t/the-word---backsies", "http://thecolbertreport.cc.com/videos/c6b939/better-know-a-district---virginia-s-8th---jim-moran", "http://thecolbertreport.cc.com/videos/bgq83k/fract---the-star-spangled-banner", "http://thecolbertreport.cc.com/videos/mjqiqk/anderson-cooper", "http://thecolbertreport.cc.com/videos/jo01oi/season-of-giving" ], "guest": "Anderson Cooper" }, { "date": "2005-12-07", "videos": [ "http://thecolbertreport.cc.com/videos/uvfu4h/intro---12-7-05", "http://thecolbertreport.cc.com/videos/k5nni4/burritos-happy-holidays", "http://thecolbertreport.cc.com/videos/rmm1zo/the-word---hell--no-", "http://thecolbertreport.cc.com/videos/5ti5hp/threatdown---threats", "http://thecolbertreport.cc.com/videos/1buius/craig-crawford" ], "guest": "Craig Crawford" }, { "date": "2005-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/muvtpz/intro---12-8-07", "http://thecolbertreport.cc.com/videos/zo8qem/the-mallomar", "http://thecolbertreport.cc.com/videos/9zltfz/the-word---satisfied-", "http://thecolbertreport.cc.com/videos/zc6wzp/papa-bear-nailed-him", "http://thecolbertreport.cc.com/videos/0k58ru/movies-that-are-destroying-america---christmas", "http://thecolbertreport.cc.com/videos/f63xob/peggy-noonan", "http://thecolbertreport.cc.com/videos/huxiwh/nationwide-secret-santa" ], "guest": "Peggy Noonan" }, { "date": "2005-12-12", "videos": [ "http://thecolbertreport.cc.com/videos/26ln5h/intro---12-12-05", "http://thecolbertreport.cc.com/videos/th38l3/the-real-christmas", "http://thecolbertreport.cc.com/videos/xld8bn/the-word---belly-achin-", "http://thecolbertreport.cc.com/videos/4qrc6w/un-american-news---tootsie", "http://thecolbertreport.cc.com/videos/gljaa1/fract---war", "http://thecolbertreport.cc.com/videos/tos96b/harry-smith", "http://thecolbertreport.cc.com/videos/onf96q/the-in-box---custom-stamps" ], "guest": "Harry Smith" }, { "date": "2005-12-13", "videos": [ "http://thecolbertreport.cc.com/videos/hh6w14/intro---12-13-05", "http://thecolbertreport.cc.com/videos/f3vpvn/the-de-ballification-of-the-american-sportscape", "http://thecolbertreport.cc.com/videos/omscph/the-word---lombardi", "http://thecolbertreport.cc.com/videos/53a836/sports-update", "http://thecolbertreport.cc.com/videos/reee2h/formidable-opponent---steroids", "http://thecolbertreport.cc.com/videos/raw18i/fract---nba", "http://thecolbertreport.cc.com/videos/mopfat/bob-costas", "http://thecolbertreport.cc.com/videos/97uhmb/sign-off---excellence-in-everything" ], "guest": "Bob Costas" }, { "date": "2005-12-14", "videos": [ "http://thecolbertreport.cc.com/videos/irtzij/intro---12-14-05", "http://thecolbertreport.cc.com/videos/rxzsfq/king-kong", "http://thecolbertreport.cc.com/videos/g7vs24/the-word---travolta", "http://thecolbertreport.cc.com/videos/j8pyop/tip-wag---redefining-cruel-and-unusual", "http://thecolbertreport.cc.com/videos/po8ta2/dermot-mulroney", "http://thecolbertreport.cc.com/videos/nf6l8d/sign-off---three-stockings" ], "guest": "Dermot Mulroney" }, { "date": "2005-12-15", "videos": [ "http://thecolbertreport.cc.com/videos/12ie90/intro---12-15-05", "http://thecolbertreport.cc.com/videos/7x2gjd/war-on-holiday", "http://thecolbertreport.cc.com/videos/1286w8/the-word---jetpack", "http://thecolbertreport.cc.com/videos/4epy8c/better-know-a-district---new-york-s-11th---major-owens", "http://thecolbertreport.cc.com/videos/gn64jt/mark-cuban", "http://thecolbertreport.cc.com/videos/9d08kf/tax-deductions" ], "guest": "Mark Cuban" } ], "2006": [ { "date": "2006-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/ccm8j9/intro---1-9-2006", "http://thecolbertreport.cc.com/videos/gfhklq/merry-christmas", "http://thecolbertreport.cc.com/videos/k2b0t4/going-at-it", "http://thecolbertreport.cc.com/videos/tfsnjk/the-lusk-alito-connection", "http://thecolbertreport.cc.com/videos/zvszwh/the-word---there-is-no-word", "http://thecolbertreport.cc.com/videos/wm808s/tip-wag---addicted-to-cute", "http://thecolbertreport.cc.com/videos/fx17nm/fract---columbus", "http://thecolbertreport.cc.com/videos/nctzb0/nancy-grace", "http://thecolbertreport.cc.com/videos/vt9veh/on-notice-dead-to-me---word-of-the-year" ], "guest": "Nancy Grace" }, { "date": "2006-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/zffhux/intro---1-10-02", "http://thecolbertreport.cc.com/videos/znlsxv/off-notice---the-e-street-band", "http://thecolbertreport.cc.com/videos/jz3vjq/the-word---sleeper-cell", "http://thecolbertreport.cc.com/videos/fzr3d5/balls-for-kidz---bear-hunting", "http://thecolbertreport.cc.com/videos/uk2dty/carl-bernstein", "http://thecolbertreport.cc.com/videos/lppcfe/the-in-box---taking-a-bullet" ], "guest": "Carl Bernstein" }, { "date": "2006-01-11", "videos": [ "http://thecolbertreport.cc.com/videos/yq13d1/intro---1-11-06", "http://thecolbertreport.cc.com/videos/kci614/colbert-report-consumer-alert", "http://thecolbertreport.cc.com/videos/ho8xgd/alito-haters", "http://thecolbertreport.cc.com/videos/vko8sm/the-word---whatever", "http://thecolbertreport.cc.com/videos/bbh162/threatdown---fathers-and-sons", "http://thecolbertreport.cc.com/videos/o71qa3/fract---colbert-trivia", "http://thecolbertreport.cc.com/videos/4z25yz/john-stossel", "http://thecolbertreport.cc.com/videos/gsuxni/sign-off---future-money" ], "guest": "John Stossel" }, { "date": "2006-01-12", "videos": [ "http://thecolbertreport.cc.com/videos/vkw0ea/intro---1-12-06", "http://thecolbertreport.cc.com/videos/smz33e/the-oscars", "http://thecolbertreport.cc.com/videos/hldbza/the-word---double-stick-tape", "http://thecolbertreport.cc.com/videos/ycx56p/better-know-a-district---new-jersey-s-9th---steven-rothman", "http://thecolbertreport.cc.com/videos/4huh6w/fract---frnap--monarchy", "http://thecolbertreport.cc.com/videos/2qbk3w/kenneth-miller", "http://thecolbertreport.cc.com/videos/393ez5/michael-adams--apology" ], "guest": "Ken Miller" }, { "date": "2006-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/hk33gu/intro---1-16-06", "http://thecolbertreport.cc.com/videos/sfiw6u/martin-luther-king-jr--day", "http://thecolbertreport.cc.com/videos/a3wcdf/the-word---cerrado-", "http://thecolbertreport.cc.com/videos/7te5id/movies-that-are-destroying-america---transamerica", "http://thecolbertreport.cc.com/videos/2zgm7q/fract---captain-north-korea", "http://thecolbertreport.cc.com/videos/39qjdh/george-stephanopoulos", "http://thecolbertreport.cc.com/videos/1jvqfi/sign-off---i-have-a-dreamsicle" ], "guest": "George Stephanopoulos" }, { "date": "2006-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/btjtm2/intro---1-17-2006", "http://thecolbertreport.cc.com/videos/uhh2bv/the-golden-globes", "http://thecolbertreport.cc.com/videos/lqd06o/age-defying-pancakes", "http://thecolbertreport.cc.com/videos/pxy8xm/the-word---old-school", "http://thecolbertreport.cc.com/videos/3wpryl/tip-wag---eminem", "http://thecolbertreport.cc.com/videos/l2yoxp/andrew-sullivan", "http://thecolbertreport.cc.com/videos/lpdbmt/wilford-brimley-calls---oatmeal" ], "guest": "Andrew Sullivan" }, { "date": "2006-01-18", "videos": [ "http://thecolbertreport.cc.com/videos/nh5ji3/intro---1-18-06", "http://thecolbertreport.cc.com/videos/z3vrpl/the-de-edumacation-of-the-american-brainscape", "http://thecolbertreport.cc.com/videos/ti5lsj/the-word---smarterer", "http://thecolbertreport.cc.com/videos/92rf9j/bring--em-back-or-leave--em-dead---teacher-s-edition", "http://thecolbertreport.cc.com/videos/rnpcxp/frank-mccourt", "http://thecolbertreport.cc.com/videos/86d7fs/sign-off---the-bully-system" ], "guest": "Frank McCourt" }, { "date": "2006-01-19", "videos": [ "http://thecolbertreport.cc.com/videos/1ibsf9/intro---1-19-06", "http://thecolbertreport.cc.com/videos/9s67zo/who-s-attacking-me-now----humane-society", "http://thecolbertreport.cc.com/videos/xguuix/the-word---public-see", "http://thecolbertreport.cc.com/videos/lidn3n/better-know-a-district---new-york-s-17th---eliot-engel", "http://thecolbertreport.cc.com/videos/11mx9e/nina-totenberg", "http://thecolbertreport.cc.com/videos/9g8c9i/sign-off---drink-on" ], "guest": "Nina Totenberg" }, { "date": "2006-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/rnxq1m/intro---1-23-06", "http://thecolbertreport.cc.com/videos/k046s8/oprah-s-book-club", "http://thecolbertreport.cc.com/videos/ruzjfq/the-word---charlie-daniels", "http://thecolbertreport.cc.com/videos/0wj0h7/threatdown---hamas", "http://thecolbertreport.cc.com/videos/puj7cw/david-gregory", "http://thecolbertreport.cc.com/videos/ipkxy5/dr--love" ], "guest": "David Gregory" }, { "date": "2006-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/4cxurq/intro---1-24-06", "http://thecolbertreport.cc.com/videos/63ywy8/most-depressing-day-of-the-year", "http://thecolbertreport.cc.com/videos/xpxm3x/the-word---chernobyl", "http://thecolbertreport.cc.com/videos/bpx4o0/formidable-opponent---superpowers", "http://thecolbertreport.cc.com/videos/44x8vn/robin-givhan", "http://thecolbertreport.cc.com/videos/meshre/the-in-box---dvds" ], "guest": "Robin Givhan" }, { "date": "2006-01-25", "videos": [ "http://thecolbertreport.cc.com/videos/fcwdw2/intro---1-25-06", "http://thecolbertreport.cc.com/videos/sc546i/bill-o-reilly--fan-of-the-show", "http://thecolbertreport.cc.com/videos/dg5r31/the-word---remote-control", "http://thecolbertreport.cc.com/videos/d7q9f6/better-know-a-district---new-jersey-s-8th---bill-pascrell", "http://thecolbertreport.cc.com/videos/e7x760/norah-vincent" ], "guest": "Norah Vincent" }, { "date": "2006-01-26", "videos": [ "http://thecolbertreport.cc.com/videos/lquo7k/intro---1-26-06", "http://thecolbertreport.cc.com/videos/xh484k/thundersnow", "http://thecolbertreport.cc.com/videos/qdqpdn/who-s-attacking-me-now----marina-core", "http://thecolbertreport.cc.com/videos/9v3sqy/the-word---wham-o", "http://thecolbertreport.cc.com/videos/qnlt2s/one-of-the-heroes--lily-s-", "http://thecolbertreport.cc.com/videos/lca5rm/colbert-cruise---write-off", "http://thecolbertreport.cc.com/videos/gimvpm/paul-begala" ], "guest": "Paul Begala" }, { "date": "2006-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/fhkpsg/intro---1-30-06", "http://thecolbertreport.cc.com/videos/vbdym4/james-frey-s-truthiness", "http://thecolbertreport.cc.com/videos/e6nijq/the-word---abortion", "http://thecolbertreport.cc.com/videos/5se9xj/tip-wag---google", "http://thecolbertreport.cc.com/videos/3f4m4d/annie-duke" ], "guest": "Annie Duke" }, { "date": "2006-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/2cxabn/intro---1-31-06", "http://thecolbertreport.cc.com/videos/d5gebw/the-word---jesi", "http://thecolbertreport.cc.com/videos/fo1pme/all-you-need-to-know---samuel-alito", "http://thecolbertreport.cc.com/videos/165jzf/fract---the-american-flag", "http://thecolbertreport.cc.com/videos/2uduhl/david-maresh", "http://thecolbertreport.cc.com/videos/iddejj/sign-off---god-bless", "http://thecolbertreport.cc.com/videos/2na088/craziest-f--king-thing-i-ve-ever-heard---snake-and-hamster" ], "guest": "Dave Marash" }, { "date": "2006-02-01", "videos": [ "http://thecolbertreport.cc.com/videos/dk9yev/intro---2-1-06", "http://thecolbertreport.cc.com/videos/y6qr8t/the-american-worker--a-hero-s-salute-to-the-besieged-heroes-of-the-american-jobscape", "http://thecolbertreport.cc.com/videos/u7tnek/the-word---you-re-welcome", "http://thecolbertreport.cc.com/videos/zfo99j/lieber---minimum-wage", "http://thecolbertreport.cc.com/videos/qm6xwf/emily-yoffe", "http://thecolbertreport.cc.com/videos/359g3f/sign-off---blue-collar-workday" ], "guest": "Emily Yoffe" }, { "date": "2006-02-02", "videos": [ "http://thecolbertreport.cc.com/videos/1dag2u/intro---2-2-06", "http://thecolbertreport.cc.com/videos/ad4eb4/groundhog-day-forecast", "http://thecolbertreport.cc.com/videos/3bftnm/stephen-s-famous-five-meat-chili", "http://thecolbertreport.cc.com/videos/xbb82c/the-word---aggravated-assault", "http://thecolbertreport.cc.com/videos/lggm23/better-know-a-district---new-york-s-8th---jerrold-nadler", "http://thecolbertreport.cc.com/videos/waxwaq/christine-todd-whitman", "http://thecolbertreport.cc.com/videos/1q178e/sign-off---tivo" ], "guest": "Gov. Christine Todd Whitman" }, { "date": "2006-02-06", "videos": [ "http://thecolbertreport.cc.com/videos/dpnfel/intro---2-6-06", "http://thecolbertreport.cc.com/videos/x1tmbw/birth-day-off", "http://thecolbertreport.cc.com/videos/1gk1h5/the-golden-corner", "http://thecolbertreport.cc.com/videos/r9ih4w/the-word---metaphorically", "http://thecolbertreport.cc.com/videos/4xxw86/threatdown---killer-bees", "http://thecolbertreport.cc.com/videos/kckjlf/fract---native-american-state-names", "http://thecolbertreport.cc.com/videos/lynt84/barbara-boxer", "http://thecolbertreport.cc.com/videos/xaj1wb/to-be-continued" ], "guest": "Barbara Boxer" }, { "date": "2006-02-07", "videos": [ "http://thecolbertreport.cc.com/videos/aa2a90/intro---2-7-06", "http://thecolbertreport.cc.com/videos/nzdokc/math-is-hard", "http://thecolbertreport.cc.com/videos/iwl7g4/the-word---kidding", "http://thecolbertreport.cc.com/videos/pc9syn/fract---frnap--royalty", "http://thecolbertreport.cc.com/videos/uvx8kk/james-woolsey", "http://thecolbertreport.cc.com/videos/xx0m7n/western-union" ], "guest": "R. James Woolsey" }, { "date": "2006-02-08", "videos": [ "http://thecolbertreport.cc.com/videos/3vblh5/intro---2-8-06", "http://thecolbertreport.cc.com/videos/zmpne2/b-b-b-l-t-", "http://thecolbertreport.cc.com/videos/0qolhd/electronic-surveillance", "http://thecolbertreport.cc.com/videos/pi8m0r/the-word---eureka", "http://thecolbertreport.cc.com/videos/29usyw/better-know-a-district---pennsylvania-s-2nd---chaka-fattah", "http://thecolbertreport.cc.com/videos/flyja7/fract---bush-s-height", "http://thecolbertreport.cc.com/videos/6jmw8z/alan-dershowitz", "http://thecolbertreport.cc.com/videos/96mt5f/the-in-box---terry" ], "guest": "Alan Dershowitz" }, { "date": "2006-02-09", "videos": [ "http://thecolbertreport.cc.com/videos/afiwhq/intro---2-9-06", "http://thecolbertreport.cc.com/videos/qryfzw/big-brass-balls-award", "http://thecolbertreport.cc.com/videos/c00cpa/the-word---u-s-a---u-s-a--", "http://thecolbertreport.cc.com/videos/wpi1k4/stephen-s-laws-of-love", "http://thecolbertreport.cc.com/videos/8rwy8k/george-packer", "http://thecolbertreport.cc.com/videos/33a8tw/charlene--i-m-right-behind-you-" ], "guest": "George Packer" }, { "date": "2006-02-21", "videos": [ "http://thecolbertreport.cc.com/videos/z5opi6/intro---2-21-06", "http://thecolbertreport.cc.com/videos/uo23hp/accidental-shooting", "http://thecolbertreport.cc.com/videos/loo817/the-word---u-s-a---u-s-a--", "http://thecolbertreport.cc.com/videos/u7vgjy/better-know-a-district---new-jersey-s-13th", "http://thecolbertreport.cc.com/videos/gb5q2m/fract---americana", "http://thecolbertreport.cc.com/videos/zyrf0h/lama-surya-das", "http://thecolbertreport.cc.com/videos/501uix/sign-off---dna" ], "guest": "Lama Surya Das" }, { "date": "2006-02-22", "videos": [ "http://thecolbertreport.cc.com/videos/i0btk9/intro---2-22-06", "http://thecolbertreport.cc.com/videos/9a1fo6/speed-skating-debacle", "http://thecolbertreport.cc.com/videos/0g837q/the-word---absolutely-maybe", "http://thecolbertreport.cc.com/videos/mvtu98/threatdown---gay-adoption", "http://thecolbertreport.cc.com/videos/jkkvih/michael-eric-dyson" ], "guest": "Michael Eric Dyson" }, { "date": "2006-02-23", "videos": [ "http://thecolbertreport.cc.com/videos/v60d4d/intro---2-23-06", "http://thecolbertreport.cc.com/videos/rr6syc/threatdown---bears", "http://thecolbertreport.cc.com/videos/754igf/presidential-visions", "http://thecolbertreport.cc.com/videos/s0zne3/the-word---hippocratical", "http://thecolbertreport.cc.com/videos/kftjaw/pharmaceuticals--prescription-for-progress", "http://thecolbertreport.cc.com/videos/rsogzl/david-brooks", "http://thecolbertreport.cc.com/videos/azjwel/sign-off---pause-your-tvs" ], "guest": "David Brooks" }, { "date": "2006-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/te5not/intro---2-27-06", "http://thecolbertreport.cc.com/videos/a6q20s/the-de-deification-of-the-american-faithscape", "http://thecolbertreport.cc.com/videos/opnyg5/who-hates-whom-in-the-name-of-god", "http://thecolbertreport.cc.com/videos/2hdt17/the-word---trial-separation", "http://thecolbertreport.cc.com/videos/5ggers/pick-your-apocalypse", "http://thecolbertreport.cc.com/videos/oop06i/tony-campolo", "http://thecolbertreport.cc.com/videos/14uaa2/confess-your-sins-to-stephen" ], "guest": "Tony Campolo" }, { "date": "2006-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/cebyqr/intro---2-28-06", "http://thecolbertreport.cc.com/videos/roej3y/who-s-attacking-me-now----anderson-cooper", "http://thecolbertreport.cc.com/videos/bdairu/the-word---laissez-les-bons-temps-rouler-", "http://thecolbertreport.cc.com/videos/2v3htj/tip-wag---wheeled-transportation", "http://thecolbertreport.cc.com/videos/sz96fe/brett-o-donnell" ], "guest": "Brett O'Donnell" }, { "date": "2006-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/ldd32b/intro---3-1-06", "http://thecolbertreport.cc.com/videos/jndc1b/better-know-a-district---california-s-50th", "http://thecolbertreport.cc.com/videos/4j8lfp/the-word---faith", "http://thecolbertreport.cc.com/videos/1bozfl/better-know-a-founder---benjamin-franklin", "http://thecolbertreport.cc.com/videos/11m5ii/arianna-huffington" ], "guest": "Arianna Huffington" }, { "date": "2006-03-02", "videos": [ "http://thecolbertreport.cc.com/videos/ubq51o/intro---3-2-06", "http://thecolbertreport.cc.com/videos/stez1k/the-word---homo-sapien-agenda", "http://thecolbertreport.cc.com/videos/3k2tf6/the-dacolbert-code---the-oscars", "http://thecolbertreport.cc.com/videos/gltobj/jeffrey-sachs", "http://thecolbertreport.cc.com/videos/wx4nw0/sign-off---end-of-an-era" ], "guest": "Jeffrey Sachs" }, { "date": "2006-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/404ffy/intro---3-6-06", "http://thecolbertreport.cc.com/videos/l42kmx/hollywood-decontamination", "http://thecolbertreport.cc.com/videos/tsfsdu/never-say-die", "http://thecolbertreport.cc.com/videos/5tdn6m/the-word---spoiler-alert-", "http://thecolbertreport.cc.com/videos/tua61a/threatdown---non-blondes", "http://thecolbertreport.cc.com/videos/rlta2z/bob-schieffer", "http://thecolbertreport.cc.com/videos/iwpji5/sign-off---narnia" ], "guest": "Bob Schieffer" }, { "date": "2006-03-07", "videos": [ "http://thecolbertreport.cc.com/videos/ca0riz/intro---3-7-06", "http://thecolbertreport.cc.com/videos/4cutks/colbert-manor", "http://thecolbertreport.cc.com/videos/mtcb44/the-word---the-long-war", "http://thecolbertreport.cc.com/videos/g0hyvn/all-you-need-to-know---video-games", "http://thecolbertreport.cc.com/videos/8n27zq/norman-ornstein" ], "guest": "Norman Ornstean" }, { "date": "2006-03-08", "videos": [ "http://thecolbertreport.cc.com/videos/xbwofw/intro---3-8-06", "http://thecolbertreport.cc.com/videos/x1smyo/colbert-manor-revisited", "http://thecolbertreport.cc.com/videos/to3c41/the-word---monopoly", "http://thecolbertreport.cc.com/videos/qhlrjh/stephen-s-sound-advice---civil-war-do-s---don-ts", "http://thecolbertreport.cc.com/videos/1ggda8/fract---america-rocks", "http://thecolbertreport.cc.com/videos/ovaery/james-webb", "http://thecolbertreport.cc.com/videos/vggdk5/used-flag-offer" ], "guest": "James Webb" }, { "date": "2006-03-09", "videos": [ "http://thecolbertreport.cc.com/videos/vaflyt/intro---3-9-06", "http://thecolbertreport.cc.com/videos/dx0yti/canadian-baseball-", "http://thecolbertreport.cc.com/videos/6l67tv/the-word---d-i-y-", "http://thecolbertreport.cc.com/videos/7oy8db/better-know-a-district---california-s-39th-district---linda-sanchez", "http://thecolbertreport.cc.com/videos/15d41c/lorraine-bracco" ], "guest": "Lorraine Bracco" }, { "date": "2006-03-13", "videos": [ "http://thecolbertreport.cc.com/videos/d7ebhg/intro---3-13-06", "http://thecolbertreport.cc.com/videos/lmy7oh/predictions", "http://thecolbertreport.cc.com/videos/lykn1c/not-gay", "http://thecolbertreport.cc.com/videos/so8v2i/the-word---sidney-poitier", "http://thecolbertreport.cc.com/videos/ufh2rw/christopher-buckley", "http://thecolbertreport.cc.com/videos/k79bmy/sign-off---mad-magazine" ], "guest": "Christopher Buckley" }, { "date": "2006-03-14", "videos": [ "http://thecolbertreport.cc.com/videos/9rlemm/intro---3-14-06", "http://thecolbertreport.cc.com/videos/i3ouk4/trusting-the-media", "http://thecolbertreport.cc.com/videos/i5bwzw/the-word---scapegoat", "http://thecolbertreport.cc.com/videos/kiwto1/was-it-really-that-bad----before-unions", "http://thecolbertreport.cc.com/videos/402x36/fract---hawaii", "http://thecolbertreport.cc.com/videos/loh9en/keith-olbermann", "http://thecolbertreport.cc.com/videos/8vssl2/hiphopketball-ii--the-rejazzebration-remix--06" ], "guest": "Keith Olbermann" }, { "date": "2006-03-15", "videos": [ "http://thecolbertreport.cc.com/videos/wt5xpw/intro---3-15-06", "http://thecolbertreport.cc.com/videos/u8eaqc/sperm-donor", "http://thecolbertreport.cc.com/videos/g4bu6e/the-word---none-of-the-above", "http://thecolbertreport.cc.com/videos/kruphn/al-franken", "http://thecolbertreport.cc.com/videos/usnoo7/al-franken-fields-calls", "http://thecolbertreport.cc.com/videos/z5ir97/craziest-f--king-thing-i-ve-ever-heard---bear-wrestling" ], "guest": "Al Franken" }, { "date": "2006-03-16", "videos": [ "http://thecolbertreport.cc.com/videos/yna7fv/intro---3-16-06", "http://thecolbertreport.cc.com/videos/ecjm4u/who-s-attacking-me-now----commander-coconut", "http://thecolbertreport.cc.com/videos/2m2cs5/the-word---sweet-dreams", "http://thecolbertreport.cc.com/videos/kgsuha/better-know-a-protectorate---the-virgin-islands---donna-christensen", "http://thecolbertreport.cc.com/videos/6o7ym9/frank-vincent", "http://thecolbertreport.cc.com/videos/cycayo/sign-off---i-ll-miss-you" ], "guest": "Frank Vincent" }, { "date": "2006-03-20", "videos": [ "http://thecolbertreport.cc.com/videos/nnadg0/intro---3-20-06", "http://thecolbertreport.cc.com/videos/isowuv/movies-that-are-destroying-america---post-oscar-wrap-up", "http://thecolbertreport.cc.com/videos/vr4vvt/connie-chung", "http://thecolbertreport.cc.com/videos/yuth1j/jessica-simpson-turns-down-gop", "http://thecolbertreport.cc.com/videos/6xoiww/war-in-iraq---third-anniversary", "http://thecolbertreport.cc.com/videos/b7697r/the-word---stop-it" ], "guest": "Connie Chung" }, { "date": "2006-03-21", "videos": [ "http://thecolbertreport.cc.com/videos/xvs8w8/intro---3-21-06", "http://thecolbertreport.cc.com/videos/zze24r/world-baseball-classic", "http://thecolbertreport.cc.com/videos/teon93/the-word---eat-it", "http://thecolbertreport.cc.com/videos/eh7h1y/employee-performance-reviews", "http://thecolbertreport.cc.com/videos/nbiu6f/steve-kroft", "http://thecolbertreport.cc.com/videos/jt1thw/the-in-box---corrections" ], "guest": "Steve Kroft" }, { "date": "2006-03-22", "videos": [ "http://thecolbertreport.cc.com/videos/70ntar/intro---3-22-06", "http://thecolbertreport.cc.com/videos/nw6pi6/advice-for-jennifer-anniston", "http://thecolbertreport.cc.com/videos/gx67le/better-know-a-district---california-s-27th---brad-sherman", "http://thecolbertreport.cc.com/videos/c3fb4g/the-word---i-am-the-great-and-powerful-oz", "http://thecolbertreport.cc.com/videos/uqd7r1/dan-senor", "http://thecolbertreport.cc.com/videos/qay3pj/sign-off---thank-you--america" ], "guest": "Dan Senor" }, { "date": "2006-03-23", "videos": [ "http://thecolbertreport.cc.com/videos/ou0ql7/intro---3-23-06", "http://thecolbertreport.cc.com/videos/rxxsf1/home--hearth--heart-and-heartland---this-land-is-your-land", "http://thecolbertreport.cc.com/videos/1q0pl8/miss-manners", "http://thecolbertreport.cc.com/videos/jeurtc/stephen-s-sound-advice---how-to-raise-a-hero", "http://thecolbertreport.cc.com/videos/3x5mhp/john-kasich", "http://thecolbertreport.cc.com/videos/tgvvyb/sign-off---the-reason-for-the-hearth" ], "guest": "John Kasich" }, { "date": "2006-03-27", "videos": [ "http://thecolbertreport.cc.com/videos/yvu55b/intro---3-27-06", "http://thecolbertreport.cc.com/videos/lu2x91/off-the-market", "http://thecolbertreport.cc.com/videos/b1jlbx/immigration-protests", "http://thecolbertreport.cc.com/videos/hizymr/exercise-routine", "http://thecolbertreport.cc.com/videos/fafxll/the-word---tense", "http://thecolbertreport.cc.com/videos/jmwqn6/letter-to-the-judge", "http://thecolbertreport.cc.com/videos/6zqqyf/threatdown---drug-candy", "http://thecolbertreport.cc.com/videos/hx3fbe/fract---bald-eagle", "http://thecolbertreport.cc.com/videos/i44o34/gary-hart", "http://thecolbertreport.cc.com/videos/bwhjyd/sign-off---tomorrow-s-guest" ], "guest": "Gary Hart" }, { "date": "2006-03-28", "videos": [ "http://thecolbertreport.cc.com/videos/9tw416/intro---3-28-06", "http://thecolbertreport.cc.com/videos/wm4vs8/baby-eagle", "http://thecolbertreport.cc.com/videos/4s1h3q/the-word---easter-under-attack---marketing", "http://thecolbertreport.cc.com/videos/erxj6i/lieber---school-vouchers", "http://thecolbertreport.cc.com/videos/3ejtt4/fract---commemorative-spoons", "http://thecolbertreport.cc.com/videos/tyfnef/michael-brown", "http://thecolbertreport.cc.com/videos/t4qaaf/sign-off---goodnight--stephen-jr-" ], "guest": "Michael Brown" }, { "date": "2006-03-29", "videos": [ "http://thecolbertreport.cc.com/videos/4mdlim/intro---3-29-06", "http://thecolbertreport.cc.com/videos/r9z4ro/eclipse", "http://thecolbertreport.cc.com/videos/mqt5m8/the-word---merrier", "http://thecolbertreport.cc.com/videos/3xpeh4/better-know-a-district---california-s-29th---adam-schiff", "http://thecolbertreport.cc.com/videos/k1c0hq/bruce-bartlett" ], "guest": "Bruce Bartlett" }, { "date": "2006-03-30", "videos": [ "http://thecolbertreport.cc.com/videos/uaktnl/intro---3-30-06", "http://thecolbertreport.cc.com/videos/89u375/what-jill-carroll-missed", "http://thecolbertreport.cc.com/videos/nuwaus/women-s-history-month---soledad-o-brien", "http://thecolbertreport.cc.com/videos/smbaky/tip-wag---the-templeton-prize", "http://thecolbertreport.cc.com/videos/n7sm3g/fract---drug-testing-standards", "http://thecolbertreport.cc.com/videos/b95nrh/robert-greenwald", "http://thecolbertreport.cc.com/videos/0vbmc1/million-man-march", "http://thecolbertreport.cc.com/videos/zcqswd/the-word---f--k" ], "guest": "Robert Greenwald" }, { "date": "2006-04-03", "videos": [ "http://thecolbertreport.cc.com/videos/r2tcqv/intro---4-3-06", "http://thecolbertreport.cc.com/videos/cckn97/who-s-honoring-me-now----southern-poverty-law-center", "http://thecolbertreport.cc.com/videos/j51p1g/the-word---stay-the-course", "http://thecolbertreport.cc.com/videos/mq3zja/stephen-s-sound-advice---taxes", "http://thecolbertreport.cc.com/videos/ci41dt/michael-smerconish", "http://thecolbertreport.cc.com/videos/716068/sign-off---nutz" ], "guest": "Michael Smerconish" }, { "date": "2006-04-04", "videos": [ "http://thecolbertreport.cc.com/videos/9ew48u/intro---4-4-06", "http://thecolbertreport.cc.com/videos/ouryux/delay-retires", "http://thecolbertreport.cc.com/videos/3pmhdv/the-word---birdie", "http://thecolbertreport.cc.com/videos/fgj62q/balls-for-kidz---plastic-surgery", "http://thecolbertreport.cc.com/videos/3sqfo3/jesse-jackson" ], "guest": "Jesse Jackson" }, { "date": "2006-04-05", "videos": [ "http://thecolbertreport.cc.com/videos/pxrtxy/intro---4-5-06", "http://thecolbertreport.cc.com/videos/1sxrid/crying", "http://thecolbertreport.cc.com/videos/alac6s/the-word---martyr", "http://thecolbertreport.cc.com/videos/6ythy9/formidable-opponent---immigration", "http://thecolbertreport.cc.com/videos/4ipowz/fract---russian-girls", "http://thecolbertreport.cc.com/videos/7hiane/harvey-mansfield", "http://thecolbertreport.cc.com/videos/7q90hr/sign-off---en-espanol" ], "guest": "Harvey Mansfield" }, { "date": "2006-04-06", "videos": [ "http://thecolbertreport.cc.com/videos/4p2khi/intro---4-6-06", "http://thecolbertreport.cc.com/videos/yy1ecn/who-s-not-honoring-me-now----peabody-award", "http://thecolbertreport.cc.com/videos/wh4nku/easter-under-attack---recalled-eggs", "http://thecolbertreport.cc.com/videos/h6f8ks/the-word---nazis", "http://thecolbertreport.cc.com/videos/hqbc11/better-know-a-district---oregon-s-5th---darlene-hooley", "http://thecolbertreport.cc.com/videos/2v5yd4/markos-moulitsas", "http://thecolbertreport.cc.com/videos/a2gy6a/sign-off---spring-break" ], "guest": "Markos Moulitsas" }, { "date": "2006-04-17", "videos": [ "http://thecolbertreport.cc.com/videos/rho2b5/intro---4-17-06", "http://thecolbertreport.cc.com/videos/jh0t6d/dime-boycott", "http://thecolbertreport.cc.com/videos/nyextq/on-notice---journal-of-paleolimnology", "http://thecolbertreport.cc.com/videos/swdzeg/was-it-really-that-bad----san-francisco-earthquake", "http://thecolbertreport.cc.com/videos/8ydrv2/reza-aslan", "http://thecolbertreport.cc.com/videos/nfyuyx/craziest-f--king-thing-i-ve-ever-heard---fly-glasses" ], "guest": "Reza Aslan" }, { "date": "2006-04-18", "videos": [ "http://thecolbertreport.cc.com/videos/mwy60m/intro---4-18-06", "http://thecolbertreport.cc.com/videos/8zlfj4/stephen-jr--hatches-", "http://thecolbertreport.cc.com/videos/gi0de7/the-word---sir--yes--sir", "http://thecolbertreport.cc.com/videos/6epoa4/threatdown---pooh", "http://thecolbertreport.cc.com/videos/5peygv/anthony-romero", "http://thecolbertreport.cc.com/videos/9g88m0/baby-monitor", "http://thecolbertreport.cc.com/videos/sdky8q/who-s-not-honoring-me-now----pulitzer-prize" ], "guest": "Anthony Romero" }, { "date": "2006-04-19", "videos": [ "http://thecolbertreport.cc.com/videos/msbasq/intro---4-19-06", "http://thecolbertreport.cc.com/videos/8e53yj/white-house-press-secretary", "http://thecolbertreport.cc.com/videos/usn2co/global-warming-tv", "http://thecolbertreport.cc.com/videos/ai2zb9/the-word---save-it", "http://thecolbertreport.cc.com/videos/0nrquc/tip-wag---tom-cruise-and-katie-holmes", "http://thecolbertreport.cc.com/videos/x40hn2/caitlin-flanagan" ], "guest": "Caitlin Flanagan" }, { "date": "2006-04-20", "videos": [ "http://thecolbertreport.cc.com/videos/ejbl27/intro---4-20-06", "http://thecolbertreport.cc.com/videos/qw6of6/protecting-kids-from-papers", "http://thecolbertreport.cc.com/videos/agw4nc/the-word---bard", "http://thecolbertreport.cc.com/videos/yrza7w/better-know-a-district---maryland-s-4th---albert-wynn", "http://thecolbertreport.cc.com/videos/isrl05/ralph-nader" ], "guest": "Ralph Nader" }, { "date": "2006-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/ed2ifv/intro---4-24-06", "http://thecolbertreport.cc.com/videos/yd10jl/wok-this-way", "http://thecolbertreport.cc.com/videos/nhj8qv/money---politics--the-machine-that-ain-t-broke", "http://thecolbertreport.cc.com/videos/z1f4bz/duke-obilia-auction", "http://thecolbertreport.cc.com/videos/svw55c/hugh-hewitt", "http://thecolbertreport.cc.com/videos/qzp0e4/sign-off---chatty-cathy" ], "guest": "Hugh Hewitt" }, { "date": "2006-04-25", "videos": [ "http://thecolbertreport.cc.com/videos/h6j9ry/intro---4-25-06", "http://thecolbertreport.cc.com/videos/y1ry7v/contacting-john-lennon", "http://thecolbertreport.cc.com/videos/ef5fdk/the-word---panama", "http://thecolbertreport.cc.com/videos/6iaobq/threatdown---tom-hanks", "http://thecolbertreport.cc.com/videos/6smo0z/fract---middle-name", "http://thecolbertreport.cc.com/videos/gael38/sam-harris", "http://thecolbertreport.cc.com/videos/f00cpp/sign-off---bush-clock" ], "guest": "Sam Harris" }, { "date": "2006-04-26", "videos": [ "http://thecolbertreport.cc.com/videos/xo40za/intro---4-26-06", "http://thecolbertreport.cc.com/videos/pjxlyg/armed-and-ready", "http://thecolbertreport.cc.com/videos/hhuez9/the-word---english", "http://thecolbertreport.cc.com/videos/ydqtim/better-know-a-district---georgia-s-11th---phil-gingrey", "http://thecolbertreport.cc.com/videos/thlh72/sebastian-junger", "http://thecolbertreport.cc.com/videos/8puf3y/sign-off---yellowcake" ], "guest": "Sebastian Junger" }, { "date": "2006-04-27", "videos": [ "http://thecolbertreport.cc.com/videos/5ry4l9/intro---4-27-06", "http://thecolbertreport.cc.com/videos/z7tcn4/snow--informer", "http://thecolbertreport.cc.com/videos/6lr3t0/the-word---white-gloves", "http://thecolbertreport.cc.com/videos/b4nnko/plagiarism", "http://thecolbertreport.cc.com/videos/g4i72k/all-you-need-to-know---sleight-of-hand", "http://thecolbertreport.cc.com/videos/u54lrz/bill-kristol", "http://thecolbertreport.cc.com/videos/efk2x7/sign-off---the-nfl-draft" ], "guest": "Bill Kristol" }, { "date": "2006-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/w2hp62/intro---5-1-06", "http://thecolbertreport.cc.com/videos/7jined/white-house-correspondents--dinner", "http://thecolbertreport.cc.com/videos/8uzt2n/the-word---drug-fueled-sex-crime", "http://thecolbertreport.cc.com/videos/yzcgdu/tip-wag---exxon", "http://thecolbertreport.cc.com/videos/5ptkiy/jon-meacham", "http://thecolbertreport.cc.com/videos/i3oqoh/sign-off---spam" ], "guest": "Jon Meacham" }, { "date": "2006-05-02", "videos": [ "http://thecolbertreport.cc.com/videos/341pc6/intro---5-2-06", "http://thecolbertreport.cc.com/videos/y9f7ks/magic-", "http://thecolbertreport.cc.com/videos/fdtzal/the-word---healthy-appetite", "http://thecolbertreport.cc.com/videos/hl6b8d/stephen-for-press-secretary", "http://thecolbertreport.cc.com/videos/lh3j87/mike-huckabee" ], "guest": "Governor Mike Huckabee" }, { "date": "2006-05-03", "videos": [ "http://thecolbertreport.cc.com/videos/wjeu9g/intro---5-3-06", "http://thecolbertreport.cc.com/videos/72mru6/alan-town", "http://thecolbertreport.cc.com/videos/gdu7ux/the-word---name-game", "http://thecolbertreport.cc.com/videos/f8iv5g/stephen-s-sound-advice---gas-prices", "http://thecolbertreport.cc.com/videos/3pdcz2/paul-rieckhoff", "http://thecolbertreport.cc.com/videos/65gltn/betterer-know-a-district---georgia-s-11th---phil-gingrey-bonus-edition" ], "guest": "Paul Rieckhoff" }, { "date": "2006-05-04", "videos": [ "http://thecolbertreport.cc.com/videos/mtzlgi/exclusive---better-know-a-district---oregon-s-3rd---earl-blumenauer", "http://thecolbertreport.cc.com/videos/pgiz58/intro---5-4-06", "http://thecolbertreport.cc.com/videos/ox5eqb/national-day-of-prayer", "http://thecolbertreport.cc.com/videos/38ws3t/the-word---indulgence", "http://thecolbertreport.cc.com/videos/h6w8h9/better-know-a-district---oregon-s-3rd---earl-blumenauer", "http://thecolbertreport.cc.com/videos/71jv5y/rick-reilly", "http://thecolbertreport.cc.com/videos/4uy12b/stephen-s-keys" ], "guest": "Rick Reilly" }, { "date": "2006-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/6p8qc0/intro---5-8-06", "http://thecolbertreport.cc.com/videos/gk0182/stegul", "http://thecolbertreport.cc.com/videos/fyqj80/porter-goss-resignation", "http://thecolbertreport.cc.com/videos/3ig0g8/the-word---not", "http://thecolbertreport.cc.com/videos/zdkg2i/shere-hite", "http://thecolbertreport.cc.com/videos/7581zo/sign-off---thank-you--stephen-" ], "guest": "Shere Hite" }, { "date": "2006-05-09", "videos": [ "http://thecolbertreport.cc.com/videos/v9p03c/intro---5-9-06", "http://thecolbertreport.cc.com/videos/t6b1ke/double-or-nothing", "http://thecolbertreport.cc.com/videos/mjq9vh/the-word---superegomaniac", "http://thecolbertreport.cc.com/videos/9w4u9e/movies-that-are-destroying-america---summer-movies", "http://thecolbertreport.cc.com/videos/s2q4vq/frank-rich", "http://thecolbertreport.cc.com/videos/hofw72/sign-off---closing-credits-contest" ], "guest": "Frank Rich" }, { "date": "2006-05-10", "videos": [ "http://thecolbertreport.cc.com/videos/j0109g/exclusive---better-know-a-district---nebraska-s-2nd---lee-terry", "http://thecolbertreport.cc.com/videos/z0wmkf/intro---5-10-06", "http://thecolbertreport.cc.com/videos/pc9isx/the-bird-flu", "http://thecolbertreport.cc.com/videos/6olwle/the-word---athletes-are-above-the-law", "http://thecolbertreport.cc.com/videos/m1vdpp/better-know-a-district---nebraska-s-2nd---lee-terry", "http://thecolbertreport.cc.com/videos/kuohzs/william-bastone", "http://thecolbertreport.cc.com/videos/pksza0/sign-off---what-you-deserve" ], "guest": "Bill Bastone" }, { "date": "2006-05-11", "videos": [ "http://thecolbertreport.cc.com/videos/3oo94k/intro---5-11-06", "http://thecolbertreport.cc.com/videos/jn8cw4/the-west-wing", "http://thecolbertreport.cc.com/videos/j7pjuz/the-word---fill--er-up", "http://thecolbertreport.cc.com/videos/yy27qi/madeleine-albright", "http://thecolbertreport.cc.com/videos/8nl4m3/tip-wag---gold" ], "guest": "Madeleine Albright" }, { "date": "2006-05-15", "videos": [ "http://thecolbertreport.cc.com/videos/uhk7yp/intro---5-15-06", "http://thecolbertreport.cc.com/videos/nxszdr/ahmadinejad-s-letter", "http://thecolbertreport.cc.com/videos/g2h9yx/the-word---lunchables", "http://thecolbertreport.cc.com/videos/pn3k09/summaries-of-summaries", "http://thecolbertreport.cc.com/videos/f5iuwt/all-you-need-to-know---dick-cheney", "http://thecolbertreport.cc.com/videos/qrt5tg/kevin-phillips", "http://thecolbertreport.cc.com/videos/lww1s9/craziest-f--king-thing-i-ve-ever-heard---gas-prices" ], "guest": "Kevin Phillips" }, { "date": "2006-05-16", "videos": [ "http://thecolbertreport.cc.com/videos/x3193a/intro---5-16-06", "http://thecolbertreport.cc.com/videos/swctyt/the-word---inoculation", "http://thecolbertreport.cc.com/videos/5qdvts/billboard", "http://thecolbertreport.cc.com/videos/r5u8hp/body-parts-for-sale", "http://thecolbertreport.cc.com/videos/kdtmpm/tyson-slocum", "http://thecolbertreport.cc.com/videos/53mwdm/search-for-a-new-black-friend" ], "guest": "Tyson Slocum" }, { "date": "2006-05-17", "videos": [ "http://thecolbertreport.cc.com/videos/8b6qml/exclusive---better-know-a-president---theodore-roosevelt", "http://thecolbertreport.cc.com/videos/x3193a/intro---5-16-06", "http://thecolbertreport.cc.com/videos/swctyt/the-word---inoculation", "http://thecolbertreport.cc.com/videos/5qdvts/billboard", "http://thecolbertreport.cc.com/videos/r5u8hp/body-parts-for-sale", "http://thecolbertreport.cc.com/videos/kdtmpm/tyson-slocum", "http://thecolbertreport.cc.com/videos/53mwdm/search-for-a-new-black-friend" ], "guest": "Jonathan Alter" }, { "date": "2006-05-17", "videos": [ "http://thecolbertreport.cc.com/videos/wnj4cc/intro---5-17-06", "http://thecolbertreport.cc.com/videos/xie8nv/the-word---democrats", "http://thecolbertreport.cc.com/videos/3w6t72/better-know-a-president---theodore-roosevelt", "http://thecolbertreport.cc.com/videos/1pm4i8/jonathan-alter", "http://thecolbertreport.cc.com/videos/3f6dmg/boycott", "http://thecolbertreport.cc.com/videos/bqqkk9/reagan-dimes" ], "guest": "Jonathan Alter" }, { "date": "2006-05-18", "videos": [ "http://thecolbertreport.cc.com/videos/ddjyzq/intro---5-18-06", "http://thecolbertreport.cc.com/videos/q374t3/stephen-colbert-s-guardian-eagles", "http://thecolbertreport.cc.com/videos/91osyo/the-word---libya", "http://thecolbertreport.cc.com/videos/rvxfth/difference-makers---tim-donnelly", "http://thecolbertreport.cc.com/videos/lga95g/fract---this-day-in-stephen-history", "http://thecolbertreport.cc.com/videos/jl63dd/ted-daeschler", "http://thecolbertreport.cc.com/videos/ddobv8/bears-eat-monkey" ], "guest": "Ted Daeschler" }, { "date": "2006-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/63cmgz/my-first-100-shows--how-i-changed-the-world", "http://thecolbertreport.cc.com/videos/dk29ec/the-word---me", "http://thecolbertreport.cc.com/videos/sygeud/stone-phillips", "http://thecolbertreport.cc.com/videos/oqbssv/helium-balloon-drop", "http://thecolbertreport.cc.com/videos/n2keyu/the-in-box---100th-episode" ], "guest": "Stone Phillips" }, { "date": "2006-06-06", "videos": [ "http://thecolbertreport.cc.com/videos/0jvvnp/intro---6-6-06", "http://thecolbertreport.cc.com/videos/zo00tb/666", "http://thecolbertreport.cc.com/videos/fvrhwv/the-word---military", "http://thecolbertreport.cc.com/videos/ohdrye/stephen-s-sound-advice---graduation", "http://thecolbertreport.cc.com/videos/j42g38/christiane-amanpour", "http://thecolbertreport.cc.com/videos/5pxetf/sign-off---666-almost-over" ], "guest": "Christiane Amanpour" }, { "date": "2006-06-07", "videos": [ "http://thecolbertreport.cc.com/videos/4y1ae4/intro---6-7-06", "http://thecolbertreport.cc.com/videos/krcfjp/balrog", "http://thecolbertreport.cc.com/videos/8enhyk/search-for-a-new-black-friend---first-submissions", "http://thecolbertreport.cc.com/videos/b9ck5g/the-word---big-deal", "http://thecolbertreport.cc.com/videos/q5rrxq/threatdown---bad-heroin", "http://thecolbertreport.cc.com/videos/g6gwcq/steve-squyres", "http://thecolbertreport.cc.com/videos/l4kbi3/sign-off---vaughniston" ], "guest": "Steve Squyres" }, { "date": "2006-06-08", "videos": [ "http://thecolbertreport.cc.com/videos/s8vv3c/intro---6-8-06", "http://thecolbertreport.cc.com/videos/5h2hdf/good-news-about-terror", "http://thecolbertreport.cc.com/videos/9s5g2f/the-word---goooooaaaaaal-", "http://thecolbertreport.cc.com/videos/tb1qzm/better-know-a-district---texas--22nd---tom-delay", "http://thecolbertreport.cc.com/videos/l9x3is/steve-johnson", "http://thecolbertreport.cc.com/videos/irk0rv/honorary-doctor" ], "guest": "Steve Johnson" }, { "date": "2006-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/kjiw2u/intro---6-12-06", "http://thecolbertreport.cc.com/videos/6ev021/tony-awards", "http://thecolbertreport.cc.com/videos/m292m0/on-notice---mort-zuckerman", "http://thecolbertreport.cc.com/videos/g6su9g/the-word---tom-delay-s-farewell-address", "http://thecolbertreport.cc.com/videos/e9sys9/tip-wag---college-students", "http://thecolbertreport.cc.com/videos/1zagcw/robert-f--kennedy-jr-", "http://thecolbertreport.cc.com/videos/rklfpc/a-tip-from-stephen-colbert-s-gardening-almanac" ], "guest": "Robert F. Kennedy Jr." }, { "date": "2006-06-13", "videos": [ "http://thecolbertreport.cc.com/videos/04ejnu/intro---6-13-06", "http://thecolbertreport.cc.com/videos/g9ijaq/stephen-jr--update", "http://thecolbertreport.cc.com/videos/qieya3/the-word---great-f---ing-idea", "http://thecolbertreport.cc.com/videos/c3pmq2/nsa-wiretapping", "http://thecolbertreport.cc.com/videos/2z4g9m/tim-flannery", "http://thecolbertreport.cc.com/videos/15yb0t/feline-bravery" ], "guest": "Tim Flannery" }, { "date": "2006-06-14", "videos": [ "http://thecolbertreport.cc.com/videos/6tm6zq/exclusive---better-know-a-district---georgia-s-8th---lynn-westmoreland", "http://thecolbertreport.cc.com/videos/ddmy1c/intro---6-14-06", "http://thecolbertreport.cc.com/videos/3lnns6/surprise-visit-to-iraq", "http://thecolbertreport.cc.com/videos/l28ig3/the-word---license-renewal", "http://thecolbertreport.cc.com/videos/tlf8t3/better-know-a-district---georgia-s-8th---lynn-westmoreland", "http://thecolbertreport.cc.com/videos/4xe4qw/david-sirota", "http://thecolbertreport.cc.com/videos/g3hppv/sign-off---disappearing-act" ], "guest": "David Sirota" }, { "date": "2006-06-15", "videos": [ "http://thecolbertreport.cc.com/videos/b9zn8f/intro---6-15-06", "http://thecolbertreport.cc.com/videos/69j400/search-for-a-new-black-friend----miami-vice--premiere", "http://thecolbertreport.cc.com/videos/kt2s9v/the-word---lock---load", "http://thecolbertreport.cc.com/videos/mqgxig/formidable-opponent---guantanamo-bay", "http://thecolbertreport.cc.com/videos/p118td/michael-pollan", "http://thecolbertreport.cc.com/videos/avxgi1/biggie-ness" ], "guest": "Michael Pollan" }, { "date": "2006-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/1zww1j/intro---6-19-06", "http://thecolbertreport.cc.com/videos/hsj6mj/bill-gates", "http://thecolbertreport.cc.com/videos/dattp1/the-word---risky-business", "http://thecolbertreport.cc.com/videos/q5w5ph/threatdown---the-homo-sexy-edition", "http://thecolbertreport.cc.com/videos/vaw7tx/gustavo-arellano" ], "guest": "Gustavo Arellano" }, { "date": "2006-06-20", "videos": [ "http://thecolbertreport.cc.com/videos/wanyh5/intro---6-20-06", "http://thecolbertreport.cc.com/videos/t2udf0/marrying-snakes", "http://thecolbertreport.cc.com/videos/5kkfzf/the-word---everything-must-go", "http://thecolbertreport.cc.com/videos/m05b1x/american-goal", "http://thecolbertreport.cc.com/videos/qitmnq/stephen-makes-it-simple---government", "http://thecolbertreport.cc.com/videos/yji71b/bart-ehrman", "http://thecolbertreport.cc.com/videos/cahdxo/sign-off---i-ll-call-you" ], "guest": "Bart Ehrman" }, { "date": "2006-06-21", "videos": [ "http://thecolbertreport.cc.com/videos/ghd1lj/intro---6-21-06", "http://thecolbertreport.cc.com/videos/sx1i4m/truthiness-cheer", "http://thecolbertreport.cc.com/videos/o652yy/don-t-mess-with-jesus", "http://thecolbertreport.cc.com/videos/alty3q/world-cup-trash-talk---alexi-lalas", "http://thecolbertreport.cc.com/videos/n3wvrq/tip-wag---episcopal-church", "http://thecolbertreport.cc.com/videos/qjlwml/bay-buchanan", "http://thecolbertreport.cc.com/videos/k5qunl/sign-off---insane-clown" ], "guest": "Bay Buchanan" }, { "date": "2006-06-22", "videos": [ "http://thecolbertreport.cc.com/videos/q057ll/exclusive---better-know-a-district---colorado-s-1st---diana-degette", "http://thecolbertreport.cc.com/videos/wjjbzb/intro---6-22-06", "http://thecolbertreport.cc.com/videos/f4jomt/stephen-s-fault", "http://thecolbertreport.cc.com/videos/21iu1g/stephen-hawking-is-an-a-hole", "http://thecolbertreport.cc.com/videos/hfgyhs/the-word---cut-and-run", "http://thecolbertreport.cc.com/videos/abdpyq/better-know-a-district---colorado-s-1st---diana-degette", "http://thecolbertreport.cc.com/videos/2oh72f/douglas-brinkley", "http://thecolbertreport.cc.com/videos/vh4cyy/sign-off---not-winning-prizes" ], "guest": "Doug Brinkley" }, { "date": "2006-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/nxwjfg/intro---6-26-06", "http://thecolbertreport.cc.com/videos/0au60f/buffett-hires-gates", "http://thecolbertreport.cc.com/videos/7xr6qc/medal-of-audacity", "http://thecolbertreport.cc.com/videos/wzsdxf/the-word---class-warfare", "http://thecolbertreport.cc.com/videos/gb7vwl/all-you-need-to-know---hot-planet", "http://thecolbertreport.cc.com/videos/ny0s7o/mark-bowden", "http://thecolbertreport.cc.com/videos/7zeule/sign-off---highlights-magazine" ], "guest": "Mark Bowden" }, { "date": "2006-06-27", "videos": [ "http://thecolbertreport.cc.com/videos/fqk84n/intro---6-27-06", "http://thecolbertreport.cc.com/videos/wmi0fy/flammo-mcburny", "http://thecolbertreport.cc.com/videos/jgpsp4/greatest-conservative-rock-songs", "http://thecolbertreport.cc.com/videos/5xzyo9/the-word---cold--dead-fingers", "http://thecolbertreport.cc.com/videos/nnrjlz/movies-that-are-destroying-america---a-scanner-darkly", "http://thecolbertreport.cc.com/videos/360rgd/chris-matthews", "http://thecolbertreport.cc.com/videos/iiom30/sign-off---rubber-mop" ], "guest": "Chris Matthews" }, { "date": "2006-06-28", "videos": [ "http://thecolbertreport.cc.com/videos/iehmr9/intro---6-28-06", "http://thecolbertreport.cc.com/videos/mdix0g/the-smoking-side-dish", "http://thecolbertreport.cc.com/videos/luor1n/american-flags", "http://thecolbertreport.cc.com/videos/ygvw1r/the-word---superman", "http://thecolbertreport.cc.com/videos/9i4qz9/citizens-in-action---fondue-it-yourself", "http://thecolbertreport.cc.com/videos/pt4qqj/robert-baer", "http://thecolbertreport.cc.com/videos/h13p5y/sign-off---mr--potato-head" ], "guest": "Robert Baer" }, { "date": "2006-06-29", "videos": [ "http://thecolbertreport.cc.com/videos/edzwgb/intro---6-29-06", "http://thecolbertreport.cc.com/videos/voqmme/farewell--supreme-court", "http://thecolbertreport.cc.com/videos/z39ivs/the-president-s-bff", "http://thecolbertreport.cc.com/videos/qzor72/the-word---monkey-butter", "http://thecolbertreport.cc.com/videos/ncmucg/difference-makers---steve-pelkey", "http://thecolbertreport.cc.com/videos/facpb9/christopher-noxon", "http://thecolbertreport.cc.com/videos/9y1lrr/star-jones" ], "guest": "Christopher Noxon" }, { "date": "2006-07-10", "videos": [ "http://thecolbertreport.cc.com/videos/lp1b85/intro---7-10-06", "http://thecolbertreport.cc.com/videos/fweavv/world-cup-co-champions", "http://thecolbertreport.cc.com/videos/gud4ld/the-word---silver-foxes", "http://thecolbertreport.cc.com/videos/ul4u7x/stephen-s-sound-advice---avoiding-wildfires", "http://thecolbertreport.cc.com/videos/hfxzg3/amy-sedaris", "http://thecolbertreport.cc.com/videos/izyjak/wilford-brimley-calls---mexico" ], "guest": "Amy Sedaris" }, { "date": "2006-07-11", "videos": [ "http://thecolbertreport.cc.com/videos/2clwx9/intro---7-11-06", "http://thecolbertreport.cc.com/videos/iqeepf/coddling-our-kids", "http://thecolbertreport.cc.com/videos/d006ym/the-word---psychopharmaparenting", "http://thecolbertreport.cc.com/videos/0go470/stephen-r-a-p-s----talkin--to-kids", "http://thecolbertreport.cc.com/videos/wpkhsp/tony-hawk", "http://thecolbertreport.cc.com/videos/0eibi7/stephen-colbert-s-world-of-colbertcraft" ], "guest": "Tony Hawk" }, { "date": "2006-07-12", "videos": [ "http://thecolbertreport.cc.com/videos/ov83sj/exclusive---better-know-a-district---washington-s-2nd---rick-larsen", "http://thecolbertreport.cc.com/videos/xl7bdt/intro---7-12-06", "http://thecolbertreport.cc.com/videos/t0dd3g/massachusetts---gaysrael", "http://thecolbertreport.cc.com/videos/pey6is/the-word---the-america-conventions", "http://thecolbertreport.cc.com/videos/67j2yk/better-know-a-district---washington-s-2nd---rick-larsen", "http://thecolbertreport.cc.com/videos/pabesh/mort-zuckerman", "http://thecolbertreport.cc.com/videos/c4tuhx/sign-off---space-open" ], "guest": "Mort Zuckerman" }, { "date": "2006-07-13", "videos": [ "http://thecolbertreport.cc.com/videos/rlgq2q/intro---7-13-06", "http://thecolbertreport.cc.com/videos/d3xq4i/tv-s-new-low", "http://thecolbertreport.cc.com/videos/d45lww/the-word---inquisition", "http://thecolbertreport.cc.com/videos/mu9fov/threatdown---gay-clones", "http://thecolbertreport.cc.com/videos/42xxhd/ron-suskind" ], "guest": "Ron Suskind" }, { "date": "2006-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/q6xn0v/intro---7-17-06", "http://thecolbertreport.cc.com/videos/8g7ft7/microphone-on", "http://thecolbertreport.cc.com/videos/9s23g8/one-american-dollar", "http://thecolbertreport.cc.com/videos/ne3cif/the-word---t---a", "http://thecolbertreport.cc.com/videos/mn3izi/tip-wag---arizona", "http://thecolbertreport.cc.com/videos/udm6or/lee-silver", "http://thecolbertreport.cc.com/videos/yz4kpe/sign-off---lemons" ], "guest": "Lee Silver" }, { "date": "2006-07-18", "videos": [ "http://thecolbertreport.cc.com/videos/6nca03/intro---7-18-06", "http://thecolbertreport.cc.com/videos/zipmr4/column-width", "http://thecolbertreport.cc.com/videos/r9fvrq/wwiii", "http://thecolbertreport.cc.com/videos/y08094/the-word---solidarity", "http://thecolbertreport.cc.com/videos/dz7igl/stephen-colbert-s-problems-without-solutions---bears", "http://thecolbertreport.cc.com/videos/j9c7t7/dhani-jones", "http://thecolbertreport.cc.com/videos/eaenq6/try-at-goodbye" ], "guest": "Dhani Jones" }, { "date": "2006-07-19", "videos": [ "http://thecolbertreport.cc.com/videos/2v2a4w/intro---7-19-06", "http://thecolbertreport.cc.com/videos/wzyudz/veto-virginity", "http://thecolbertreport.cc.com/videos/vmqv4k/oprah-and-gayle", "http://thecolbertreport.cc.com/videos/zjmkqr/the-word---r-e-s-p-e-c-t", "http://thecolbertreport.cc.com/videos/yluk0n/the-convenientest-truth", "http://thecolbertreport.cc.com/videos/xndme2/joe-scarborough", "http://thecolbertreport.cc.com/videos/3os5ld/sign-off---buck-o-neil" ], "guest": "Joe Scarborough" }, { "date": "2006-07-20", "videos": [ "http://thecolbertreport.cc.com/videos/vx02e0/exclusive---better-know-a-district---florida-s-19th---robert-wexler", "http://thecolbertreport.cc.com/videos/e2w8gi/intro---7-20-06", "http://thecolbertreport.cc.com/videos/bpcz93/search-for-a-new-black-friend---friend-exchange-rate", "http://thecolbertreport.cc.com/videos/flwcdv/julian-bond", "http://thecolbertreport.cc.com/videos/8oaiw2/better-know-a-district---florida-s-19th---robert-wexler", "http://thecolbertreport.cc.com/videos/naagf7/tom-brokaw", "http://thecolbertreport.cc.com/videos/8yx1of/one-regret" ], "guest": "Tom Brokaw" }, { "date": "2006-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/8l2dhx/intro---7-24-06", "http://thecolbertreport.cc.com/videos/b9z8jn/celebrating-america-s-kick-assedness", "http://thecolbertreport.cc.com/videos/mchynh/war---", "http://thecolbertreport.cc.com/videos/qpue58/the-word---moral-minority", "http://thecolbertreport.cc.com/videos/zo2o8b/threatdown---camp", "http://thecolbertreport.cc.com/videos/0xazqv/howell-raines", "http://thecolbertreport.cc.com/videos/530hq6/sign-off---proud" ], "guest": "Howell Raines" }, { "date": "2006-07-25", "videos": [ "http://thecolbertreport.cc.com/videos/3bdqam/intro---7-25-06", "http://thecolbertreport.cc.com/videos/qik373/all-red-states", "http://thecolbertreport.cc.com/videos/mdzpjk/morning-shows", "http://thecolbertreport.cc.com/videos/e4fmv9/the-word---opposite-day", "http://thecolbertreport.cc.com/videos/bqr3op/formidable-opponent---stem-cell-research", "http://thecolbertreport.cc.com/videos/6xp57g/william-donohue", "http://thecolbertreport.cc.com/videos/wfh0qw/sign-off---food-for-thought" ], "guest": "William Donohue" }, { "date": "2006-07-26", "videos": [ "http://thecolbertreport.cc.com/videos/sz2q6w/intro---7-26-06", "http://thecolbertreport.cc.com/videos/a62j0l/stephen-s-family-tree", "http://thecolbertreport.cc.com/videos/nxih1e/rescue-stephen-jr-", "http://thecolbertreport.cc.com/videos/b9kj0d/the-word---democrazy", "http://thecolbertreport.cc.com/videos/2wr9gw/stephen-s-sound-advice---blackouts", "http://thecolbertreport.cc.com/videos/ym3t0d/neal-katyal", "http://thecolbertreport.cc.com/videos/9nk4r7/sign-off---super-hero-stamps" ], "guest": "Neal Katyal" }, { "date": "2006-07-27", "videos": [ "http://thecolbertreport.cc.com/videos/bgxe8v/exclusive---better-know-a-district---district-of-columbia---eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/jdsi7h/intro---7-27-06", "http://thecolbertreport.cc.com/videos/2pti2w/floyd-landis--balls", "http://thecolbertreport.cc.com/videos/0qi0dm/the-word---secretary-general-bolton", "http://thecolbertreport.cc.com/videos/6quypd/better-know-a-district---district-of-columbia---eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/a2w76v/joe-quesada" ], "guest": "Joe Quesada" }, { "date": "2006-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/2k66vv/intro---7-31-06", "http://thecolbertreport.cc.com/videos/ipm2dm/book-club", "http://thecolbertreport.cc.com/videos/3jl3pu/bicycle-theft", "http://thecolbertreport.cc.com/videos/z1aahs/the-word---wikiality", "http://thecolbertreport.cc.com/videos/zqod1f/tip-wag---lance-bass", "http://thecolbertreport.cc.com/videos/6tak7c/ned-lamont" ], "guest": "Ned Lamont" }, { "date": "2006-08-01", "videos": [ "http://thecolbertreport.cc.com/videos/b1r2b5/intro---8-1-06", "http://thecolbertreport.cc.com/videos/advrej/courting-joe-lieberman", "http://thecolbertreport.cc.com/videos/n4ao8r/cuba-libre", "http://thecolbertreport.cc.com/videos/uqnkmr/the-word---uncool", "http://thecolbertreport.cc.com/videos/kxcfet/balls-for-kidz---carnivals", "http://thecolbertreport.cc.com/videos/pcfi97/peter-beinart", "http://thecolbertreport.cc.com/videos/wm5ib9/sign-off---energy" ], "guest": "Peter Beinart" }, { "date": "2006-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/7ofk8i/intro---8-2-06", "http://thecolbertreport.cc.com/videos/1jctl5/chair-for-joe-lieberman", "http://thecolbertreport.cc.com/videos/tc2zff/on-notice---how-the-on-notice-board-is-made", "http://thecolbertreport.cc.com/videos/9f950b/the-word---single-serving", "http://thecolbertreport.cc.com/videos/1gkx3r/no-joe-lieberman", "http://thecolbertreport.cc.com/videos/m7siat/linda-hirshman", "http://thecolbertreport.cc.com/videos/kx6zql/sign-off---cocoa-puffs" ], "guest": "Linda Hirshman" }, { "date": "2006-08-03", "videos": [ "http://thecolbertreport.cc.com/videos/dij1sw/war--what-it-s-good-for---intro", "http://thecolbertreport.cc.com/videos/gdp73x/war--what-it-s-good-for---russ-lieber", "http://thecolbertreport.cc.com/videos/xzhg3v/meet-an-ally---palau", "http://thecolbertreport.cc.com/videos/o6s4zb/paul-hackett", "http://thecolbertreport.cc.com/videos/cujsej/war--what-it-s-good-for---the-eternal-flame" ], "guest": "Paul Hackett" }, { "date": "2006-08-08", "videos": [ "http://thecolbertreport.cc.com/videos/ggdajm/intro---8-8-06", "http://thecolbertreport.cc.com/videos/oafdpt/lieberman-no-show", "http://thecolbertreport.cc.com/videos/kend9g/press-room-renovations", "http://thecolbertreport.cc.com/videos/cru76e/the-word---ten-hut-", "http://thecolbertreport.cc.com/videos/ywy5cq/tek-jansen---operation--heart-of-the-phoenix---dead-or-alive", "http://thecolbertreport.cc.com/videos/y3ycer/bill-rhoden", "http://thecolbertreport.cc.com/videos/h498ah/sign-off---toss-to-jon" ], "guest": "Bill Rhoden" }, { "date": "2006-08-09", "videos": [ "http://thecolbertreport.cc.com/videos/8ku3ic/intro---8-9-06", "http://thecolbertreport.cc.com/videos/m3m7kz/lieberman-loses", "http://thecolbertreport.cc.com/videos/coxidl/delay-and-jesus", "http://thecolbertreport.cc.com/videos/9jopn4/the-word---pencils-down", "http://thecolbertreport.cc.com/videos/hpijh0/tip-wag---hungarian-bridge", "http://thecolbertreport.cc.com/videos/p3g7eb/alexandra-robbins" ], "guest": "Alexandra Robbins" }, { "date": "2006-08-10", "videos": [ "http://thecolbertreport.cc.com/videos/75wf4h/exclusive---better-know-a-district---california-s-6th---lynn-woolsey-pt--1", "http://thecolbertreport.cc.com/videos/m276r1/exclusive---better-know-a-district---california-s-6th---lynn-woolsey-pt--2", "http://thecolbertreport.cc.com/videos/8ku3ic/intro---8-9-06", "http://thecolbertreport.cc.com/videos/m3m7kz/lieberman-loses", "http://thecolbertreport.cc.com/videos/coxidl/delay-and-jesus", "http://thecolbertreport.cc.com/videos/9jopn4/the-word---pencils-down", "http://thecolbertreport.cc.com/videos/hpijh0/tip-wag---hungarian-bridge", "http://thecolbertreport.cc.com/videos/p3g7eb/alexandra-robbins" ], "guest": "Eli Pariser" }, { "date": "2006-08-10", "videos": [ "http://thecolbertreport.cc.com/videos/qehfxb/intro---8-10-06", "http://thecolbertreport.cc.com/videos/6kvez0/liquids-on-planes", "http://thecolbertreport.cc.com/videos/b2svxe/the-word---cappuccino", "http://thecolbertreport.cc.com/videos/fyj6zj/better-know-a-district---california-s-6th---lynn-woolsey", "http://thecolbertreport.cc.com/videos/d573ty/eli-pariser", "http://thecolbertreport.cc.com/videos/hjpfzb/sign-off---remedy-for-insomnia" ], "guest": "Eli Pariser" }, { "date": "2006-08-14", "videos": [ "http://thecolbertreport.cc.com/videos/voo1ci/intro---8-14-06", "http://thecolbertreport.cc.com/videos/8c9998/peaceland", "http://thecolbertreport.cc.com/videos/mjxd75/french-fries", "http://thecolbertreport.cc.com/videos/bghbjx/jon-s-apology", "http://thecolbertreport.cc.com/videos/ozm5pk/stephen-s-sound-advice---protecting-your-online-identity", "http://thecolbertreport.cc.com/videos/u393jw/ramesh-ponnuru", "http://thecolbertreport.cc.com/videos/2b5c2u/sign-off---e-mail-password" ], "guest": "Ramesh Ponnuru" }, { "date": "2006-08-15", "videos": [ "http://thecolbertreport.cc.com/videos/s8rzc5/intro---8-15-06", "http://thecolbertreport.cc.com/videos/95fbpq/sharing-the-spotlight-with-ahmadinejad", "http://thecolbertreport.cc.com/videos/6qb0k5/the-word---dumb-ocracy", "http://thecolbertreport.cc.com/videos/2evzvd/hungarian-bridge-progress-report", "http://thecolbertreport.cc.com/videos/mjhnvj/all-you-need-to-know---proper-condom-use", "http://thecolbertreport.cc.com/videos/jdgp1k/david-gergen" ], "guest": "David Gergen" }, { "date": "2006-08-16", "videos": [ "http://thecolbertreport.cc.com/videos/5nmn6o/intro---8-16-06", "http://thecolbertreport.cc.com/videos/ic96lx/alan-schlesinger", "http://thecolbertreport.cc.com/videos/lsglfu/the-word---el-comandante", "http://thecolbertreport.cc.com/videos/gb4665/let-s-make-this-happen", "http://thecolbertreport.cc.com/videos/2ap7v2/was-it-really-that-bad----cold-war", "http://thecolbertreport.cc.com/videos/5uanam/morgan-spurlock", "http://thecolbertreport.cc.com/videos/9nqss3/sign-off---historic-hoax" ], "guest": "Morgan Spurlock" }, { "date": "2006-08-17", "videos": [ "http://thecolbertreport.cc.com/videos/b66unq/intro---8-17-06", "http://thecolbertreport.cc.com/videos/xzzu7h/continuity", "http://thecolbertreport.cc.com/videos/75yefr/neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/kc21ru/better-know-a-district---california-s-31st", "http://thecolbertreport.cc.com/videos/8n3z7e/better-know-a-district---california-s-31st---javier-becerra", "http://thecolbertreport.cc.com/videos/nsqwib/neil-young" ], "guest": "Neil Young" }, { "date": "2006-08-21", "videos": [ "http://thecolbertreport.cc.com/videos/uz7rxo/intro---8-21-06", "http://thecolbertreport.cc.com/videos/vzigy3/green-screen-challenge---the-announcement", "http://thecolbertreport.cc.com/videos/u468bk/atheists-in-foxholes", "http://thecolbertreport.cc.com/videos/pqlyj1/the-word---side-effects", "http://thecolbertreport.cc.com/videos/euqtan/threatdown---drivers-eat", "http://thecolbertreport.cc.com/videos/btgfsr/geoffrey-nunberg", "http://thecolbertreport.cc.com/videos/6p8hy2/sign-off---pants-off" ], "guest": "Geoffrey Nunberg" }, { "date": "2006-08-22", "videos": [ "http://thecolbertreport.cc.com/videos/h5huhm/intro---8-22-06", "http://thecolbertreport.cc.com/videos/xr6owy/cheating-death---fields-medal", "http://thecolbertreport.cc.com/videos/p4wf5t/the-word---99-problems", "http://thecolbertreport.cc.com/videos/8t1wv1/stephen-colbert-salutes-hungary", "http://thecolbertreport.cc.com/videos/6iv4i1/paul-krugman" ], "guest": "Paul Krugman" }, { "date": "2006-08-23", "videos": [ "http://thecolbertreport.cc.com/videos/rsqkbw/american-pop-culture--it-s-crumbelievable----intro", "http://thecolbertreport.cc.com/videos/85w92g/american-pop-culture--it-s-crumbelievable----pop-culture-icons", "http://thecolbertreport.cc.com/videos/l7z3b3/damian-kulash", "http://thecolbertreport.cc.com/videos/19r90f/american-pop-culture--it-s-crumbelievable----cable-tv-vs--the-american-family", "http://thecolbertreport.cc.com/videos/9h0pam/gideon-yago", "http://thecolbertreport.cc.com/videos/l29lto/american-pop-culture--it-s-crumbelievable----stephen-steps-up" ], "guest": "Gideon Yago" }, { "date": "2006-08-24", "videos": [ "http://thecolbertreport.cc.com/videos/86h1lx/intro---8-24-06", "http://thecolbertreport.cc.com/videos/j3gjfh/national-peach-month", "http://thecolbertreport.cc.com/videos/8avj2z/fart-jokes", "http://thecolbertreport.cc.com/videos/ejrivu/the-word---bad-boys", "http://thecolbertreport.cc.com/videos/sui137/30-days-with-the-colbert-report", "http://thecolbertreport.cc.com/videos/dw0hc5/janna-levin", "http://thecolbertreport.cc.com/videos/8v6ak5/green-screen-challenge---socialized-medicine" ], "guest": "Janna Levin" }, { "date": "2006-09-11", "videos": [ "http://thecolbertreport.cc.com/videos/e2o0vm/intro---9-11-06", "http://thecolbertreport.cc.com/videos/ryb1sd/manilow-s-emmy", "http://thecolbertreport.cc.com/videos/vnwrl5/the-word---shall", "http://thecolbertreport.cc.com/videos/epkjf1/the-path-to-9-11", "http://thecolbertreport.cc.com/videos/dpqisf/martin-short", "http://thecolbertreport.cc.com/videos/0giino/sign-off---lullaby-clap" ], "guest": "Martin Short" }, { "date": "2006-09-12", "videos": [ "http://thecolbertreport.cc.com/videos/zj5aco/exclusive---better-know-a-challenger---new-jersey-s-3rd---richard-sexton", "http://thecolbertreport.cc.com/videos/2vdm17/intro---9-12-06", "http://thecolbertreport.cc.com/videos/fuhxnz/green-screen-challenge---entry", "http://thecolbertreport.cc.com/videos/464nde/the-word---missed-opportunity", "http://thecolbertreport.cc.com/videos/03wv59/better-know-a-challenger---new-jersey-s-3rd---richard-sexton", "http://thecolbertreport.cc.com/videos/uyjgfx/toby-keith", "http://thecolbertreport.cc.com/videos/df7axm/sign-off---special-episode" ], "guest": "Toby Keith" }, { "date": "2006-09-13", "videos": [ "http://thecolbertreport.cc.com/videos/9h47r2/intro---9-13-06", "http://thecolbertreport.cc.com/videos/a7pf2u/the-colmandos", "http://thecolbertreport.cc.com/videos/fftk8t/the-word---caveat-emptor", "http://thecolbertreport.cc.com/videos/yr3sze/formidable-opponent---iraq-withdrawal", "http://thecolbertreport.cc.com/videos/io94jl/ken-jennings", "http://thecolbertreport.cc.com/videos/m6mk95/sign-off---cigarettes" ], "guest": "Ken Jennings" }, { "date": "2006-09-14", "videos": [ "http://thecolbertreport.cc.com/videos/3i56pi/intro---9-14-06", "http://thecolbertreport.cc.com/videos/m82cj5/sexy-photo", "http://thecolbertreport.cc.com/videos/39njye/george-allen", "http://thecolbertreport.cc.com/videos/dmk6s2/hungarian-bridge---andras-simonyi", "http://thecolbertreport.cc.com/videos/ogtff2/tip-wag---nasa", "http://thecolbertreport.cc.com/videos/6xq5fv/bill-simmons", "http://thecolbertreport.cc.com/videos/czqyfe/sign-off---get-on-it--nation", "http://thecolbertreport.cc.com/videos/g844xc/bridge-contest" ], "guest": "Bill Simmons" }, { "date": "2006-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/wteen9/intro---9-18-06", "http://thecolbertreport.cc.com/videos/51grfw/whitney-houston", "http://thecolbertreport.cc.com/videos/82m3g9/the-word---wiper-fluid", "http://thecolbertreport.cc.com/videos/cyd2um/tek-jansen---operation--destiny-s-underbelly--entrapped-", "http://thecolbertreport.cc.com/videos/r7b7p1/will-power", "http://thecolbertreport.cc.com/videos/j44oq1/sign-off---bust" ], "guest": "Will Power" }, { "date": "2006-09-19", "videos": [ "http://thecolbertreport.cc.com/videos/spzrjp/intro---9-19-06", "http://thecolbertreport.cc.com/videos/dbmjaj/u-n--week", "http://thecolbertreport.cc.com/videos/5v40iy/the-word---tribalism", "http://thecolbertreport.cc.com/videos/qloab5/threatdown---toby-keith", "http://thecolbertreport.cc.com/videos/kf8re4/frank-rich", "http://thecolbertreport.cc.com/videos/ezwrh0/sign-off---fantasy-colbert-report-league" ], "guest": "Frank Rich" }, { "date": "2006-09-20", "videos": [ "http://thecolbertreport.cc.com/videos/lj5z86/green-screen-challenge---the-challenge-continues", "http://thecolbertreport.cc.com/videos/o1qorx/who-s-not-honoring-me-now----the-macarthur-foundation", "http://thecolbertreport.cc.com/videos/pz60rq/green-screen-challenge---typical-democrats", "http://thecolbertreport.cc.com/videos/vkr39r/stephen-s-sound-advice---high-school", "http://thecolbertreport.cc.com/videos/fn9d5q/james-carville", "http://thecolbertreport.cc.com/videos/g7hl0x/the-word---lose" ], "guest": "James Carville" }, { "date": "2006-09-21", "videos": [ "http://thecolbertreport.cc.com/videos/yujezq/intro---9-21-06", "http://thecolbertreport.cc.com/videos/tvrtdg/days-of-repentance-hotline", "http://thecolbertreport.cc.com/videos/kxvydq/better-know-a-challenger---new-jersey-s-5th---paul-aronsohn", "http://thecolbertreport.cc.com/videos/u1txo4/daniel-ellsberg", "http://thecolbertreport.cc.com/videos/42tk7e/sign-off---pentagon-papers", "http://thecolbertreport.cc.com/videos/yxzh84/daniel-golden" ], "guest": "Daniel Ellsberg" }, { "date": "2006-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/ubu45l/intro---9-25-06", "http://thecolbertreport.cc.com/videos/918nqn/heritage", "http://thecolbertreport.cc.com/videos/s08yij/buy-this-book", "http://thecolbertreport.cc.com/videos/1tds5k/the-word---opposition-party", "http://thecolbertreport.cc.com/videos/az74i4/green-screen-challenge---goodbye--darth-maul-", "http://thecolbertreport.cc.com/videos/te8evq/fun-in-the-sun", "http://thecolbertreport.cc.com/videos/c88j0x/arianna-huffington" ], "guest": "Arianna Huffington" }, { "date": "2006-09-26", "videos": [ "http://thecolbertreport.cc.com/videos/13qtu2/intro---9-26-06", "http://thecolbertreport.cc.com/videos/76ov53/frank-rich-calls-in", "http://thecolbertreport.cc.com/videos/navjpx/the-word---good-morning", "http://thecolbertreport.cc.com/videos/22kzkk/four-horsemen-of-the-a-pop-calypse---justin-timberlake", "http://thecolbertreport.cc.com/videos/kertmr/ted-danson", "http://thecolbertreport.cc.com/videos/en1nzg/alpha-dog-of-the-week---tom-selleck" ], "guest": "Ted Danson" }, { "date": "2006-09-27", "videos": [ "http://thecolbertreport.cc.com/videos/dkn6is/intro---9-27-06", "http://thecolbertreport.cc.com/videos/w75za8/oprah-and-friends", "http://thecolbertreport.cc.com/videos/2zj0db/mort-zuckerman-dials-the-atone-phone", "http://thecolbertreport.cc.com/videos/wq2mkf/the-word---iraq", "http://thecolbertreport.cc.com/videos/p20mpr/tip-wag---george-clooney", "http://thecolbertreport.cc.com/videos/g1anyj/lowell-bergman", "http://thecolbertreport.cc.com/videos/8v25i1/sign-off---world-of-colbertcraft" ], "guest": "Lowell Bergman" }, { "date": "2006-09-28", "videos": [ "http://thecolbertreport.cc.com/videos/b0od22/intro---9-28-06", "http://thecolbertreport.cc.com/videos/mechk8/green-screen-challenge---ipod---colbert", "http://thecolbertreport.cc.com/videos/jl58qd/blitzkrieg-on-grinchitude---santa-claus--in", "http://thecolbertreport.cc.com/videos/a23i2j/jon-stewart-calls-in", "http://thecolbertreport.cc.com/videos/kby4hb/un-american-news---spain", "http://thecolbertreport.cc.com/videos/c2vyau/steve-wozniak" ], "guest": "Steve Wozniak" }, { "date": "2006-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/vaflyc/intro---10-2-06", "http://thecolbertreport.cc.com/videos/ak0wmf/mark-foley", "http://thecolbertreport.cc.com/videos/clzwmu/the-word---copycat", "http://thecolbertreport.cc.com/videos/0f7zu5/threatdown---saudi-arabia", "http://thecolbertreport.cc.com/videos/6cuxj4/michael-lewis", "http://thecolbertreport.cc.com/videos/gwcer9/sign-off---actual-apologies" ], "guest": "Michael Lewis" }, { "date": "2006-10-03", "videos": [ "http://thecolbertreport.cc.com/videos/fkksjm/intro---10-3-06", "http://thecolbertreport.cc.com/videos/85po0w/drunk-dialing", "http://thecolbertreport.cc.com/videos/hnt52c/lucifer", "http://thecolbertreport.cc.com/videos/ap05bd/the-word---experience", "http://thecolbertreport.cc.com/videos/oojn49/steagle-colbeagle-the-eagle---mascot", "http://thecolbertreport.cc.com/videos/xqpdbq/andy-stern", "http://thecolbertreport.cc.com/videos/tbnr4f/sign-off---retire-the-jersey" ], "guest": "Andy Stern" }, { "date": "2006-10-04", "videos": [ "http://thecolbertreport.cc.com/videos/pi53om/intro---10-4-06", "http://thecolbertreport.cc.com/videos/t3hp8a/mark-foley-the-rino", "http://thecolbertreport.cc.com/videos/2n2oat/the-word---must-not-see-tv", "http://thecolbertreport.cc.com/videos/536mbt/nobel-prize-sweep", "http://thecolbertreport.cc.com/videos/ga8yja/green-screen-challenge---d-d", "http://thecolbertreport.cc.com/videos/ps5fh4/byron-dorgan", "http://thecolbertreport.cc.com/videos/vbbgif/-20-million-victory-party" ], "guest": "Byron Dorgan" }, { "date": "2006-10-05", "videos": [ "http://thecolbertreport.cc.com/videos/r5fn7m/intro---10-5-06", "http://thecolbertreport.cc.com/videos/t7lg5x/handling-sex-scandals", "http://thecolbertreport.cc.com/videos/2pcxy7/behavioral-profiling", "http://thecolbertreport.cc.com/videos/6qs8dt/maz-jobrani", "http://thecolbertreport.cc.com/videos/8vhk9f/better-know-a-district---florida-s-16th---mark-foley", "http://thecolbertreport.cc.com/videos/cg4ud6/amy-goodman", "http://thecolbertreport.cc.com/videos/mex37x/starbucks-price-hike" ], "guest": "Amy Goodman" }, { "date": "2006-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/uz4y5r/intro---10-9-06", "http://thecolbertreport.cc.com/videos/vcdu14/stephen-greets-kim-jong-il", "http://thecolbertreport.cc.com/videos/94jsyv/the-word---safety", "http://thecolbertreport.cc.com/videos/oqybt6/sport-report---saginaw-spirit-3-0-with-steagle-colbeagle", "http://thecolbertreport.cc.com/videos/sxcbbt/randy-newman" ], "guest": "Randy Newman" }, { "date": "2006-10-10", "videos": [ "http://thecolbertreport.cc.com/videos/7x9ixq/a-salute-to-the-american-lady", "http://thecolbertreport.cc.com/videos/2jugk2/stephen-r-a-p-s----gender-issues", "http://thecolbertreport.cc.com/videos/tab5oc/jane-fonda-and-gloria-steinem", "http://thecolbertreport.cc.com/videos/vglnl3/ariel-levy", "http://thecolbertreport.cc.com/videos/6ooly1/sign-off---mrs--colbert" ], "guest": "Ariel Levy" }, { "date": "2006-10-11", "videos": [ "http://thecolbertreport.cc.com/videos/m063rn/intro---10-11-06", "http://thecolbertreport.cc.com/videos/bmktr8/shout-out----from-baghdad-to-the-report", "http://thecolbertreport.cc.com/videos/lbop8f/stephen-cashes-in", "http://thecolbertreport.cc.com/videos/kpo74v/green-screen-challenge---the-final-cut", "http://thecolbertreport.cc.com/videos/fxyspp/green-screen-challenge---the-finalists", "http://thecolbertreport.cc.com/videos/n67d6e/green-screen-challenge---the-winner", "http://thecolbertreport.cc.com/videos/pkbxv2/tek-jansen---space-station-theta-zeus-aquarius", "http://thecolbertreport.cc.com/videos/8hq3dq/lightsaber-duel", "http://thecolbertreport.cc.com/videos/nkr8wo/green-screen---george-lucas" ], "guest": "Andrew Sullivan" }, { "date": "2006-10-12", "videos": [ "http://thecolbertreport.cc.com/videos/d5jz3y/exclusive---better-know-a-challenger---new-jersey-s-4th---carol-gay", "http://thecolbertreport.cc.com/videos/yw8t41/intro---10-12-06", "http://thecolbertreport.cc.com/videos/dikrto/congratulatory-mail", "http://thecolbertreport.cc.com/videos/9dfgke/north-korean-weapons-test-scare", "http://thecolbertreport.cc.com/videos/htaz1s/gay-republicans---andrew-sullivan", "http://thecolbertreport.cc.com/videos/gtnan5/better-know-a-challenger---new-jersey-s-4th---carol-gay", "http://thecolbertreport.cc.com/videos/f57spg/brian-schweitzer", "http://thecolbertreport.cc.com/videos/o1sfrf/sign-off---revved-up" ], "guest": "Larry Miller" }, { "date": "2006-10-16", "videos": [ "http://thecolbertreport.cc.com/videos/plp18s/intro---10-16-06", "http://thecolbertreport.cc.com/videos/q81oyv/bush-impersonator-impersonator", "http://thecolbertreport.cc.com/videos/3yuat5/cbgb-s", "http://thecolbertreport.cc.com/videos/7i1kaz/the-word---russian-dolls", "http://thecolbertreport.cc.com/videos/rxjbs7/tip-wag---midterm-elections-edition", "http://thecolbertreport.cc.com/videos/2he8tk/barry-scheck", "http://thecolbertreport.cc.com/videos/xuvjmp/the-wave" ], "guest": "Barry Scheck" }, { "date": "2006-10-17", "videos": [ "http://thecolbertreport.cc.com/videos/ae5ru6/intro---10-17-06", "http://thecolbertreport.cc.com/videos/fo3bt3/one-year-anniversary", "http://thecolbertreport.cc.com/videos/r8tksi/descending-screen", "http://thecolbertreport.cc.com/videos/18nq18/the-word---irreconcilable-differences", "http://thecolbertreport.cc.com/videos/hlfrbf/anniversary-cake", "http://thecolbertreport.cc.com/videos/is87vo/judge-tubbs", "http://thecolbertreport.cc.com/videos/7fe2ut/richard-dawkins", "http://thecolbertreport.cc.com/videos/g41j5d/second-year-portrait" ], "guest": "Richard Dawkins" }, { "date": "2006-10-18", "videos": [ "http://thecolbertreport.cc.com/videos/nm42tm/intro---10-18-06", "http://thecolbertreport.cc.com/videos/szo4co/elephant-vasectomies", "http://thecolbertreport.cc.com/videos/bl7nra/the-word---sherlock", "http://thecolbertreport.cc.com/videos/jpgqk0/jeopardy", "http://thecolbertreport.cc.com/videos/wu6d7x/sport-report---smack-talk", "http://thecolbertreport.cc.com/videos/0usw0u/david-kuo", "http://thecolbertreport.cc.com/videos/pun0an/santorum-s-iraqi-lord-of-the-rings" ], "guest": "Deepak Chopra" }, { "date": "2006-10-19", "videos": [ "http://thecolbertreport.cc.com/videos/63h5y0/exclusive---better-know-a-challenger---new-york-s-19th---john-hall", "http://thecolbertreport.cc.com/videos/simwwd/intro---10-19-06", "http://thecolbertreport.cc.com/videos/zzoxmj/ebay-portrait-bid", "http://thecolbertreport.cc.com/videos/55o9xl/jim-gilchrist", "http://thecolbertreport.cc.com/videos/eh02b8/better-know-a-challenger---new-york-s-19th---john-hall", "http://thecolbertreport.cc.com/videos/484q7z/peter-agre" ], "guest": "Matthew Dowd" }, { "date": "2006-10-30", "videos": [ "http://thecolbertreport.cc.com/videos/xsr78j/intro---10-30-06", "http://thecolbertreport.cc.com/videos/501yrw/get-ready-for-barry", "http://thecolbertreport.cc.com/videos/fokcta/stay-the-course", "http://thecolbertreport.cc.com/videos/2ffwy9/the-word---shameless", "http://thecolbertreport.cc.com/videos/3644s2/threatdown---greatdown", "http://thecolbertreport.cc.com/videos/h5ly2o/barry-manilow" ], "guest": "Barry Manilow" }, { "date": "2006-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/vll3lh/intro---10-31-06", "http://thecolbertreport.cc.com/videos/ixb36k/costumes-for-the-girls", "http://thecolbertreport.cc.com/videos/qrw2en/the-word---thanks--gays-", "http://thecolbertreport.cc.com/videos/ya17xq/portrait-auction", "http://thecolbertreport.cc.com/videos/crxtpi/welcome-to-the-house-of-horrors---nancy-pelosi", "http://thecolbertreport.cc.com/videos/2g6dhj/tim-robbins", "http://thecolbertreport.cc.com/videos/9z7u1s/freak-show---log-cabin-republican" ], "guest": "Tim Robbins" }, { "date": "2006-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/fio9x5/exclusive---better-know-a-challenger---california-s-30th---david-nelson-jones", "http://thecolbertreport.cc.com/videos/ngeqml/intro---11-1-06", "http://thecolbertreport.cc.com/videos/07l6jg/john-kerry", "http://thecolbertreport.cc.com/videos/5a62pu/the-word---rip-off", "http://thecolbertreport.cc.com/videos/j449s5/better-know-a-challenger---california-s-30th---david-nelson-jones", "http://thecolbertreport.cc.com/videos/80bjyk/penn-jillette", "http://thecolbertreport.cc.com/videos/7w23zw/big-in--06" ], "guest": "Penn Jillette" }, { "date": "2006-11-02", "videos": [ "http://thecolbertreport.cc.com/videos/c1jp7z/intro---11-2-06", "http://thecolbertreport.cc.com/videos/ryl8xd/a-historidocufictiomentary-of-george-allen", "http://thecolbertreport.cc.com/videos/ypv3hz/p-k--winsome---black-republican", "http://thecolbertreport.cc.com/videos/e8pbai/sport-report---the-spirit-shop", "http://thecolbertreport.cc.com/videos/o5x0ja/chad-walldorf--portrait-winner", "http://thecolbertreport.cc.com/videos/vchsrw/ron-reagan" ], "guest": "Ron Reagan Jr." }, { "date": "2006-11-06", "videos": [ "http://thecolbertreport.cc.com/videos/5l9ww2/intro---11-6-06", "http://thecolbertreport.cc.com/videos/3x1o1e/saddam-s-hanging", "http://thecolbertreport.cc.com/videos/mfycn0/vote-your-conscience", "http://thecolbertreport.cc.com/videos/xjsetj/the-word---happy-ending", "http://thecolbertreport.cc.com/videos/yu4stw/ted-haggard-s-media-field-day", "http://thecolbertreport.cc.com/videos/qtoavw/what-to-expect-when-you-re-electing", "http://thecolbertreport.cc.com/videos/de4hy0/mark-halperin", "http://thecolbertreport.cc.com/videos/iuqlez/absentee-voting" ], "guest": "Mark Halperin" }, { "date": "2006-11-07", "videos": [ "http://thecolbertreport.cc.com/videos/rdhken/midterm-midtacular---beatty---bening-confirmation-call", "http://thecolbertreport.cc.com/videos/vmt5dv/better-know-a-district---midterm-midtacular", "http://thecolbertreport.cc.com/videos/42n9bh/midterm-midtacular---update-from-the-daily-show", "http://thecolbertreport.cc.com/videos/gmknl3/midterm-midtacular---democrat-majority", "http://thecolbertreport.cc.com/videos/1qhm06/stephen-s-final-thoughts", "http://thecolbertreport.cc.com/videos/3fzd37/robert-wexler-and-eleanor-holmes-norton" ], "guest": "Election Night Live Show" }, { "date": "2006-11-08", "videos": [ "http://thecolbertreport.cc.com/videos/veyf2a/intro---11-8-06", "http://thecolbertreport.cc.com/videos/0085n8/the-word---sigh", "http://thecolbertreport.cc.com/videos/8tjdnz/better-know-a-district---new-york-s-19th---john-hall", "http://thecolbertreport.cc.com/videos/n1c32a/tek-jansen---theme-song", "http://thecolbertreport.cc.com/videos/vzb4w6/jeff-greenfield", "http://thecolbertreport.cc.com/videos/3yplp6/special-memories" ], "guest": "Jeff Greenfield" }, { "date": "2006-11-09", "videos": [ "http://thecolbertreport.cc.com/videos/vsle8s/intro---11-9-06", "http://thecolbertreport.cc.com/videos/ec6t9w/shout-out----michael-rehm", "http://thecolbertreport.cc.com/videos/0osdbo/the-word---putin--08", "http://thecolbertreport.cc.com/videos/ro28cv/p-k--winsome---a-journey-home", "http://thecolbertreport.cc.com/videos/sff21j/dean-kamen", "http://thecolbertreport.cc.com/videos/y6jo9b/sign-off---buy-american" ], "guest": "Dean Kamen" }, { "date": "2006-11-13", "videos": [ "http://thecolbertreport.cc.com/videos/xhi69f/intro---11-13-06", "http://thecolbertreport.cc.com/videos/tq9pyg/mccain-s-depression", "http://thecolbertreport.cc.com/videos/wze0m8/the-word---back-off--old-man", "http://thecolbertreport.cc.com/videos/3l0etr/tip-wag---quitters-edition", "http://thecolbertreport.cc.com/videos/v04ko8/dan-rather", "http://thecolbertreport.cc.com/videos/39thdv/alpha-dog-of-the-week---ronald-reagan" ], "guest": "Dan Rather" }, { "date": "2006-11-14", "videos": [ "http://thecolbertreport.cc.com/videos/2xysq8/intro---10-14-06", "http://thecolbertreport.cc.com/videos/41uzjx/lesbian-roles", "http://thecolbertreport.cc.com/videos/njn4f1/stephen-jr--in-canada", "http://thecolbertreport.cc.com/videos/x9bnw7/the-word---expecting", "http://thecolbertreport.cc.com/videos/mx7sjh/vote-for-gail-jingle", "http://thecolbertreport.cc.com/videos/xokq2b/jeff-swartz", "http://thecolbertreport.cc.com/videos/cnxqlb/kid-activity-corner---nancy-pelosi-hand-turkeys" ], "guest": "Jeff Swartz" }, { "date": "2006-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/9sc11a/exclusive---better-know-a-founder---thomas-jefferson", "http://thecolbertreport.cc.com/videos/2xysq8/intro---10-14-06", "http://thecolbertreport.cc.com/videos/41uzjx/lesbian-roles", "http://thecolbertreport.cc.com/videos/njn4f1/stephen-jr--in-canada", "http://thecolbertreport.cc.com/videos/x9bnw7/the-word---expecting", "http://thecolbertreport.cc.com/videos/mx7sjh/vote-for-gail-jingle", "http://thecolbertreport.cc.com/videos/xokq2b/jeff-swartz", "http://thecolbertreport.cc.com/videos/cnxqlb/kid-activity-corner---nancy-pelosi-hand-turkeys" ], "guest": "Al Franken, Dr. Michael Novacek" }, { "date": "2006-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/zmp3r0/intro---11-15-06", "http://thecolbertreport.cc.com/videos/kl1xl0/rush-limbaugh-s-comments", "http://thecolbertreport.cc.com/videos/w5bgh2/democrats--victory-dance---al-franken", "http://thecolbertreport.cc.com/videos/47a505/better-know-a-founder---thomas-jefferson", "http://thecolbertreport.cc.com/videos/cnf5lf/mike-novacek" ], "guest": "Al Franken, Dr. Michael Novacek" }, { "date": "2006-11-16", "videos": [ "http://thecolbertreport.cc.com/videos/hstabl/intro---11-16-06", "http://thecolbertreport.cc.com/videos/zyzp0g/minority-whip", "http://thecolbertreport.cc.com/videos/euzyuf/sexiest-man-alive", "http://thecolbertreport.cc.com/videos/olggdr/the-word---play-ball-", "http://thecolbertreport.cc.com/videos/oplysq/movies-that-are-destroying-america---xmas", "http://thecolbertreport.cc.com/videos/3il1eo/richard-linklater", "http://thecolbertreport.cc.com/videos/s716ap/sign-off---strawberry" ], "guest": "Richard Linklater" }, { "date": "2006-11-27", "videos": [ "http://thecolbertreport.cc.com/videos/1xjoh6/intro---11-27-06", "http://thecolbertreport.cc.com/videos/z4h5jm/putin--08", "http://thecolbertreport.cc.com/videos/k3p09y/tivo-cleaning", "http://thecolbertreport.cc.com/videos/dg34l1/the-word---jacksquat", "http://thecolbertreport.cc.com/videos/ckqxms/threatdown---100-hoops", "http://thecolbertreport.cc.com/videos/lqdkhe/jim-lehrer", "http://thecolbertreport.cc.com/videos/y3zgee/sign-off---love" ], "guest": "Jim Lehrer" }, { "date": "2006-11-28", "videos": [ "http://thecolbertreport.cc.com/videos/0tspod/intro---11-28-06", "http://thecolbertreport.cc.com/videos/47xxe1/who-s-honoring-me-now----gq", "http://thecolbertreport.cc.com/videos/voj40k/the-word---ecu-menace", "http://thecolbertreport.cc.com/videos/fenw0v/alabama-miracle---helen-keller-museum", "http://thecolbertreport.cc.com/videos/xi41md/harry-shearer", "http://thecolbertreport.cc.com/videos/iate4s/sign-off---exceptional-audience" ], "guest": "Harry Shearer" }, { "date": "2006-11-29", "videos": [ "http://thecolbertreport.cc.com/videos/mr063e/intro---11-29-06", "http://thecolbertreport.cc.com/videos/wanzdw/who-s-riding-my-coattails-now----jeopardy", "http://thecolbertreport.cc.com/videos/bp43w6/the-word---killing-two-birds", "http://thecolbertreport.cc.com/videos/49jjmd/alabama-miracle---the-stephen-colbert-museum---gift-shop--grand-opening", "http://thecolbertreport.cc.com/videos/8rjs2g/nora-ephron" ], "guest": "Nora Ephron" }, { "date": "2006-11-30", "videos": [ "http://thecolbertreport.cc.com/videos/wzpzqs/intro---11-30-06", "http://thecolbertreport.cc.com/videos/4c2tdv/vilsack-attack", "http://thecolbertreport.cc.com/videos/z88s3n/p-k--winsome---if-p-k--winsome-did-it", "http://thecolbertreport.cc.com/videos/0inrmr/colbert-nation-merchandise", "http://thecolbertreport.cc.com/videos/jotybg/alabama-miracle---the-morning-after", "http://thecolbertreport.cc.com/videos/hv1lim/mike-lupica", "http://thecolbertreport.cc.com/videos/k1wdp2/sign-off---wall-notch" ], "guest": "Mike Lupica" }, { "date": "2006-12-04", "videos": [ "http://thecolbertreport.cc.com/videos/9s5cs9/intro---12-4-06", "http://thecolbertreport.cc.com/videos/ozd0a8/sherman-wedding", "http://thecolbertreport.cc.com/videos/sjup2k/the-word---american-orthodox", "http://thecolbertreport.cc.com/videos/shtpb9/tip-wag---christmas", "http://thecolbertreport.cc.com/videos/tc5d1m/will-wright", "http://thecolbertreport.cc.com/videos/xpx8ua/sign-off---extra-special-comment---tie-stain" ], "guest": "Will Wright" }, { "date": "2006-12-05", "videos": [ "http://thecolbertreport.cc.com/videos/z40k91/intro---12-5-06", "http://thecolbertreport.cc.com/videos/6ixmt6/-return--to-the-moon", "http://thecolbertreport.cc.com/videos/mz0h4p/robert-gates--confirmation", "http://thecolbertreport.cc.com/videos/msrwcg/the-word---honest-injun", "http://thecolbertreport.cc.com/videos/3odbkp/sport-report---coach-mancini", "http://thecolbertreport.cc.com/videos/tjdbeu/sign-off---number-one-source", "http://thecolbertreport.cc.com/videos/c1sa92/steven-levitt" ], "guest": "Steven D. Leavitt" }, { "date": "2006-12-06", "videos": [ "http://thecolbertreport.cc.com/videos/fe08hq/intro---12-6-06", "http://thecolbertreport.cc.com/videos/oamjbp/life-size-nativity", "http://thecolbertreport.cc.com/videos/ikcmp0/mary-cheney", "http://thecolbertreport.cc.com/videos/4fr9o9/the-word---words", "http://thecolbertreport.cc.com/videos/76wnkt/tek-jansen---tek-the-halls", "http://thecolbertreport.cc.com/videos/0wqkww/john-sexton", "http://thecolbertreport.cc.com/videos/8suoui/sign-off---cardboard-box" ], "guest": "John Sexton" }, { "date": "2006-12-07", "videos": [ "http://thecolbertreport.cc.com/videos/k9wcbv/intro---12-7-06", "http://thecolbertreport.cc.com/videos/ebabt9/david-gregory", "http://thecolbertreport.cc.com/videos/kvccyn/the-word---case-closed", "http://thecolbertreport.cc.com/videos/tk750r/elizabeth-de-la-vega", "http://thecolbertreport.cc.com/videos/dntxcy/green-screen-challenge---counter-challenge", "http://thecolbertreport.cc.com/videos/4koanp/alpha-dog-of-the-week---john-bolton", "http://thecolbertreport.cc.com/videos/dqyz7h/francis-collins", "http://thecolbertreport.cc.com/videos/rqe98q/sign-off---tgit" ], "guest": "Dr. Francis S. Collins" }, { "date": "2006-12-11", "videos": [ "http://thecolbertreport.cc.com/videos/ri4vbo/intro---12-11-06", "http://thecolbertreport.cc.com/videos/t0abnh/defending-rosie", "http://thecolbertreport.cc.com/videos/uea9ov/jack-kingston", "http://thecolbertreport.cc.com/videos/k0a3hu/the-white-christmas-album", "http://thecolbertreport.cc.com/videos/2cea2e/threatdown---christmas-style", "http://thecolbertreport.cc.com/videos/bqpkoy/peter-singer", "http://thecolbertreport.cc.com/videos/5alg6c/got-your-back" ], "guest": "Dr. Peter Singer" }, { "date": "2006-12-12", "videos": [ "http://thecolbertreport.cc.com/videos/35u0ts/intro---12-12-06", "http://thecolbertreport.cc.com/videos/kn0mlp/augusto-pinochet-s-coup", "http://thecolbertreport.cc.com/videos/dctycd/shout-out----beef-hammer-flag", "http://thecolbertreport.cc.com/videos/1o4xvk/the-word---casualty-of-war", "http://thecolbertreport.cc.com/videos/e1504w/who-s-honoring-me-now----merriam-webster-s-word-of-the-year", "http://thecolbertreport.cc.com/videos/xd9itr/better-know-a-district---new-members-of-congress-at-the-kennedy-school", "http://thecolbertreport.cc.com/videos/j01zz1/dan-savage", "http://thecolbertreport.cc.com/videos/s3gs7u/sign-off---post-show-taco-bell-chalupa-chow-down" ], "guest": "Dan Savage" }, { "date": "2006-12-13", "videos": [ "http://thecolbertreport.cc.com/videos/6ohkja/intro---12-13-06", "http://thecolbertreport.cc.com/videos/yl018s/stephen-jr--s-christmas-miracle", "http://thecolbertreport.cc.com/videos/suc40d/the-word---it-s-a-small-world", "http://thecolbertreport.cc.com/videos/5uk9gs/replenishing-the-eggnog-supply", "http://thecolbertreport.cc.com/videos/d0ml1u/sea-tac-s-christmas-trees-restored", "http://thecolbertreport.cc.com/videos/x1f8dg/doris-kearns-goodwin", "http://thecolbertreport.cc.com/videos/0kcywr/charge-me-twice-for-stephen" ], "guest": "Doris Kearns Goodwin" }, { "date": "2006-12-14", "videos": [ "http://thecolbertreport.cc.com/videos/lwojc9/intro---12-14-06", "http://thecolbertreport.cc.com/videos/3moulc/finger-strengthening", "http://thecolbertreport.cc.com/videos/5dvej7/the-american-people-are-to-blame", "http://thecolbertreport.cc.com/videos/60ds73/the-word---clarity", "http://thecolbertreport.cc.com/videos/klp05i/blood-in-the-water---bruce-tinsley-s-dui", "http://thecolbertreport.cc.com/videos/wauy3f/caesar-honeybee-or-tyrone-hunnibi-", "http://thecolbertreport.cc.com/videos/yaoen5/daniel-pinchbeck", "http://thecolbertreport.cc.com/videos/ua9gte/letter-to-representative-jack-kingston" ], "guest": "Daniel Pinchbeck" }, { "date": "2006-12-18", "videos": [ "http://thecolbertreport.cc.com/videos/t66x66/intro---12-18-06", "http://thecolbertreport.cc.com/videos/j56gn9/diy-cold-medicine", "http://thecolbertreport.cc.com/videos/ndrsqu/profiles-in-balls", "http://thecolbertreport.cc.com/videos/mv0dai/the-word---the-draft", "http://thecolbertreport.cc.com/videos/c4vji3/tip-wag---art-edition", "http://thecolbertreport.cc.com/videos/nnpc32/jack-welch", "http://thecolbertreport.cc.com/videos/yy82av/the-jingle-terns" ], "guest": "Jack Welch" }, { "date": "2006-12-19", "videos": [ "http://thecolbertreport.cc.com/videos/an4q7j/intro---12-19-06", "http://thecolbertreport.cc.com/videos/q9o6sw/person-of-the-year", "http://thecolbertreport.cc.com/videos/qh5kz9/stephen-goes-to-harvard", "http://thecolbertreport.cc.com/videos/v81egv/deepak-chopra", "http://thecolbertreport.cc.com/videos/3fhkpv/face-off-preview", "http://thecolbertreport.cc.com/videos/kza2d8/the-word---tit-for-tat" ], "guest": "Deepak Chopra" }, { "date": "2006-12-20", "videos": [ "http://thecolbertreport.cc.com/videos/ouau0r/intro---12-20-06", "http://thecolbertreport.cc.com/videos/8t5vas/rock-and-awe--countdown-to-guitarmageddon", "http://thecolbertreport.cc.com/videos/lyahfg/shreddown", "http://thecolbertreport.cc.com/videos/iocz1g/chris-funk", "http://thecolbertreport.cc.com/videos/4hpbzt/peter-frampton", "http://thecolbertreport.cc.com/videos/m75mj9/shreddown---the-judgment" ], "guest": "Howard Zinn" } ], "2007": [ { "date": "2007-01-08", "videos": [ "http://thecolbertreport.cc.com/videos/35rb23/intro---1-8-07", "http://thecolbertreport.cc.com/videos/liauyt/the-gallotastic-executacular---hangin--with-mr--hussein", "http://thecolbertreport.cc.com/videos/2eciiy/the-word---facts", "http://thecolbertreport.cc.com/videos/vfxu06/who-s-attacking-me-now----lake-superior-state-university", "http://thecolbertreport.cc.com/videos/ya0sji/who-s-honoring-me-now----gay-com", "http://thecolbertreport.cc.com/videos/uuhxlg/stephen-s-sound-advice---surviving-the-winter-blues", "http://thecolbertreport.cc.com/videos/duytly/ethan-nadelmann" ], "guest": "Ethan Nadelmann" }, { "date": "2007-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/oxq1cl/not-a-sex-scandal", "http://thecolbertreport.cc.com/videos/rsuyoo/intro---1-9-07", "http://thecolbertreport.cc.com/videos/a9e13e/the-word---texas-hold--em", "http://thecolbertreport.cc.com/videos/bmmv86/ohio-state-loses", "http://thecolbertreport.cc.com/videos/1yhdmp/we-the-mediator---celebrity-feuds", "http://thecolbertreport.cc.com/videos/ezqjm4/jim-cramer", "http://thecolbertreport.cc.com/videos/q6rkb3/sign-off---farewell--james-brown" ], "guest": "Jim Cramer" }, { "date": "2007-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/b3d5l1/intro---1-10-07", "http://thecolbertreport.cc.com/videos/j5htgu/president-s-speech", "http://thecolbertreport.cc.com/videos/crgbvq/invasion-of-the-country-snatchers", "http://thecolbertreport.cc.com/videos/ie5gtu/the-word---worry", "http://thecolbertreport.cc.com/videos/048s3c/tek-jansen---hounds-of-hell--ragtime-billy-peaches", "http://thecolbertreport.cc.com/videos/ku9y06/david-kamp", "http://thecolbertreport.cc.com/videos/9nuye7/sign-off---thawing-meat" ], "guest": "David Kamp" }, { "date": "2007-01-11", "videos": [ "http://thecolbertreport.cc.com/videos/21xsg9/intro---1-11-07", "http://thecolbertreport.cc.com/videos/nhwjcd/what-number-is-stephen-thinking-of----doubled-up", "http://thecolbertreport.cc.com/videos/7v6i3c/ken-roth", "http://thecolbertreport.cc.com/videos/jxfsrm/tip-wag---science-and-technology", "http://thecolbertreport.cc.com/videos/fxnp1o/judy-woodruff" ], "guest": "Judy Woodruff" }, { "date": "2007-01-15", "videos": [ "http://thecolbertreport.cc.com/videos/tpjoll/intro---1-15-07", "http://thecolbertreport.cc.com/videos/bemyqb/inspired-by-dr--king", "http://thecolbertreport.cc.com/videos/ni7g5j/a-man-s-touch", "http://thecolbertreport.cc.com/videos/xb55y0/the-word---victory-", "http://thecolbertreport.cc.com/videos/eamlaf/bears---balls---gas", "http://thecolbertreport.cc.com/videos/o7xhwp/alex-kuczynski" ], "guest": "Alex Kuczynski" }, { "date": "2007-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/795pdp/intro---1-16-07", "http://thecolbertreport.cc.com/videos/ycpx4s/squeaky-chair", "http://thecolbertreport.cc.com/videos/r7kinv/pesos-for-pizza", "http://thecolbertreport.cc.com/videos/hwlhus/the-word---symbolic", "http://thecolbertreport.cc.com/videos/6q6sy0/sport-report---bend-it-like-beckham", "http://thecolbertreport.cc.com/videos/2tdkm8/dinesh-d-souza" ], "guest": "Dinesh D'Souza" }, { "date": "2007-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/ufcy26/intro---1-17-07", "http://thecolbertreport.cc.com/videos/8amkmh/200th-episode", "http://thecolbertreport.cc.com/videos/wjuko4/lynn-swann", "http://thecolbertreport.cc.com/videos/xv8tlv/better-know-a-district---washington-s-3rd---brian-baird", "http://thecolbertreport.cc.com/videos/1qdsbp/richard-clarke" ], "guest": "Richard Clarke" }, { "date": "2007-01-18", "videos": [ "http://thecolbertreport.cc.com/videos/z0tcp1/intro---1-18-07", "http://thecolbertreport.cc.com/videos/kyc2cd/the-advent-of-o-reilly", "http://thecolbertreport.cc.com/videos/qtrfgo/the-word---go-it-alone", "http://thecolbertreport.cc.com/videos/dre6df/we-the-mediator---trump-v--o-donnell", "http://thecolbertreport.cc.com/videos/9seimt/bill-o-reilly", "http://thecolbertreport.cc.com/videos/cuouel/o-reilly-s-microwave" ], "guest": "Bill O'Reilly" }, { "date": "2007-01-22", "videos": [ "http://thecolbertreport.cc.com/videos/9vl9tx/intro---1-22-07", "http://thecolbertreport.cc.com/videos/1t56vq/the-bears", "http://thecolbertreport.cc.com/videos/itbxtv/who-s-riding-my-coattails-now----terence-koh", "http://thecolbertreport.cc.com/videos/mfzk22/the-word---exact-words", "http://thecolbertreport.cc.com/videos/opisk9/balls-for-kidz---gambling", "http://thecolbertreport.cc.com/videos/rnd3lf/tom-schaller", "http://thecolbertreport.cc.com/videos/6mgw6m/sign-off---zeppelin-reunion" ], "guest": "Tom Schaller" }, { "date": "2007-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/xjsnlx/intro---1-23-07", "http://thecolbertreport.cc.com/videos/ebff8o/pre-tape", "http://thecolbertreport.cc.com/videos/vm00zm/lieber-vs--lieber", "http://thecolbertreport.cc.com/videos/jv328p/threatdown---the-weather-channel", "http://thecolbertreport.cc.com/videos/y849ls/michael-steele", "http://thecolbertreport.cc.com/videos/xxwpqf/wednesday-today" ], "guest": "Michael Steele" }, { "date": "2007-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/goh39c/intro---1-24-07", "http://thecolbertreport.cc.com/videos/gzqy8i/state-of-the-union---cheney-wins", "http://thecolbertreport.cc.com/videos/e17mq9/the-word---great-news", "http://thecolbertreport.cc.com/videos/3525mn/better-know-a-district---pennsylvania-s-4th---jason-altmire", "http://thecolbertreport.cc.com/videos/r5j10b/lou-dobbs" ], "guest": "Lou Dobbs" }, { "date": "2007-01-25", "videos": [ "http://thecolbertreport.cc.com/videos/n139mj/intro---1-25-07", "http://thecolbertreport.cc.com/videos/7z0x1m/right-away-", "http://thecolbertreport.cc.com/videos/5rmbin/the-word---smafu", "http://thecolbertreport.cc.com/videos/hkzk11/sport-report---more-with-coach-mancini", "http://thecolbertreport.cc.com/videos/tufln6/mike-wallace" ], "guest": "Mike Wallace" }, { "date": "2007-01-29", "videos": [ "http://thecolbertreport.cc.com/videos/o0maxx/intro---1-29-07", "http://thecolbertreport.cc.com/videos/1m6mdm/new-york-grieves", "http://thecolbertreport.cc.com/videos/z0b9vz/stephen-colbert-day", "http://thecolbertreport.cc.com/videos/6p6df7/the-word---wikilobbying", "http://thecolbertreport.cc.com/videos/11js13/tip-wag---tom-cruise", "http://thecolbertreport.cc.com/videos/zqi973/barry-lando" ], "guest": "Barry M. Lando" }, { "date": "2007-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/np3o3k/intro---1-30-07", "http://thecolbertreport.cc.com/videos/j1sd5a/new-military-weapon", "http://thecolbertreport.cc.com/videos/cv6q8o/david-leonhardt", "http://thecolbertreport.cc.com/videos/ttzs6x/caviar-omelets-for-the-troops", "http://thecolbertreport.cc.com/videos/bsbad5/judge--jury---executioner---adultery", "http://thecolbertreport.cc.com/videos/eyhp38/donna-shalala", "http://thecolbertreport.cc.com/videos/dwv24s/sign-off---microwave-gift-to-o-reilly" ], "guest": "Donna Shalala" }, { "date": "2007-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/84e6zh/exclusive---better-know-a-district---new-york-s-6th---gregory-meeks", "http://thecolbertreport.cc.com/videos/4mp2yh/intro---1-31-07", "http://thecolbertreport.cc.com/videos/v1la3q/global-warming", "http://thecolbertreport.cc.com/videos/3emlxq/on-notice---jane-fonda-fantasies", "http://thecolbertreport.cc.com/videos/qg7l5c/the-word---black-sheep", "http://thecolbertreport.cc.com/videos/4lodkc/better-know-a-district---new-york-s-6th---gregory-meeks", "http://thecolbertreport.cc.com/videos/npjb41/jed-babbin" ], "guest": "Jed Babbin" }, { "date": "2007-02-01", "videos": [ "http://thecolbertreport.cc.com/videos/89lmed/intro---2-1-07", "http://thecolbertreport.cc.com/videos/mzq0ue/cartoon-terrorism", "http://thecolbertreport.cc.com/videos/492fjx/ending-racism", "http://thecolbertreport.cc.com/videos/rbb68f/the-word---we-shall-overcome", "http://thecolbertreport.cc.com/videos/2m3ntu/movies-that-are-destroying-america---oscars-edition", "http://thecolbertreport.cc.com/videos/s2k3ll/chuck-schumer", "http://thecolbertreport.cc.com/videos/b1j62r/the-most-poetic-f--king-thing-i-ve-ever-heard" ], "guest": "Sen. Chuck Schumer" }, { "date": "2007-02-05", "videos": [ "http://thecolbertreport.cc.com/videos/qonzal/intro---2-5-07", "http://thecolbertreport.cc.com/videos/raqy45/peyton-manseed", "http://thecolbertreport.cc.com/videos/1ppbxw/save-stephen-jr-", "http://thecolbertreport.cc.com/videos/pkx5sp/the-word---second-opinion", "http://thecolbertreport.cc.com/videos/cu6q1h/threatdown---giant-mexican-babies", "http://thecolbertreport.cc.com/videos/qj7ov5/wendy-kopp" ], "guest": "Wendy Kopp" }, { "date": "2007-02-06", "videos": [ "http://thecolbertreport.cc.com/videos/irg0ck/exclusive---better-know-a-district---ohio-s-18th---zack-space-pt--1", "http://thecolbertreport.cc.com/videos/7vpqnl/exclusive---better-know-a-district---ohio-s-18th---zack-space-pt--2", "http://thecolbertreport.cc.com/videos/w05aan/intro---2-6-07", "http://thecolbertreport.cc.com/videos/rirgzz/pray-for-stephen", "http://thecolbertreport.cc.com/videos/ronvu0/the-word---making-a-killing", "http://thecolbertreport.cc.com/videos/sh2kz6/better-know-a-district---ohio-s-18th---zack-space", "http://thecolbertreport.cc.com/videos/vnbq6e/charles-leduff" ], "guest": "Charlie LeDuff" }, { "date": "2007-02-07", "videos": [ "http://thecolbertreport.cc.com/videos/lh3p6z/intro---2-7-07", "http://thecolbertreport.cc.com/videos/skowle/the-san-francisco-treat", "http://thecolbertreport.cc.com/videos/hx3kkt/california-values-watch", "http://thecolbertreport.cc.com/videos/fykjnf/the-word---silence", "http://thecolbertreport.cc.com/videos/pp2kiz/tek-jansen---from-the-future", "http://thecolbertreport.cc.com/videos/n36pgb/steven-pinker" ], "guest": "Steven Pinker" }, { "date": "2007-02-08", "videos": [ "http://thecolbertreport.cc.com/videos/5l6ygo/intro---2-8-07", "http://thecolbertreport.cc.com/videos/btxrus/space-madness", "http://thecolbertreport.cc.com/videos/q5bcg9/stephen-for-president---a-sign", "http://thecolbertreport.cc.com/videos/12d71h/debra-dickerson", "http://thecolbertreport.cc.com/videos/ls3y3l/was-it-really-that-bad----salem-witch-trials", "http://thecolbertreport.cc.com/videos/m5tx4f/chris-hedges" ], "guest": "Chris Hedges" }, { "date": "2007-02-12", "videos": [ "http://thecolbertreport.cc.com/videos/sudz5h/intro---2-12-07", "http://thecolbertreport.cc.com/videos/cvs0b4/the-word---inappropriate", "http://thecolbertreport.cc.com/videos/wetex5/tip-wag---john-howard", "http://thecolbertreport.cc.com/videos/ovmu6y/michael-oppenheimer", "http://thecolbertreport.cc.com/videos/gbc95s/alpha-dog-of-the-week---amitabh-bachchan" ], "guest": "Michael Oppenheimer" }, { "date": "2007-02-13", "videos": [ "http://thecolbertreport.cc.com/videos/7zlyvc/the-word---apocalypse-mao--murdered-by-the-orient-s-success---frenemy", "http://thecolbertreport.cc.com/videos/dh1nxa/apocalypse-mao--murdered-by-the-orient-s-success---take-the-pulse", "http://thecolbertreport.cc.com/videos/cbgmhg/sheryl-wudunn", "http://thecolbertreport.cc.com/videos/rewkbj/apocalypse-mao--murdered-by-the-orient-s-success---eight-child-policy" ], "guest": "Sheryl WuDunn" }, { "date": "2007-02-14", "videos": [ "http://thecolbertreport.cc.com/videos/0unos7/catching-up-with-china", "http://thecolbertreport.cc.com/videos/sv6om5/safe-sex-for-senior-citizens", "http://thecolbertreport.cc.com/videos/qngp8d/the-word---bad-medicine", "http://thecolbertreport.cc.com/videos/e7leqz/stephen-protects-valentine-s-day", "http://thecolbertreport.cc.com/videos/npsgvg/sport-report---westminster-kennel-club-dog-show", "http://thecolbertreport.cc.com/videos/tv0pg5/lance-armstrong", "http://thecolbertreport.cc.com/videos/4zrnjn/intro---2-14-07" ], "guest": "Lance Armstrong" }, { "date": "2007-02-15", "videos": [ "http://thecolbertreport.cc.com/videos/bemh6r/intro---2-15-07", "http://thecolbertreport.cc.com/videos/5h0hc1/the-365-most-influential-cultural-figures-of-2007---j-j--abrams", "http://thecolbertreport.cc.com/videos/dv94hn/helen-thomas-s-chair", "http://thecolbertreport.cc.com/videos/xsukru/the-365-most-influential-cultural-figures-of-2007---candice-bergen", "http://thecolbertreport.cc.com/videos/gxjtk4/better-know-a-district---arkansas--2nd---vic-snyder", "http://thecolbertreport.cc.com/videos/htsqly/shashi-tharoor" ], "guest": "Shashi Tharoor" }, { "date": "2007-02-26", "videos": [ "http://thecolbertreport.cc.com/videos/7kzllg/intro---2-26-07", "http://thecolbertreport.cc.com/videos/6q3fey/the-word---success", "http://thecolbertreport.cc.com/videos/liy97p/stephen-s-sound-advice---avoiding-humiliation-on-the-campaign-trail", "http://thecolbertreport.cc.com/videos/rj64v2/zev-chafets", "http://thecolbertreport.cc.com/videos/lto66u/sign-off---the-stupidest-person-in-the-world" ], "guest": "Zev Chafets" }, { "date": "2007-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/m6llmb/intro---2-27-07", "http://thecolbertreport.cc.com/videos/4q8yqr/gore-s-garbage", "http://thecolbertreport.cc.com/videos/08vl33/the-word---recoil", "http://thecolbertreport.cc.com/videos/kyuvud/dead-to-me---raptors", "http://thecolbertreport.cc.com/videos/a5eovz/tip-wag---bilk", "http://thecolbertreport.cc.com/videos/xtu2o9/craig-venter" ], "guest": "Dr. Craig Venter" }, { "date": "2007-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/k64d0x/intro---2-28-07", "http://thecolbertreport.cc.com/videos/94efgl/david-geffen-the-intern-", "http://thecolbertreport.cc.com/videos/ax1yhn/obama-vs--colbert", "http://thecolbertreport.cc.com/videos/2j1fug/profiles-in-quitters---tom-vilsack", "http://thecolbertreport.cc.com/videos/2w1ttr/problems-without-solutions--stay-at-home-dads", "http://thecolbertreport.cc.com/videos/rjcwpq/nina-jablonski" ], "guest": "Nina Jablonski" }, { "date": "2007-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/uvhlbh/intro---3-1-07", "http://thecolbertreport.cc.com/videos/dnoicn/jesus--1-", "http://thecolbertreport.cc.com/videos/09pfnw/the-word---bury-the-lead", "http://thecolbertreport.cc.com/videos/xp8ghf/better-know-a-district---tennessee-s-9th---steve-cohen", "http://thecolbertreport.cc.com/videos/hdb72u/larry-king", "http://thecolbertreport.cc.com/videos/din9ey/sign-off---all-the-time" ], "guest": "Larry King" }, { "date": "2007-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/s5zpws/intro---3-5-07", "http://thecolbertreport.cc.com/videos/f0veng/stop-the-war-in-congress", "http://thecolbertreport.cc.com/videos/9rmkm6/ben-and-jerry---introducing-americone-dream", "http://thecolbertreport.cc.com/videos/erco0p/bears---balls---bees", "http://thecolbertreport.cc.com/videos/w9i285/mara-vanderslice", "http://thecolbertreport.cc.com/videos/u5x46t/sign-off---you-get-a-pint-" ], "guest": "Mara Vanderslice, Ben and Jerry" }, { "date": "2007-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/jokvk3/intro---3-6-07", "http://thecolbertreport.cc.com/videos/987dug/stephen-wins-the-lottery", "http://thecolbertreport.cc.com/videos/5xpqn0/libby-verdict", "http://thecolbertreport.cc.com/videos/yjwisn/the-word---wwjd", "http://thecolbertreport.cc.com/videos/ryt5zt/threatdown---cheney-s-clot", "http://thecolbertreport.cc.com/videos/d9k0w9/mark-frauenfelder" ], "guest": "Mark Frauenfelder" }, { "date": "2007-03-07", "videos": [ "http://thecolbertreport.cc.com/videos/t3l2qk/intro---3-7-07", "http://thecolbertreport.cc.com/videos/o5rj01/mega-millions", "http://thecolbertreport.cc.com/videos/f4wilr/the-word---don-t", "http://thecolbertreport.cc.com/videos/mw47n3/easter-under-attack---bunny", "http://thecolbertreport.cc.com/videos/k8n6ln/michael-spector", "http://thecolbertreport.cc.com/videos/eu60l7/sign-off---colbert-savings-time" ], "guest": "Michael Specter" }, { "date": "2007-03-08", "videos": [ "http://thecolbertreport.cc.com/videos/hdanpb/exclusive---better-know-a-district---kentucky-s-3rd---john-yarmuth-pt--1", "http://thecolbertreport.cc.com/videos/1fsr4r/exclusive---better-know-a-district---kentucky-s-3rd---john-yarmuth-pt--2", "http://thecolbertreport.cc.com/videos/v9pxbp/intro---3-8-07", "http://thecolbertreport.cc.com/videos/fkezkh/jesus-libby", "http://thecolbertreport.cc.com/videos/kf01z4/the-word---comic-justice", "http://thecolbertreport.cc.com/videos/gfi7dr/better-know-a-district---kentucky-s-3rd---john-yarmuth", "http://thecolbertreport.cc.com/videos/na2cwe/ted-koppel" ], "guest": "Ted Koppel" }, { "date": "2007-03-12", "videos": [ "http://thecolbertreport.cc.com/videos/eoubiy/intro---3-12-07", "http://thecolbertreport.cc.com/videos/cxle7m/newt-gingrich-s-extramarital-affair", "http://thecolbertreport.cc.com/videos/qs3d07/the-word---home-field-advantage", "http://thecolbertreport.cc.com/videos/rp8fy7/tip-wag---u-s--mint", "http://thecolbertreport.cc.com/videos/0z68wk/nicholas-kristof", "http://thecolbertreport.cc.com/videos/paedah/sign-off---captain-america-shield" ], "guest": "Nicholas D. Kristof" }, { "date": "2007-03-13", "videos": [ "http://thecolbertreport.cc.com/videos/3gv9du/intro---3-13-07", "http://thecolbertreport.cc.com/videos/n1695w/time-travel", "http://thecolbertreport.cc.com/videos/o93g04/willie-nelson-s-cobbler", "http://thecolbertreport.cc.com/videos/aln9gt/donald-shields", "http://thecolbertreport.cc.com/videos/nebseq/four-horsemen-of-the-a-pop-calypse---300", "http://thecolbertreport.cc.com/videos/pajwaw/michael-eric-dyson", "http://thecolbertreport.cc.com/videos/goeagu/the-word---goodnight" ], "guest": "Michael Eric Dyson" }, { "date": "2007-03-14", "videos": [ "http://thecolbertreport.cc.com/videos/gjg322/intro---3-14-07", "http://thecolbertreport.cc.com/videos/mi3odp/when-ancestors-attack---barack-obama", "http://thecolbertreport.cc.com/videos/jdieqt/the-word---high-fidelity", "http://thecolbertreport.cc.com/videos/6t5ydk/rocky-mountain-high", "http://thecolbertreport.cc.com/videos/xy5mon/sport-report---ncaa", "http://thecolbertreport.cc.com/videos/3w6h8k/ed-viesturs", "http://thecolbertreport.cc.com/videos/x40idi/sign-off---united-we-lick" ], "guest": "Ed Viesturs" }, { "date": "2007-03-15", "videos": [ "http://thecolbertreport.cc.com/videos/3yjwcu/exclusive---better-know-a-district---illinois--17th---phil-hare-pt--1", "http://thecolbertreport.cc.com/videos/l2j89r/exclusive---better-know-a-district---illinois--17th---phil-hare-pt--2", "http://thecolbertreport.cc.com/videos/gjg322/intro---3-14-07", "http://thecolbertreport.cc.com/videos/mi3odp/when-ancestors-attack---barack-obama", "http://thecolbertreport.cc.com/videos/jdieqt/the-word---high-fidelity", "http://thecolbertreport.cc.com/videos/6t5ydk/rocky-mountain-high", "http://thecolbertreport.cc.com/videos/xy5mon/sport-report---ncaa", "http://thecolbertreport.cc.com/videos/3w6h8k/ed-viesturs", "http://thecolbertreport.cc.com/videos/x40idi/sign-off---united-we-lick" ], "guest": "Ayaan Hirsi Ali" }, { "date": "2007-03-15", "videos": [ "http://thecolbertreport.cc.com/videos/in8gsh/intro---3-15-07", "http://thecolbertreport.cc.com/videos/ojcmho/st--patrick-s-day", "http://thecolbertreport.cc.com/videos/9wsh6f/better-know-a-district---illinois--17th---phil-hare", "http://thecolbertreport.cc.com/videos/pvxlng/ayaan-hirsi-ali", "http://thecolbertreport.cc.com/videos/nfjx5l/sign-off---candy" ], "guest": "Ayaan Hirsi Ali" }, { "date": "2007-03-19", "videos": [ "http://thecolbertreport.cc.com/videos/akdm39/intro---3-19-07", "http://thecolbertreport.cc.com/videos/zfhuml/emanuel-attacks-stephen", "http://thecolbertreport.cc.com/videos/ichd6m/the-word---pound-of-flesh", "http://thecolbertreport.cc.com/videos/ovsoy3/willie-nelson-tomorrow", "http://thecolbertreport.cc.com/videos/i34oa7/threatdown---seniors", "http://thecolbertreport.cc.com/videos/nby1fe/jerome-groopman", "http://thecolbertreport.cc.com/videos/woj3kf/alpha-dog-of-the-week---pennies" ], "guest": "Jerome Groopman" }, { "date": "2007-03-20", "videos": [ "http://thecolbertreport.cc.com/videos/nepea4/intro---3-20-07", "http://thecolbertreport.cc.com/videos/p3nkju/willie-recall", "http://thecolbertreport.cc.com/videos/8w2rhi/the-word---supernatural", "http://thecolbertreport.cc.com/videos/4fyygp/threatdown---polar-bear-cub", "http://thecolbertreport.cc.com/videos/rn79kl/stephen-colbert-day---honor", "http://thecolbertreport.cc.com/videos/fxdmt0/willie-nelson" ], "guest": "Willie Nelson" }, { "date": "2007-03-21", "videos": [ "http://thecolbertreport.cc.com/videos/b4r6li/intro---3-21-07", "http://thecolbertreport.cc.com/videos/r7dj9j/stephen-s-stoned-friend", "http://thecolbertreport.cc.com/videos/wyig4v/impeach-bush", "http://thecolbertreport.cc.com/videos/js464k/the-word---sex", "http://thecolbertreport.cc.com/videos/6b13mn/better-know-a-district---new-york-s-22nd---maurice-hinchey", "http://thecolbertreport.cc.com/videos/4jygnv/benjamin-barber", "http://thecolbertreport.cc.com/videos/psro3f/sign-off---goodnights" ], "guest": "Benjamin Barber" }, { "date": "2007-03-22", "videos": [ "http://thecolbertreport.cc.com/videos/rf90w7/intro---3-22-07", "http://thecolbertreport.cc.com/videos/yic3o0/infomosexual-graphics", "http://thecolbertreport.cc.com/videos/ez9npn/eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/xgjo8q/face-reading-expert", "http://thecolbertreport.cc.com/videos/pd3hdf/sport-report---ncaa-final-four", "http://thecolbertreport.cc.com/videos/i2wwym/katie-couric", "http://thecolbertreport.cc.com/videos/k6m8na/sign-off---future" ], "guest": "Katie Couric" }, { "date": "2007-03-26", "videos": [ "http://thecolbertreport.cc.com/videos/k1iiew/intro---3-26-07", "http://thecolbertreport.cc.com/videos/t9n8i2/mummy", "http://thecolbertreport.cc.com/videos/t7x0xg/torture-gonzales", "http://thecolbertreport.cc.com/videos/hc58hq/for-your-editing-pleasure", "http://thecolbertreport.cc.com/videos/r6ez6r/stephen-colbert-day", "http://thecolbertreport.cc.com/videos/a19udk/john-perry-barlow", "http://thecolbertreport.cc.com/videos/dc5qfy/sign-off---photo-op" ], "guest": "John Perry Barlow" }, { "date": "2007-03-27", "videos": [ "http://thecolbertreport.cc.com/videos/9hzwxa/intro---3-2707", "http://thecolbertreport.cc.com/videos/ct77qc/sean-penn-unleashes-on-president-bush", "http://thecolbertreport.cc.com/videos/y05sqg/madeleine-albright", "http://thecolbertreport.cc.com/videos/ac6sto/tip-wag---drug-dealers", "http://thecolbertreport.cc.com/videos/z3a4ow/james-fallows" ], "guest": "Madeleine Albright, James Fallows" }, { "date": "2007-03-28", "videos": [ "http://thecolbertreport.cc.com/videos/c3lbed/intro---3-28-07", "http://thecolbertreport.cc.com/videos/8b58j1/dancing-with-the-stars", "http://thecolbertreport.cc.com/videos/eoe8d4/claim-to-the-arctic", "http://thecolbertreport.cc.com/videos/e6rbbg/the-word---monkey-business", "http://thecolbertreport.cc.com/videos/7t7l7y/the-axis-of-evil-of-the-week", "http://thecolbertreport.cc.com/videos/oval1w/jabari-asim", "http://thecolbertreport.cc.com/videos/tffkup/sign-off---going-to-bed-angry" ], "guest": "Jabari Asim" }, { "date": "2007-03-29", "videos": [ "http://thecolbertreport.cc.com/videos/82ki4g/intro---3-29-07", "http://thecolbertreport.cc.com/videos/yp03mv/equal-rights", "http://thecolbertreport.cc.com/videos/bwtu8b/strolling-in-baghdad", "http://thecolbertreport.cc.com/videos/m1iokb/the-word---lemon-raid", "http://thecolbertreport.cc.com/videos/rmylpg/alpha-dog-of-the-week---toby", "http://thecolbertreport.cc.com/videos/dune0v/nightgown-novel-model", "http://thecolbertreport.cc.com/videos/gp6vcm/clive-james", "http://thecolbertreport.cc.com/videos/cnmwu7/sign-off---it-s-been-real" ], "guest": "Clive James" }, { "date": "2007-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/2secqi/intro---4-9-07", "http://thecolbertreport.cc.com/videos/c2ss4c/end-of-lent", "http://thecolbertreport.cc.com/videos/jdh0qr/colin-beavan", "http://thecolbertreport.cc.com/videos/p1vkhv/ethnic-slurs", "http://thecolbertreport.cc.com/videos/uyodpo/formula-401k", "http://thecolbertreport.cc.com/videos/d7vjve/katrina-vanden-heuvel", "http://thecolbertreport.cc.com/videos/vx3kr4/sign-off---goodnight--ladies" ], "guest": "Colin Beavan, Katrina vanden Heuvel" }, { "date": "2007-04-10", "videos": [ "http://thecolbertreport.cc.com/videos/gqey9e/intro---4-10-07", "http://thecolbertreport.cc.com/videos/t52s2y/stiff-upper-lip", "http://thecolbertreport.cc.com/videos/7xhdfc/the-word---hip-replacement", "http://thecolbertreport.cc.com/videos/a6j19l/stephen-s-racial-slurs", "http://thecolbertreport.cc.com/videos/mmtey6/bears---balls---home", "http://thecolbertreport.cc.com/videos/niryzs/jeannette-walls", "http://thecolbertreport.cc.com/videos/tjfkfk/the-apology" ], "guest": "Jeannette Walls" }, { "date": "2007-04-11", "videos": [ "http://thecolbertreport.cc.com/videos/ikived/intro---4-11-07", "http://thecolbertreport.cc.com/videos/rndpay/the-great-turtle-race", "http://thecolbertreport.cc.com/videos/o57n2d/the-word---season-pass", "http://thecolbertreport.cc.com/videos/y3z7pz/anna-nicole-s-baby-daddy", "http://thecolbertreport.cc.com/videos/qk7xuu/sport-report---spirit-loses", "http://thecolbertreport.cc.com/videos/6ombuy/vali-nasr", "http://thecolbertreport.cc.com/videos/py0zro/sign-off---not-literally" ], "guest": "Vali Nasr" }, { "date": "2007-04-12", "videos": [ "http://thecolbertreport.cc.com/videos/tvo9j1/intro---4-12-07", "http://thecolbertreport.cc.com/videos/44wpo2/the-pope-and-iraq", "http://thecolbertreport.cc.com/videos/i2w6da/the-word---body-armor", "http://thecolbertreport.cc.com/videos/rp5qr3/a-girl-for-stephen-jr-", "http://thecolbertreport.cc.com/videos/szc2kp/dr--richard-land", "http://thecolbertreport.cc.com/videos/z4a9cf/sign-off---french-canadian-viewers" ], "guest": "Dr. Richard Land" }, { "date": "2007-04-16", "videos": [ "http://thecolbertreport.cc.com/videos/opgo7c/intro---4-16-07", "http://thecolbertreport.cc.com/videos/ow68vg/mope-retraction", "http://thecolbertreport.cc.com/videos/ndyxmi/the-metaphor-off-is-on", "http://thecolbertreport.cc.com/videos/fiwckw/the-word---clean-slate", "http://thecolbertreport.cc.com/videos/vsf7vy/paulina-likes-stephen", "http://thecolbertreport.cc.com/videos/le9tdo/alpha-dog-of-the-week---paul-wolfowitz", "http://thecolbertreport.cc.com/videos/yq2yld/sign-off---fondest-memories", "http://thecolbertreport.cc.com/videos/1dnqiw/john-kerry" ], "guest": "Sen. John Kerry" }, { "date": "2007-04-17", "videos": [ "http://thecolbertreport.cc.com/videos/35u6vo/metaphor-off-training", "http://thecolbertreport.cc.com/videos/ctnp41/turtle-race-update", "http://thecolbertreport.cc.com/videos/k0gjix/the-word---plan-b", "http://thecolbertreport.cc.com/videos/1ca1nf/tip-wag---fake-sperm", "http://thecolbertreport.cc.com/videos/ofyxod/elaine-pagels", "http://thecolbertreport.cc.com/videos/ka39h6/sign-off---stephen-s-taxes", "http://thecolbertreport.cc.com/videos/28ne1f/intro---4-17-07" ], "guest": "Elaine Pagels" }, { "date": "2007-04-18", "videos": [ "http://thecolbertreport.cc.com/videos/xjlfa3/intro---4-18-07", "http://thecolbertreport.cc.com/videos/z7yfgh/who-s-not-honoring-me-now----pulitzer", "http://thecolbertreport.cc.com/videos/y8uyv4/the-word---branding", "http://thecolbertreport.cc.com/videos/d5i37n/national-library-week---frank-mccourt", "http://thecolbertreport.cc.com/videos/hr8hfi/milk---hormones", "http://thecolbertreport.cc.com/videos/edyu8c/national-library-week---sebastian-junger", "http://thecolbertreport.cc.com/videos/ebje1q/national-library-week---david-remnick", "http://thecolbertreport.cc.com/videos/33tv9j/paulina-porizkova", "http://thecolbertreport.cc.com/videos/tn0cbn/sign-off---upcoming-metaphor-off" ], "guest": "William Cohen" }, { "date": "2007-04-19", "videos": [ "http://thecolbertreport.cc.com/videos/wh0xf2/intro---4-19-07", "http://thecolbertreport.cc.com/videos/luoh3l/god-s-pet-chimp", "http://thecolbertreport.cc.com/videos/goj3np/the-word----400-haircut", "http://thecolbertreport.cc.com/videos/tv447i/sean-penn", "http://thecolbertreport.cc.com/videos/iowvf0/meta-free-phor-all--shall-i-nail-thee-to-a-summer-s-day-", "http://thecolbertreport.cc.com/videos/nzuytf/hyperbole-off" ], "guest": "Gov. Mike Huckabee" }, { "date": "2007-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/e9s3wp/intro---4-23-07", "http://thecolbertreport.cc.com/videos/tuitvp/gonzales-forgot", "http://thecolbertreport.cc.com/videos/xgp7gj/stephanie-s-winning-", "http://thecolbertreport.cc.com/videos/bsgdkg/mike-huckabee---running-mate-bid", "http://thecolbertreport.cc.com/videos/mksggb/threatdown---myspace", "http://thecolbertreport.cc.com/videos/25567u/russell-simmons", "http://thecolbertreport.cc.com/videos/75z88c/colbert-nation-online-discussion-group" ], "guest": "Russell Simmons" }, { "date": "2007-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/6edbk9/intro---4-24-07", "http://thecolbertreport.cc.com/videos/9lfdmb/bye-bye-to-boris", "http://thecolbertreport.cc.com/videos/zf1m9m/d-c--voting-rights---eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/zebgor/the-word---act-globally", "http://thecolbertreport.cc.com/videos/o4vs3o/60--good-news", "http://thecolbertreport.cc.com/videos/63paz7/alpha-dog-of-the-week---uncle-ben", "http://thecolbertreport.cc.com/videos/i6gv9q/dr--andrew-weil", "http://thecolbertreport.cc.com/videos/858p8x/sign-off---captain-lead" ], "guest": "Dr. Andrew Weil" }, { "date": "2007-04-25", "videos": [ "http://thecolbertreport.cc.com/videos/939oo7/intro---4-25-07", "http://thecolbertreport.cc.com/videos/9cksb2/dead-to-me---long-war", "http://thecolbertreport.cc.com/videos/uixydp/the-word---sacrifice", "http://thecolbertreport.cc.com/videos/xlgsnw/new-issue-of-gq", "http://thecolbertreport.cc.com/videos/vsu32z/four-horsemen-of-the-a-pop-calypse---prayer", "http://thecolbertreport.cc.com/videos/877wu4/david-walker", "http://thecolbertreport.cc.com/videos/dqbrsh/sign-off---promises" ], "guest": "David Walker" }, { "date": "2007-04-26", "videos": [ "http://thecolbertreport.cc.com/videos/uxgeoh/exclusive---better-know-a-protectorate---guam---madeleine-bordallo-pt--1", "http://thecolbertreport.cc.com/videos/nfu1lw/exclusive---better-know-a-protectorate---guam---madeleine-bordallo-pt--2", "http://thecolbertreport.cc.com/videos/tioqro/intro---4-26-07", "http://thecolbertreport.cc.com/videos/ph7bwx/stephanie-lost", "http://thecolbertreport.cc.com/videos/nn2tor/the-word---mending-wall", "http://thecolbertreport.cc.com/videos/7ibt5q/better-know-a-protectorate---guam---madeleine-bordallo", "http://thecolbertreport.cc.com/videos/wax9na/tom-wolfe", "http://thecolbertreport.cc.com/videos/4y1aqm/sign-off---yuri-kuklachev" ], "guest": "Tom Wolfe" }, { "date": "2007-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/qiwo3g/intro---4-30-07", "http://thecolbertreport.cc.com/videos/hpmi3p/first-democratic-debate-for--08", "http://thecolbertreport.cc.com/videos/lv3s81/neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/o5hsha/tip-wag---shrek", "http://thecolbertreport.cc.com/videos/iwnuxq/bill-bradley" ], "guest": "Bill Bradley" }, { "date": "2007-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/qd26kv/intro---5-1-07", "http://thecolbertreport.cc.com/videos/scarky/mitt-s-favorite-book", "http://thecolbertreport.cc.com/videos/oh320q/npr-correction", "http://thecolbertreport.cc.com/videos/q45jin/the-word---who-cares-", "http://thecolbertreport.cc.com/videos/cgfptc/stephen-s-horse", "http://thecolbertreport.cc.com/videos/m9pls7/malcolm-gladwell", "http://thecolbertreport.cc.com/videos/zj4aga/sign-off---lutefisk" ], "guest": "Malcolm Gladwell" }, { "date": "2007-05-02", "videos": [ "http://thecolbertreport.cc.com/videos/zxhw8e/intro---5-2-07", "http://thecolbertreport.cc.com/videos/vvfvju/hr-1591", "http://thecolbertreport.cc.com/videos/a3d8vy/the-word---better-safe-than-sorry", "http://thecolbertreport.cc.com/videos/oo27ij/mike-gravel", "http://thecolbertreport.cc.com/videos/u82od0/gina-kolata" ], "guest": "Gina Kolata" }, { "date": "2007-05-03", "videos": [ "http://thecolbertreport.cc.com/videos/33wl1k/exclusive---better-know-a-district---virginia-s-11th---tom-davis", "http://thecolbertreport.cc.com/videos/42iy2c/intro---5-3-07", "http://thecolbertreport.cc.com/videos/wsiuq8/battle-of-the-surfaces", "http://thecolbertreport.cc.com/videos/0wtt0d/the-word---the-unquisition", "http://thecolbertreport.cc.com/videos/2iymfl/better-know-a-district---virginia-s-11th---tom-davis", "http://thecolbertreport.cc.com/videos/6azbk5/conn-iggulden", "http://thecolbertreport.cc.com/videos/dblp9v/sign-off---impatiens" ], "guest": "Conn Iggulden" }, { "date": "2007-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/re08sm/intro---5-7-07", "http://thecolbertreport.cc.com/videos/5ra6xp/bonjour--mon-frere", "http://thecolbertreport.cc.com/videos/o0gs8q/republican-debate---diversity", "http://thecolbertreport.cc.com/videos/ojz8he/the-word---the-intolerant", "http://thecolbertreport.cc.com/videos/x5zaaj/cheating-death---vaxadrin", "http://thecolbertreport.cc.com/videos/1i1xa2/richard-preston" ], "guest": "Richard Preston" }, { "date": "2007-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/ah3swk/intro---5-8-07", "http://thecolbertreport.cc.com/videos/4vb9ha/shout-out----uss-rhode-island", "http://thecolbertreport.cc.com/videos/v2jrqr/the-word---rendered-moot", "http://thecolbertreport.cc.com/videos/bkd3bl/threatdown---oprah", "http://thecolbertreport.cc.com/videos/296em4/nassim-nicholas-taleb" ], "guest": "Nassim Nicholas Taleb" }, { "date": "2007-05-09", "videos": [ "http://thecolbertreport.cc.com/videos/bbia54/intro---5-9-07", "http://thecolbertreport.cc.com/videos/hs4hrn/mother-s-day", "http://thecolbertreport.cc.com/videos/01nwrp/formal-request", "http://thecolbertreport.cc.com/videos/ijt89t/salman-rushdie", "http://thecolbertreport.cc.com/videos/y81ejs/kiss-the-host", "http://thecolbertreport.cc.com/videos/4mwns0/thompson-fuss", "http://thecolbertreport.cc.com/videos/8ixf7m/jane-fonda", "http://thecolbertreport.cc.com/videos/bhwtjj/sign-off---bedtime-recipe" ], "guest": "Salman Rushdie, Jane Fonda" }, { "date": "2007-05-10", "videos": [ "http://thecolbertreport.cc.com/videos/h5fw40/intro---5-10-07", "http://thecolbertreport.cc.com/videos/5mohm3/the-word---illusion", "http://thecolbertreport.cc.com/videos/6mm58j/hometown-hero-town---naperville--il", "http://thecolbertreport.cc.com/videos/1yenb5/the-in-box---doctor-colbert", "http://thecolbertreport.cc.com/videos/ya8jd7/jann-wenner", "http://thecolbertreport.cc.com/videos/tbehsa/sign-off---time-capsule", "http://thecolbertreport.cc.com/videos/59lqle/he-s-singing-in-korean" ], "guest": "Jann Wenner" }, { "date": "2007-05-14", "videos": [ "http://thecolbertreport.cc.com/videos/q3z8ca/intro---5-14-07", "http://thecolbertreport.cc.com/videos/2wmvq0/ferrari-list", "http://thecolbertreport.cc.com/videos/ji8vnp/the-word---supporting-role", "http://thecolbertreport.cc.com/videos/62strl/tip-wag---mitt-romney", "http://thecolbertreport.cc.com/videos/324045/william-langewiesche", "http://thecolbertreport.cc.com/videos/70la8y/stealing-lincoln-s-body" ], "guest": "William Langewiesche" }, { "date": "2007-05-15", "videos": [ "http://thecolbertreport.cc.com/videos/458uob/intro---5-15-07", "http://thecolbertreport.cc.com/videos/0oyxpf/mcnulty-guilty", "http://thecolbertreport.cc.com/videos/c0yfoq/pasadena--india", "http://thecolbertreport.cc.com/videos/lda912/the-word---heated-debate", "http://thecolbertreport.cc.com/videos/7heoq8/bonus-wag---bush-graphic", "http://thecolbertreport.cc.com/videos/yqaslk/alpha-dog-of-the-week---michael-wiley", "http://thecolbertreport.cc.com/videos/q5o3oe/walter-isaacson", "http://thecolbertreport.cc.com/videos/3mglju/r-i-p--ted-maiman" ], "guest": "Walter Isaacson" }, { "date": "2007-05-16", "videos": [ "http://thecolbertreport.cc.com/videos/l9r090/intro---5-16-07", "http://thecolbertreport.cc.com/videos/9nd4g1/second-republican-debate", "http://thecolbertreport.cc.com/videos/lqz6xp/the-word---level-playing-field", "http://thecolbertreport.cc.com/videos/vb25tk/formidable-opponent---peanuts", "http://thecolbertreport.cc.com/videos/vd7dcd/howard-dean", "http://thecolbertreport.cc.com/videos/west8f/sign-off---name-of-city-here" ], "guest": "Howard Dean" }, { "date": "2007-05-17", "videos": [ "http://thecolbertreport.cc.com/videos/j0njxq/intro---5-17-07", "http://thecolbertreport.cc.com/videos/xbgufk/the-hammer-is-here-", "http://thecolbertreport.cc.com/videos/g57yti/baby-gun-permit", "http://thecolbertreport.cc.com/videos/wqfqxb/tom-delay", "http://thecolbertreport.cc.com/videos/nfhqh3/randy-kearse", "http://thecolbertreport.cc.com/videos/vz0202/sign-off---rafters" ], "guest": "Randy Kearse, Rep. Tom DeLay" }, { "date": "2007-05-21", "videos": [ "http://thecolbertreport.cc.com/videos/43r84a/intro---5-21-07", "http://thecolbertreport.cc.com/videos/j7bshe/god-loves-a-big-screen-tv", "http://thecolbertreport.cc.com/videos/s5odvt/presidential-fraternity", "http://thecolbertreport.cc.com/videos/w89fii/the-word---his-way", "http://thecolbertreport.cc.com/videos/zg6n7b/cheating-death---internal-decapitation", "http://thecolbertreport.cc.com/videos/zhetqf/jared-diamond" ], "guest": "Jared Diamond" }, { "date": "2007-05-22", "videos": [ "http://thecolbertreport.cc.com/videos/vn2u9p/intro---5-22-07", "http://thecolbertreport.cc.com/videos/pp3dmv/popularity-contest", "http://thecolbertreport.cc.com/videos/szr9pb/barack-s-a-liar", "http://thecolbertreport.cc.com/videos/4wuift/the-word---party-of-change", "http://thecolbertreport.cc.com/videos/7bglee/threatdown---environmentalists", "http://thecolbertreport.cc.com/videos/661huh/john-amaechi", "http://thecolbertreport.cc.com/videos/ivskf6/sign-off---lesson-forgotten" ], "guest": "John Amaechi" }, { "date": "2007-05-23", "videos": [ "http://thecolbertreport.cc.com/videos/pwwndq/intro---5-23-07", "http://thecolbertreport.cc.com/videos/ac7obb/bush-is-back-", "http://thecolbertreport.cc.com/videos/2t0qn4/illegal-immigration---bay-buchanan", "http://thecolbertreport.cc.com/videos/m6d100/threatdown---pellicano-", "http://thecolbertreport.cc.com/videos/0v2e97/bob-deans", "http://thecolbertreport.cc.com/videos/1kaqcp/sign-off---hi-def" ], "guest": "Bay Buchanan, Bob Deans" }, { "date": "2007-05-24", "videos": [ "http://thecolbertreport.cc.com/videos/fc4ao7/intro---5-24-07", "http://thecolbertreport.cc.com/videos/ihom0u/fleet-week", "http://thecolbertreport.cc.com/videos/5d38de/big-loud-flag", "http://thecolbertreport.cc.com/videos/oxz2g4/up-in-smoke", "http://thecolbertreport.cc.com/videos/brpu8j/better-know-a-district---arizona-s-7th---raul-grijalva", "http://thecolbertreport.cc.com/videos/vylxk3/jimmy-wales", "http://thecolbertreport.cc.com/videos/xj2s00/speaking-fee" ], "guest": "Jimmy Wales" }, { "date": "2007-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/38wiug/intro---6-4-07", "http://thecolbertreport.cc.com/videos/oujnzk/uneventful-vacation", "http://thecolbertreport.cc.com/videos/5475j4/democratic-presidential-debate---venue", "http://thecolbertreport.cc.com/videos/3bhuju/jan-schakowsky", "http://thecolbertreport.cc.com/videos/svome1/better-know-a-district---illinois--9th---jan-schakowsky", "http://thecolbertreport.cc.com/videos/o9kyh0/leon-botstein", "http://thecolbertreport.cc.com/videos/kaun5v/sign-off---mardi-gras-mask" ], "guest": "Rep. Jan Schakowsky, Leon Botstein" }, { "date": "2007-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/7sdcg5/intro---6-5-07", "http://thecolbertreport.cc.com/videos/cvm31h/you-ve-been-scootered-", "http://thecolbertreport.cc.com/videos/j3ieeu/yahoo-korea---rain", "http://thecolbertreport.cc.com/videos/8226p8/the-word---mission-control", "http://thecolbertreport.cc.com/videos/n0lk8c/the-god-machine-", "http://thecolbertreport.cc.com/videos/l7y8g1/when-animals-attack-our-morals---flamingos", "http://thecolbertreport.cc.com/videos/rsex2i/jessica-valenti" ], "guest": "Jessica Valenti" }, { "date": "2007-06-06", "videos": [ "http://thecolbertreport.cc.com/videos/jorp7o/intro---6-6-07", "http://thecolbertreport.cc.com/videos/h69756/sinner-edwards", "http://thecolbertreport.cc.com/videos/5mthf9/the-word---airogance", "http://thecolbertreport.cc.com/videos/cujedg/tip-wag---deep-purple", "http://thecolbertreport.cc.com/videos/ngt9bf/carl-bernstein", "http://thecolbertreport.cc.com/videos/xd82es/craziest-f--king-thing-i-ve-ever-heard---octopi" ], "guest": "Carl Bernstein" }, { "date": "2007-06-07", "videos": [ "http://thecolbertreport.cc.com/videos/b0xqmj/intro---6-7-07", "http://thecolbertreport.cc.com/videos/w1jmjp/pope-jump", "http://thecolbertreport.cc.com/videos/ovs97y/the-word---rodham", "http://thecolbertreport.cc.com/videos/tl388o/better-know-a-district---washington-s-9th---adam-smith", "http://thecolbertreport.cc.com/videos/ty2mfm/cullen-murphy", "http://thecolbertreport.cc.com/videos/sitbn5/sign-off---vomitorium" ], "guest": "Cullen Murphy" }, { "date": "2007-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/1yiwr5/intro---6-11-07", "http://thecolbertreport.cc.com/videos/dufa3e/commencement-speeches", "http://thecolbertreport.cc.com/videos/2k0q1b/the-word---easy-a", "http://thecolbertreport.cc.com/videos/kd0cks/revenge-on-knox-college", "http://thecolbertreport.cc.com/videos/qrkfud/albania-greets-president-bush", "http://thecolbertreport.cc.com/videos/zpjdcg/michael-gershon" ], "guest": "Dr. Michael D. Gershon" }, { "date": "2007-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/b08r7k/intro---6-12-07", "http://thecolbertreport.cc.com/videos/8dqxf0/bush-s-missing-watch", "http://thecolbertreport.cc.com/videos/sse01t/mr--dyachenko--tear-down-this-wall", "http://thecolbertreport.cc.com/videos/lhl8km/tommy-chong--commentator", "http://thecolbertreport.cc.com/videos/ey1hjm/mr--dyachenko--tear-down-this-watermelon", "http://thecolbertreport.cc.com/videos/2krcmy/colbert-platinum---butler-shortage", "http://thecolbertreport.cc.com/videos/gdyajn/josh-wolf", "http://thecolbertreport.cc.com/videos/r2b64h/mr--dyachenko--tear-me-off-a-piece-of-this-cake" ], "guest": "Josh Wolf" }, { "date": "2007-06-13", "videos": [ "http://thecolbertreport.cc.com/videos/onm1u4/intro---6-13-07", "http://thecolbertreport.cc.com/videos/fytk75/ruined-anniversary", "http://thecolbertreport.cc.com/videos/6nklj9/freezing-cold-case-files--otzi", "http://thecolbertreport.cc.com/videos/tnydpx/the-word---pathophysiology", "http://thecolbertreport.cc.com/videos/2bu2sn/threatdown---robots", "http://thecolbertreport.cc.com/videos/o2ywub/ron-paul", "http://thecolbertreport.cc.com/videos/cakp5s/sign-off---crispy-deliciousness" ], "guest": "Rep. Ron Paul" }, { "date": "2007-06-14", "videos": [ "http://thecolbertreport.cc.com/videos/oa9gd7/intro---6-14-07", "http://thecolbertreport.cc.com/videos/6uc0h1/fred-thompson-on-fire", "http://thecolbertreport.cc.com/videos/g52jco/stephen-benjamin", "http://thecolbertreport.cc.com/videos/0agktt/bears---balls---summer-vacation-edition", "http://thecolbertreport.cc.com/videos/a0p792/daniel-b--smith", "http://thecolbertreport.cc.com/videos/llk3nk/sign-off---the-land-of-nod" ], "guest": "Daniel B. Smith" }, { "date": "2007-06-18", "videos": [ "http://thecolbertreport.cc.com/videos/rwup1e/intro---6-18-07", "http://thecolbertreport.cc.com/videos/k3t99j/papal-encounter", "http://thecolbertreport.cc.com/videos/rbx9fh/the-price-is-right", "http://thecolbertreport.cc.com/videos/w0pe9q/the-word---mcconaughey", "http://thecolbertreport.cc.com/videos/yfclcj/stephen-on-itunes", "http://thecolbertreport.cc.com/videos/7jalja/tip-wag---arnold-schwarzenegger", "http://thecolbertreport.cc.com/videos/ozfwje/toby-keith" ], "guest": "Toby Keith" }, { "date": "2007-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/ndbsf6/intro---6-19-07", "http://thecolbertreport.cc.com/videos/qxyadz/secret-clapton-concert", "http://thecolbertreport.cc.com/videos/0y4kih/marybeth-garrigan", "http://thecolbertreport.cc.com/videos/mzxikb/countdown-to-armageddon", "http://thecolbertreport.cc.com/videos/ij3mgr/alpha-dog-of-the-week---robert-bork", "http://thecolbertreport.cc.com/videos/u1dk1e/anne-marie-slaughter", "http://thecolbertreport.cc.com/videos/kxk02d/sign-off---manifesto" ], "guest": "Harriet the Eagle with handler, Anne-Marie Slaughter" }, { "date": "2007-06-20", "videos": [ "http://thecolbertreport.cc.com/videos/jbdbyq/intro---6-20-07", "http://thecolbertreport.cc.com/videos/beccdu/bloomberg-for-president", "http://thecolbertreport.cc.com/videos/xe5j30/the-word---justice", "http://thecolbertreport.cc.com/videos/4yziuf/cheating-death---colgate", "http://thecolbertreport.cc.com/videos/7m9bgr/will-schwalbe", "http://thecolbertreport.cc.com/videos/glo9c6/sign-off---job-well-done" ], "guest": "Will Schwalbe" }, { "date": "2007-06-21", "videos": [ "http://thecolbertreport.cc.com/videos/um7qsm/intro---6-21-07", "http://thecolbertreport.cc.com/videos/psamg7/ron-paul-s-colbert-bump", "http://thecolbertreport.cc.com/videos/38xzef/difference-makers---tim-donnelly", "http://thecolbertreport.cc.com/videos/2oyfu8/vincent-bugliosi", "http://thecolbertreport.cc.com/videos/dlqbr6/sign-off---goodbye-to-mr--wizard", "http://thecolbertreport.cc.com/videos/35278z/the-word---porking" ], "guest": "Vincent Bugliosi" }, { "date": "2007-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/wvrrio/intro---6-25-07", "http://thecolbertreport.cc.com/videos/xvrdq7/the-freegans", "http://thecolbertreport.cc.com/videos/dqezp0/the-word---fourth-branch", "http://thecolbertreport.cc.com/videos/oldt6o/threatdown---coral-reefs", "http://thecolbertreport.cc.com/videos/mhjtgw/tom-hayden", "http://thecolbertreport.cc.com/videos/5zivhy/sign-off---contract" ], "guest": "Tom Hayden" }, { "date": "2007-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/2dxfpk/intro---6-26-07", "http://thecolbertreport.cc.com/videos/id2z8d/christmas-in-june", "http://thecolbertreport.cc.com/videos/eelu64/tony-blair-s-conversion", "http://thecolbertreport.cc.com/videos/tpff57/the-word---elsewhere", "http://thecolbertreport.cc.com/videos/0t819z/christmas-presents", "http://thecolbertreport.cc.com/videos/5awnum/alpha-dog-of-the-week---fred-thompson", "http://thecolbertreport.cc.com/videos/1uvv46/david-france", "http://thecolbertreport.cc.com/videos/96ew1f/sign-off---visions-of-sugarplums" ], "guest": "David France" }, { "date": "2007-06-27", "videos": [ "http://thecolbertreport.cc.com/videos/47zhcv/intro---6-27-07", "http://thecolbertreport.cc.com/videos/y34h2c/give-stephen-an-iphone", "http://thecolbertreport.cc.com/videos/wepdgq/tom-blanton", "http://thecolbertreport.cc.com/videos/f6in26/four-horsemen-of-the-a-pop-calypse---shaq", "http://thecolbertreport.cc.com/videos/msuhoe/daniel-gilbert" ], "guest": "Tom Blanton, Daniel Gilbert" }, { "date": "2007-06-28", "videos": [ "http://thecolbertreport.cc.com/videos/ftc2tr/intro---6-28-07", "http://thecolbertreport.cc.com/videos/2o9nj2/spot-the-difference", "http://thecolbertreport.cc.com/videos/kb8br0/civil-unrest-in-iran", "http://thecolbertreport.cc.com/videos/0lfyqf/the-word---profiles-in-timing", "http://thecolbertreport.cc.com/videos/owh6vd/colbert-platinum---luxury-car-wrecks", "http://thecolbertreport.cc.com/videos/f9y6wb/doug-bailey", "http://thecolbertreport.cc.com/videos/oxeeoj/sign-off---going-on-vacation" ], "guest": "Doug Bailey" }, { "date": "2007-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/rsv8g9/intro---7-16-07", "http://thecolbertreport.cc.com/videos/bwablo/tunneling-to-free-scooter-libby", "http://thecolbertreport.cc.com/videos/lnroz7/richard-florida", "http://thecolbertreport.cc.com/videos/scrz03/difference-makers---johnna-mink", "http://thecolbertreport.cc.com/videos/r0qxf5/ben-nelson", "http://thecolbertreport.cc.com/videos/zabqma/sign-off---take-five" ], "guest": "Richard Florida, Sen. Ben Nelson" }, { "date": "2007-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/cliw91/intro---7-17-07", "http://thecolbertreport.cc.com/videos/zl176l/all-night-senate-session", "http://thecolbertreport.cc.com/videos/depupc/the-word---victimcrite", "http://thecolbertreport.cc.com/videos/hdn59k/1-428-minutes-to-go", "http://thecolbertreport.cc.com/videos/gafa5t/tip-wag---michael-chertoff-s-gut-o-meter", "http://thecolbertreport.cc.com/videos/ev6dp9/mark-moffett", "http://thecolbertreport.cc.com/videos/1jb3qq/threatdown---500-threat-marathon" ], "guest": "Mark Moffett" }, { "date": "2007-07-18", "videos": [ "http://thecolbertreport.cc.com/videos/uf8wpk/intro---7-18-07", "http://thecolbertreport.cc.com/videos/gn1bt7/2007-filibustacular", "http://thecolbertreport.cc.com/videos/hqa77b/the-word---smiley-face", "http://thecolbertreport.cc.com/videos/ysfdjx/pope-goes-green", "http://thecolbertreport.cc.com/videos/artj1e/alpha-dog-of-the-week---david-beckham", "http://thecolbertreport.cc.com/videos/ga3vsc/john-mellencamp" ], "guest": "John Mellencamp" }, { "date": "2007-07-19", "videos": [ "http://thecolbertreport.cc.com/videos/19mw0q/intro---7-19-07", "http://thecolbertreport.cc.com/videos/1esv0i/republican-candidates--suffering", "http://thecolbertreport.cc.com/videos/a9zoea/michael-moore", "http://thecolbertreport.cc.com/videos/bn2nox/march-to-enslavement---stephen-gets-an-iphone", "http://thecolbertreport.cc.com/videos/9p0lhk/frank-sulloway", "http://thecolbertreport.cc.com/videos/qhp9z3/sign-off---length-of-the-show-contest" ], "guest": "Frank Sulloway" }, { "date": "2007-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/nc8xh3/intro---7-23-07", "http://thecolbertreport.cc.com/videos/fkxqbr/stephen-s-fountain-of-youth", "http://thecolbertreport.cc.com/videos/4rqgp5/the-word---premium-package", "http://thecolbertreport.cc.com/videos/l0ig1p/colbert-platinum---private-submarines", "http://thecolbertreport.cc.com/videos/6e6gd1/simon-schama", "http://thecolbertreport.cc.com/videos/vfxa7p/sign-off---just-about-out-of-time" ], "guest": "Simon Schama" }, { "date": "2007-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/15l5ov/intro---7-24-07", "http://thecolbertreport.cc.com/videos/d9v0fp/bush-s-butt", "http://thecolbertreport.cc.com/videos/nvdygh/the-word---modest-porpoisal", "http://thecolbertreport.cc.com/videos/e5420t/movies-that-are-destroying-america--chuck-and-larry", "http://thecolbertreport.cc.com/videos/yqgj2h/anthony-romero", "http://thecolbertreport.cc.com/videos/alsjeo/joining-the-illuminati" ], "guest": "Anthony D. Romero" }, { "date": "2007-07-25", "videos": [ "http://thecolbertreport.cc.com/videos/shyero/intro---7-25-07", "http://thecolbertreport.cc.com/videos/4md3eg/daily-kos", "http://thecolbertreport.cc.com/videos/ikcdyi/the-word---no-regrets", "http://thecolbertreport.cc.com/videos/bdjzxb/thompson-campaign", "http://thecolbertreport.cc.com/videos/bc0mf3/hometown-hero-town---bryce-canyon-city", "http://thecolbertreport.cc.com/videos/2f2r58/charles-kaiser" ], "guest": "Charles Kaiser" }, { "date": "2007-07-26", "videos": [ "http://thecolbertreport.cc.com/videos/wth3ve/intro---7-26-07", "http://thecolbertreport.cc.com/videos/3or3gc/how-did-stephen-break-his-wrist-", "http://thecolbertreport.cc.com/videos/if6h6s/industrial-hemp---medical-marijuana---aaron-houston", "http://thecolbertreport.cc.com/videos/8p2na8/advice-to-the-gods---nepalese-pre-teen-goddesses", "http://thecolbertreport.cc.com/videos/kcb6kk/bob-shrum" ], "guest": "Robert Shrum" }, { "date": "2007-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/8m5y0f/intro---7-30-07", "http://thecolbertreport.cc.com/videos/tyo2os/wrist-violence---glorification", "http://thecolbertreport.cc.com/videos/9e0vz0/pollution-immigration", "http://thecolbertreport.cc.com/videos/brdooe/the-word---solidarity", "http://thecolbertreport.cc.com/videos/ii5xvp/threatdown---scottish-surgeons", "http://thecolbertreport.cc.com/videos/o55kxd/evan-osnos" ], "guest": "Evan Osnos" }, { "date": "2007-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/01xv20/intro---7-31-07", "http://thecolbertreport.cc.com/videos/bgyn76/wrist-violence-epidemic", "http://thecolbertreport.cc.com/videos/aryder/smokin--pole---arc--who-goes-there-", "http://thecolbertreport.cc.com/videos/tg3umi/the-word---special-prosecutor", "http://thecolbertreport.cc.com/videos/egvqvt/rupert-murdoch-purchases-the-wall-street-journal", "http://thecolbertreport.cc.com/videos/i9cr44/sport-report---barry-bonds", "http://thecolbertreport.cc.com/videos/3tom79/kathleen-kennedy-townsend" ], "guest": "Kathleen Kennedy Townsend" }, { "date": "2007-08-01", "videos": [ "http://thecolbertreport.cc.com/videos/jtpqex/intro---8-1-07", "http://thecolbertreport.cc.com/videos/b8kbe8/dr--jerry-vizzone", "http://thecolbertreport.cc.com/videos/zd2nvn/the-word---college-credit", "http://thecolbertreport.cc.com/videos/nlqwhc/when-animals-attack-our-morals---hollywood-pigeons", "http://thecolbertreport.cc.com/videos/agisiu/michael-beschloss", "http://thecolbertreport.cc.com/videos/a0yv9l/30-minute-anniversary" ], "guest": "Michael Beschloss" }, { "date": "2007-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/qjky5n/farewell-ingmar-bergman", "http://thecolbertreport.cc.com/videos/jtpqex/intro---8-1-07", "http://thecolbertreport.cc.com/videos/b8kbe8/dr--jerry-vizzone", "http://thecolbertreport.cc.com/videos/zd2nvn/the-word---college-credit", "http://thecolbertreport.cc.com/videos/nlqwhc/when-animals-attack-our-morals---hollywood-pigeons", "http://thecolbertreport.cc.com/videos/agisiu/michael-beschloss", "http://thecolbertreport.cc.com/videos/a0yv9l/30-minute-anniversary" ], "guest": "Michael J. Behe" }, { "date": "2007-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/tqb1ek/intro---8-2-07", "http://thecolbertreport.cc.com/videos/4fa4lg/superhighway", "http://thecolbertreport.cc.com/videos/sg9xg3/rick-macarthur", "http://thecolbertreport.cc.com/videos/vc3b3c/thighmasters-for-the-troops", "http://thecolbertreport.cc.com/videos/ptvqa7/sport-report---barry-smash", "http://thecolbertreport.cc.com/videos/z81ulz/michael-behe" ], "guest": "Michael J. Behe" }, { "date": "2007-08-07", "videos": [ "http://thecolbertreport.cc.com/videos/7r677j/intro---8-7-07", "http://thecolbertreport.cc.com/videos/4kw9z4/yearly-kos-convention", "http://thecolbertreport.cc.com/videos/f3w2rh/the-word---the-dark-side", "http://thecolbertreport.cc.com/videos/zwnri3/better-know-a-protectorate---american-samoa---eni-faleomavaega", "http://thecolbertreport.cc.com/videos/d21xmf/ian-bogost", "http://thecolbertreport.cc.com/videos/kzlukl/sign-off---colbert-commonsensicals" ], "guest": "Ian Bogost" }, { "date": "2007-08-08", "videos": [ "http://thecolbertreport.cc.com/videos/4f7upv/intro---8-8-07", "http://thecolbertreport.cc.com/videos/oxms8d/wrist-watch---fighting-back", "http://thecolbertreport.cc.com/videos/jtqjr6/jim-cramer", "http://thecolbertreport.cc.com/videos/nveh3o/bears---balls---bootlegging", "http://thecolbertreport.cc.com/videos/7zavlx/tina-brown" ], "guest": "Jim Cramer, Tina Brown" }, { "date": "2007-08-09", "videos": [ "http://thecolbertreport.cc.com/videos/hutdl7/intro---8-9-07", "http://thecolbertreport.cc.com/videos/3abho5/the-word---clarity", "http://thecolbertreport.cc.com/videos/qp6xha/tip-wag---bloomberg", "http://thecolbertreport.cc.com/videos/h9y997/judd-apatow", "http://thecolbertreport.cc.com/videos/161mvg/sign-off---toenails" ], "guest": "Judd Apatow" }, { "date": "2007-08-13", "videos": [ "http://thecolbertreport.cc.com/videos/1833p0/intro---8-13-07", "http://thecolbertreport.cc.com/videos/gavjew/rove-resigns", "http://thecolbertreport.cc.com/videos/qu995y/the-word---white-guy", "http://thecolbertreport.cc.com/videos/bruhc9/threatdown---bats", "http://thecolbertreport.cc.com/videos/fk3k31/michael-jacobson", "http://thecolbertreport.cc.com/videos/dnjitq/sign-off---americone-dream" ], "guest": "Michael Jacobson" }, { "date": "2007-08-14", "videos": [ "http://thecolbertreport.cc.com/videos/0imzs4/dna--could-it-happen-to-you----jackknife", "http://thecolbertreport.cc.com/videos/n35y17/jerry-miller", "http://thecolbertreport.cc.com/videos/5o7ie1/dr--spencer-wells", "http://thecolbertreport.cc.com/videos/x03vyw/dna--could-it-happen-to-you----incrimination" ], "guest": "Jerry Miller, Spencer Wells" }, { "date": "2007-08-15", "videos": [ "http://thecolbertreport.cc.com/videos/6o4ihx/intro---8-15-07", "http://thecolbertreport.cc.com/videos/rv9k9s/jewish-colbert-ancestry", "http://thecolbertreport.cc.com/videos/3zlayh/markos-moulitsas", "http://thecolbertreport.cc.com/videos/6mvd9x/monkey-on-the-lam---oliver", "http://thecolbertreport.cc.com/videos/zp4iw7/the-word---potential", "http://thecolbertreport.cc.com/videos/734nxn/michael-wallis", "http://thecolbertreport.cc.com/videos/z4d4y4/sign-off---doctor-s-orders" ], "guest": "Michael Wallis" }, { "date": "2007-08-16", "videos": [ "http://thecolbertreport.cc.com/videos/ns0g26/intro---8-16-07", "http://thecolbertreport.cc.com/videos/14jprr/colbert-branson-trainwreck", "http://thecolbertreport.cc.com/videos/kgguey/mike-huckabee", "http://thecolbertreport.cc.com/videos/fnrvrc/cheating-death---gene-therapy", "http://thecolbertreport.cc.com/videos/u8nc37/andrew-keen" ], "guest": "Andrew Keen" }, { "date": "2007-08-20", "videos": [ "http://thecolbertreport.cc.com/videos/tfnhsy/intro---8-20-07", "http://thecolbertreport.cc.com/videos/xo98yh/wriststrong-bracelets", "http://thecolbertreport.cc.com/videos/us6itk/the-word---made-in-iraq", "http://thecolbertreport.cc.com/videos/9a8i9h/nailed--em---northern-border", "http://thecolbertreport.cc.com/videos/o9ho2y/nathan-sawaya" ], "guest": "Nathan Sawaya" }, { "date": "2007-08-21", "videos": [ "http://thecolbertreport.cc.com/videos/2gjr3w/intro---8-21-07", "http://thecolbertreport.cc.com/videos/bcfeni/smokin--pole---global-warming", "http://thecolbertreport.cc.com/videos/7gfsui/the-word---self-determination", "http://thecolbertreport.cc.com/videos/v4twhy/formidable-opponent---terrorism", "http://thecolbertreport.cc.com/videos/4o129i/michael-shermer" ], "guest": "Michael Shermer" }, { "date": "2007-08-22", "videos": [ "http://thecolbertreport.cc.com/videos/v8cwuz/intro---8-22-07", "http://thecolbertreport.cc.com/videos/k7oqos/foreshadowing", "http://thecolbertreport.cc.com/videos/9snnh5/the-word---november-surprise", "http://thecolbertreport.cc.com/videos/ymi1da/where-in-the-world-is-matt-lauer-s-wriststrong-bracelet-", "http://thecolbertreport.cc.com/videos/r18bn4/colbert-platinum---san-tropez", "http://thecolbertreport.cc.com/videos/xxwsh0/richard-branson", "http://thecolbertreport.cc.com/videos/eb410v/doused" ], "guest": "Richard Branson" }, { "date": "2007-08-23", "videos": [ "http://thecolbertreport.cc.com/videos/w3z5w0/intro---8-23-07", "http://thecolbertreport.cc.com/videos/uc4umy/cheney-s-pre-emptive-strike", "http://thecolbertreport.cc.com/videos/en1mx1/thomas-ricks", "http://thecolbertreport.cc.com/videos/xjgukn/fractured-freedom", "http://thecolbertreport.cc.com/videos/0arcqm/wrist-cast-signatories", "http://thecolbertreport.cc.com/videos/3xfbbo/free-at-last", "http://thecolbertreport.cc.com/videos/qta5f5/the-auction-begins-" ], "guest": "Thomas Ricks" }, { "date": "2007-09-10", "videos": [ "http://thecolbertreport.cc.com/videos/844a7k/intro---9-10-07", "http://thecolbertreport.cc.com/videos/vdvpmz/kicking-the-habit", "http://thecolbertreport.cc.com/videos/p14g3t/the-word---honor-bound", "http://thecolbertreport.cc.com/videos/2qi5qf/cast-auction", "http://thecolbertreport.cc.com/videos/u1yamr/bjorn-lomborg" ], "guest": "Bjorn Lomborg" }, { "date": "2007-09-11", "videos": [ "http://thecolbertreport.cc.com/videos/hy8je4/intro---9-11-07", "http://thecolbertreport.cc.com/videos/3l7k3j/general-betray-us", "http://thecolbertreport.cc.com/videos/5yaj4x/indecision-2008--don-t-f--k-this-up-america---the-kickoff", "http://thecolbertreport.cc.com/videos/mjzhz2/the-word---southsourcing", "http://thecolbertreport.cc.com/videos/5z4esb/katie-bruggeman---exclusive", "http://thecolbertreport.cc.com/videos/o07u14/garrison-keillor" ], "guest": "Garrison Keillor" }, { "date": "2007-09-12", "videos": [ "http://thecolbertreport.cc.com/videos/h5njj1/intro---9-12-07", "http://thecolbertreport.cc.com/videos/8lpy3i/1-888-mops-key", "http://thecolbertreport.cc.com/videos/7hc8lx/the-word---re-run", "http://thecolbertreport.cc.com/videos/r6x2pm/michael-bloomberg", "http://thecolbertreport.cc.com/videos/3rano7/tek-jansen---beginning-s-first-dawn--episode-one", "http://thecolbertreport.cc.com/videos/n46uq9/joel-klein", "http://thecolbertreport.cc.com/videos/pc4v8w/klein-s-penance" ], "guest": "Joel Klein" }, { "date": "2007-09-13", "videos": [ "http://thecolbertreport.cc.com/videos/tduyob/intro---9-13-07", "http://thecolbertreport.cc.com/videos/rvio16/the-emmys", "http://thecolbertreport.cc.com/videos/g1gps7/father-james-martin", "http://thecolbertreport.cc.com/videos/9unkmu/wriststrong", "http://thecolbertreport.cc.com/videos/5c8kig/ed-begley-jr-", "http://thecolbertreport.cc.com/videos/9mwknn/stephen-for-president---answering-the-call" ], "guest": "Ed Begley Jr." }, { "date": "2007-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/tr81w4/intro---9-18-07", "http://thecolbertreport.cc.com/videos/6l9i7j/the-word---let-my-people-go", "http://thecolbertreport.cc.com/videos/6we8r4/difference-makers---nitro-girl", "http://thecolbertreport.cc.com/videos/jx6a68/susan-sarandon" ], "guest": "Susan Sarandon" }, { "date": "2007-09-19", "videos": [ "http://thecolbertreport.cc.com/videos/lv4fuw/intro---9-19-07", "http://thecolbertreport.cc.com/videos/zeoen2/ed-asner-dials-the-atone-phone", "http://thecolbertreport.cc.com/videos/0aau1u/the-word---solitarity", "http://thecolbertreport.cc.com/videos/7ooxuh/colbert-platinum---green-edition", "http://thecolbertreport.cc.com/videos/nnhbey/naomi-wolf" ], "guest": "Naomi Wolf" }, { "date": "2007-09-20", "videos": [ "http://thecolbertreport.cc.com/videos/fojlm8/intro---9-20-07", "http://thecolbertreport.cc.com/videos/0ek76n/rabbi-fish", "http://thecolbertreport.cc.com/videos/2h18lo/blistering-rebuttal", "http://thecolbertreport.cc.com/videos/z6i9oa/the-word---market-forces", "http://thecolbertreport.cc.com/videos/b5qfpk/threatdown---us", "http://thecolbertreport.cc.com/videos/wthvm9/jeffrey-toobin", "http://thecolbertreport.cc.com/videos/1pktzf/craziest-f--king-thing-i-ve-ever-heard---mayo-kitchen" ], "guest": "Jeffrey Toobin" }, { "date": "2007-09-24", "videos": [ "http://thecolbertreport.cc.com/videos/tgxkym/intro---9-24-07", "http://thecolbertreport.cc.com/videos/kwfydk/the-word---na-na-na-na-na-na", "http://thecolbertreport.cc.com/videos/zztck4/alpha-dog-of-the-week---honniball", "http://thecolbertreport.cc.com/videos/l00qbc/the-metric-system", "http://thecolbertreport.cc.com/videos/pkz7i5/thomas-l--friedman", "http://thecolbertreport.cc.com/videos/emtni3/sign-off---stephen-accepts-your-apologies" ], "guest": "Thomas Friedman" }, { "date": "2007-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/yrize5/intro---9-25-07", "http://thecolbertreport.cc.com/videos/cminr7/no-nuclear-iran", "http://thecolbertreport.cc.com/videos/2g01er/indecision-2008--don-t-f--k-this-up-america---giuliani", "http://thecolbertreport.cc.com/videos/bjhu7f/k--david-harrison", "http://thecolbertreport.cc.com/videos/b5cc0e/tip-wag---muslim-hipsters", "http://thecolbertreport.cc.com/videos/5ny4ja/john-grisham" ], "guest": "John Grisham" }, { "date": "2007-09-26", "videos": [ "http://thecolbertreport.cc.com/videos/ups73z/intro---9-26-07", "http://thecolbertreport.cc.com/videos/rn3hke/forgiving-bennett", "http://thecolbertreport.cc.com/videos/agyblq/canadian-dollar", "http://thecolbertreport.cc.com/videos/nj93xu/the-word---a-word-from-our-sponsors", "http://thecolbertreport.cc.com/videos/0iswbv/sam-waterston", "http://thecolbertreport.cc.com/videos/79m504/tony-bennett" ], "guest": "Tony Bennett" }, { "date": "2007-09-27", "videos": [ "http://thecolbertreport.cc.com/videos/i67egh/intro---9-27-07", "http://thecolbertreport.cc.com/videos/o502gv/king-tut", "http://thecolbertreport.cc.com/videos/mhmga5/democratic-presidential-debate---the-clintons", "http://thecolbertreport.cc.com/videos/th2rny/the-word---early-immunization", "http://thecolbertreport.cc.com/videos/ev9qqd/david-schwartz", "http://thecolbertreport.cc.com/videos/q0vng8/sign-off---bear-in-the-woods" ], "guest": "David Schwartz" }, { "date": "2007-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/4vmpg2/intro---10-1-07", "http://thecolbertreport.cc.com/videos/s3koea/on-notice---dennis-kucinich", "http://thecolbertreport.cc.com/videos/e5dl9b/the-word---evitable", "http://thecolbertreport.cc.com/videos/7s7h6l/cheating-death---sleep", "http://thecolbertreport.cc.com/videos/5wkeol/charlie-savage", "http://thecolbertreport.cc.com/videos/g86mf6/sign-off---all-night-date" ], "guest": "Charlie Savage" }, { "date": "2007-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/5ycsxc/intro---10-2-07", "http://thecolbertreport.cc.com/videos/ws1a9l/end-of-the-universe", "http://thecolbertreport.cc.com/videos/boxkhr/the-real-showdown", "http://thecolbertreport.cc.com/videos/f1ovth/the-word---troops-out-now", "http://thecolbertreport.cc.com/videos/berne3/nailed--em---cyberrorists", "http://thecolbertreport.cc.com/videos/non4mf/john-mearsheimer", "http://thecolbertreport.cc.com/videos/yxngw7/what-number-is-stephen-thinking-of----between-one-and-ten" ], "guest": "John Mearsheimer" }, { "date": "2007-10-03", "videos": [ "http://thecolbertreport.cc.com/videos/77zwpl/intro---10-3-07", "http://thecolbertreport.cc.com/videos/rsugzz/krugman-correction", "http://thecolbertreport.cc.com/videos/ujxs1h/gay-roundup---dan-savage", "http://thecolbertreport.cc.com/videos/ttvyxm/alpha-dog-of-the-week---president-bush", "http://thecolbertreport.cc.com/videos/bohex1/monkey-on-the-lam---missouri", "http://thecolbertreport.cc.com/videos/1scf3a/jim-lovell" ], "guest": "Jim Lovell" }, { "date": "2007-10-04", "videos": [ "http://thecolbertreport.cc.com/videos/6takag/intro---10-4-07", "http://thecolbertreport.cc.com/videos/9ie5cp/fred-thompson-s-lackluster-candidacy", "http://thecolbertreport.cc.com/videos/t9j9vd/the-word---catastrophe", "http://thecolbertreport.cc.com/videos/ze1fvk/threatdown---science-and-technology-edition", "http://thecolbertreport.cc.com/videos/i58e8l/john-kao", "http://thecolbertreport.cc.com/videos/jy5aw2/an--i-am-america--and-so-can-you----success-story" ], "guest": "John Kao" }, { "date": "2007-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/zjbyqa/intro---10-8-07", "http://thecolbertreport.cc.com/videos/pw4m4c/doggie-co-author", "http://thecolbertreport.cc.com/videos/xkdwvy/the-word---medium-matters", "http://thecolbertreport.cc.com/videos/56gzq7/balls-for-kidz---schip", "http://thecolbertreport.cc.com/videos/og377e/george-saunders", "http://thecolbertreport.cc.com/videos/p6057q/sign-off---i-am-america--and-so-can-you---day" ], "guest": "George Saunders" }, { "date": "2007-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/q3jijk/intro---10-9-07", "http://thecolbertreport.cc.com/videos/plzp6y/i-am-america-on-sale-now-", "http://thecolbertreport.cc.com/videos/ubbze1/new-reagan-coin", "http://thecolbertreport.cc.com/videos/597azm/the-word---mighty-duck", "http://thecolbertreport.cc.com/videos/1znjlb/obama-s-lapel", "http://thecolbertreport.cc.com/videos/x1wzb3/the-stephen-colbert-interview", "http://thecolbertreport.cc.com/videos/r0xdzt/sign-off---lead-free-ink" ], "guest": "Stephen Colbert" }, { "date": "2007-10-10", "videos": [ "http://thecolbertreport.cc.com/videos/vsm7hv/intro---10-10-07", "http://thecolbertreport.cc.com/videos/4ht7gm/dead-to-me---pocketmaster", "http://thecolbertreport.cc.com/videos/79ara8/the-word---americon-dream", "http://thecolbertreport.cc.com/videos/dzvdm0/tip-wag---bruce-springsteen", "http://thecolbertreport.cc.com/videos/97z30b/wesley-clark" ], "guest": "Gen. Wesley Clark" }, { "date": "2007-10-11", "videos": [ "http://thecolbertreport.cc.com/videos/sprkvb/intro---10-11-07", "http://thecolbertreport.cc.com/videos/a27soa/black-haired-guy-who-isn-t-steve-doocy", "http://thecolbertreport.cc.com/videos/o6xiyi/frank-gaffney", "http://thecolbertreport.cc.com/videos/zipx3v/colbert-platinum---kidz-edition", "http://thecolbertreport.cc.com/videos/zv1po1/chris-jordan" ], "guest": "Chris Jordan" }, { "date": "2007-10-15", "videos": [ "http://thecolbertreport.cc.com/videos/56sadv/intro---10-15-07", "http://thecolbertreport.cc.com/videos/9esznw/who-s-honoring-me-now----marie-claire", "http://thecolbertreport.cc.com/videos/oogvcb/the-word---enviro-medal-disaster", "http://thecolbertreport.cc.com/videos/cmpb1d/kucinich-s-pockets", "http://thecolbertreport.cc.com/videos/biff8k/paul-glastris" ], "guest": "Dennis Kucinich, Paul Glastris" }, { "date": "2007-10-16", "videos": [ "http://thecolbertreport.cc.com/videos/6k009y/intro---10-16-07", "http://thecolbertreport.cc.com/videos/0pl61p/planet-in-peril", "http://thecolbertreport.cc.com/videos/f97ynd/indecision-2008--don-t-f--k-this-up-america---presidential-bid", "http://thecolbertreport.cc.com/videos/9phoww/jeff-greenfield", "http://thecolbertreport.cc.com/videos/9j5u2v/bob-drogin" ], "guest": "Bob Drogin, Jeff Greenfield" }, { "date": "2007-10-17", "videos": [ "http://thecolbertreport.cc.com/videos/e6jgx6/intro---10-17-07", "http://thecolbertreport.cc.com/videos/el4ceo/the-big-news", "http://thecolbertreport.cc.com/videos/ps9172/hail-to-the-cheese---filing-papers", "http://thecolbertreport.cc.com/videos/duz61o/threatdown---anniversary", "http://thecolbertreport.cc.com/videos/dvoers/garry-kasparov", "http://thecolbertreport.cc.com/videos/e0223g/sign-off---revenge-is-sweet" ], "guest": "Garry Kasparov" }, { "date": "2007-10-18", "videos": [ "http://thecolbertreport.cc.com/videos/i4a6fg/intro---10-18-07", "http://thecolbertreport.cc.com/videos/z3kzwl/pumpkin-shortage", "http://thecolbertreport.cc.com/videos/6o9coa/global-scrunching---anderson-cooper", "http://thecolbertreport.cc.com/videos/p1wo65/hail-to-the-cheese---campaign-coverage-finance", "http://thecolbertreport.cc.com/videos/rcmqef/craig-newmark", "http://thecolbertreport.cc.com/videos/i2rw4t/sign-off---portrait-unveiled" ], "guest": "Craig Newmark, Anderson Cooper" }, { "date": "2007-10-29", "videos": [ "http://thecolbertreport.cc.com/videos/3xfeo5/intro---10-29-07", "http://thecolbertreport.cc.com/videos/oqlp6f/the-last-infographic", "http://thecolbertreport.cc.com/videos/2hfe9b/hail-to-the-cheese---branded-killings", "http://thecolbertreport.cc.com/videos/wli1tg/the-word---absinthetinence", "http://thecolbertreport.cc.com/videos/49my1v/tip-wag---sleep-deprivation", "http://thecolbertreport.cc.com/videos/pmtsjp/richard-berman", "http://thecolbertreport.cc.com/videos/1yeaa0/sign-off---rocktober" ], "guest": "Richard Berman" }, { "date": "2007-10-30", "videos": [ "http://thecolbertreport.cc.com/videos/6130g5/intro---10-30-07", "http://thecolbertreport.cc.com/videos/f3dddn/massie-ritsch", "http://thecolbertreport.cc.com/videos/rrhz2o/earth-attacks---georgia-drought", "http://thecolbertreport.cc.com/videos/czdur4/j--craig-venter" ], "guest": "Massie Ritsch, Craig Venter" }, { "date": "2007-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/fjrl1d/intro---10-31-07", "http://thecolbertreport.cc.com/videos/iwuly8/hallo-weening", "http://thecolbertreport.cc.com/videos/lshob0/democra-see--democra-do---elections", "http://thecolbertreport.cc.com/videos/pcplr6/the-word---job-description", "http://thecolbertreport.cc.com/videos/hpr411/obama-s-grit-off-challenge", "http://thecolbertreport.cc.com/videos/s7cadq/monkey-on-the-lam---lobster-edition", "http://thecolbertreport.cc.com/videos/4uxxf3/lawrence-wilkerson" ], "guest": "Col. Lawrence Wilkerson" }, { "date": "2007-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/we8h5v/intro---11-1-07", "http://thecolbertreport.cc.com/videos/dzscg7/hail-to-the-cheese---ballot-issues", "http://thecolbertreport.cc.com/videos/9d4e78/hail-to-the-cheese---democratic-executive-council", "http://thecolbertreport.cc.com/videos/tcxqui/walter-kirn", "http://thecolbertreport.cc.com/videos/zymn63/hail-to-the-cheese---donors-choose" ], "guest": "Walter Kirn" } ], "2008": [ { "date": "2008-01-07", "videos": [ "http://thecolbertreport.cc.com/videos/3q3gby/intro---1-7-08", "http://thecolbertreport.cc.com/videos/cva2to/applause", "http://thecolbertreport.cc.com/videos/mdmdd0/nothing-in-the-prompters", "http://thecolbertreport.cc.com/videos/lp7qsd/2008-election", "http://thecolbertreport.cc.com/videos/ku5oni/the-word--------", "http://thecolbertreport.cc.com/videos/mbip8q/democratic-change---andrew-sullivan", "http://thecolbertreport.cc.com/videos/v60qiq/richard-freeman", "http://thecolbertreport.cc.com/videos/ckwp47/first-wrap-up" ], "guest": "Andrew Sullivan, Richard Freeman" }, { "date": "2008-01-08", "videos": [ "http://thecolbertreport.cc.com/videos/8ws9bh/self-driving-car", "http://thecolbertreport.cc.com/videos/2785cy/bush-absolutely-optimistic", "http://thecolbertreport.cc.com/videos/2hhoxp/meteorite-market", "http://thecolbertreport.cc.com/videos/ljxmh2/chris-beam", "http://thecolbertreport.cc.com/videos/tl8ofm/gary-rosen", "http://thecolbertreport.cc.com/videos/m7kpci/note-to-strikers" ], "guest": "Chris Beam, Gary Rosen" }, { "date": "2008-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/33bwbo/she-won-", "http://thecolbertreport.cc.com/videos/fu1w6p/new-hampshire-wrap-up", "http://thecolbertreport.cc.com/videos/weeodm/mike-huckabee", "http://thecolbertreport.cc.com/videos/d0g8tk/matt-taibbi", "http://thecolbertreport.cc.com/videos/je02b9/studio-on-fire" ], "guest": "Gov. Mike Huckabee, Matt Taibbi" }, { "date": "2008-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/613lgd/un-american-news---primaries", "http://thecolbertreport.cc.com/videos/s269t4/norman-ornstein", "http://thecolbertreport.cc.com/videos/y7lisr/national-treasure-pt--1", "http://thecolbertreport.cc.com/videos/x10j2p/muhammad-yunus", "http://thecolbertreport.cc.com/videos/ypiss3/to-the-writers" ], "guest": "Norman Ornstein, Muhammad Yunus" }, { "date": "2008-01-14", "videos": [ "http://thecolbertreport.cc.com/videos/pm5v1p/papa-bear-takes-note", "http://thecolbertreport.cc.com/videos/1vwzy6/around-the-world-in-11-6-seconds---lo-mein", "http://thecolbertreport.cc.com/videos/7k6fkq/indecision-2008--don-t-f--k-this-up-america---trustworthy-manner", "http://thecolbertreport.cc.com/videos/dytre7/national-treasure-pt--2", "http://thecolbertreport.cc.com/videos/xgsf42/neil-shubin", "http://thecolbertreport.cc.com/videos/tmke9w/digesting-lo-mein" ], "guest": "Neil Shubin" }, { "date": "2008-01-15", "videos": [ "http://thecolbertreport.cc.com/videos/4wimo2/who-s-riding-my-coattails-now----vince-vaughn", "http://thecolbertreport.cc.com/videos/hrzpve/peter-hopkins", "http://thecolbertreport.cc.com/videos/1m3t4h/national-treasure-pt--3", "http://thecolbertreport.cc.com/videos/b0e6w3/jared-cohen", "http://thecolbertreport.cc.com/videos/4f2fw9/parting-shot" ], "guest": "Peter Hopkins, Jared Cohen" }, { "date": "2008-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/6mjra2/primary-update", "http://thecolbertreport.cc.com/videos/ng3cbb/political-roulette-pt--1", "http://thecolbertreport.cc.com/videos/v0glj4/back-off-mike-huckabee", "http://thecolbertreport.cc.com/videos/zlpayq/deborah-tannen" ], "guest": "Deborah Tannen" }, { "date": "2008-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/0tl5ul/push-polling", "http://thecolbertreport.cc.com/videos/phko2g/political-roulette-pt--2", "http://thecolbertreport.cc.com/videos/xj86rv/lou-dobbs", "http://thecolbertreport.cc.com/videos/ykpl7i/david-levy" ], "guest": "Lou Dobbs, David Levy" }, { "date": "2008-01-21", "videos": [ "http://thecolbertreport.cc.com/videos/3xkco0/nevada-caucus", "http://thecolbertreport.cc.com/videos/qznknb/huckabee-s-message", "http://thecolbertreport.cc.com/videos/i2josd/allan-sloan", "http://thecolbertreport.cc.com/videos/wjtmux/better-know-a-governor---mark-sanford", "http://thecolbertreport.cc.com/videos/ia8xzl/eric-weiner" ], "guest": "Allan Sloan, Eric Weiner" }, { "date": "2008-01-22", "videos": [ "http://thecolbertreport.cc.com/videos/8q1hh4/dow-drop", "http://thecolbertreport.cc.com/videos/7cp97e/malcolm-gladwell", "http://thecolbertreport.cc.com/videos/xw3v9i/andrew-young", "http://thecolbertreport.cc.com/videos/5tvl4o/let-my-people-go" ], "guest": "Malcolm Gladwell, Andrew Young" }, { "date": "2008-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/1vjtzq/fred-thompson-out", "http://thecolbertreport.cc.com/videos/1fbgf9/sport-report---tom-brady-s-injury", "http://thecolbertreport.cc.com/videos/08lghg/big-check", "http://thecolbertreport.cc.com/videos/wmftq8/jeb-corliss", "http://thecolbertreport.cc.com/videos/rp759h/andrew-mclean" ], "guest": "Marie Wood, Jeb Corliss, Andrew McLean" }, { "date": "2008-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/7uwyyh/rudy-in-florida", "http://thecolbertreport.cc.com/videos/xoh710/clinton-s-hero", "http://thecolbertreport.cc.com/videos/swzg9r/debra-dickerson", "http://thecolbertreport.cc.com/videos/0wz55a/south-carolina-debate", "http://thecolbertreport.cc.com/videos/bpcnyw/charles-nesson" ], "guest": "Debra Dickerson, Charles Nesson" }, { "date": "2008-01-28", "videos": [ "http://thecolbertreport.cc.com/videos/na6amv/obama-just-like-jfk", "http://thecolbertreport.cc.com/videos/zvtkxx/gordon-b--hinckley-died", "http://thecolbertreport.cc.com/videos/07hrs5/marjane-satrapi", "http://thecolbertreport.cc.com/videos/wrdlsf/south-carolina---what-could-have-been-", "http://thecolbertreport.cc.com/videos/l1477t/rick-warren" ], "guest": "Marjane Satrapi, Rick Warren" }, { "date": "2008-01-29", "videos": [ "http://thecolbertreport.cc.com/videos/aeooxe/googley-eyed-clams", "http://thecolbertreport.cc.com/videos/laposi/joe-quesada", "http://thecolbertreport.cc.com/videos/xw6ugs/french-clam", "http://thecolbertreport.cc.com/videos/38i4eg/alex-ross" ], "guest": "Joe Quesada, Alex Ross" }, { "date": "2008-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/akx9de/exclusive---better-know-a-district---south-carolina-s-4th---bob-inglis", "http://thecolbertreport.cc.com/videos/t6sflk/florida-primary", "http://thecolbertreport.cc.com/videos/vb4t2x/carl-hiaasen", "http://thecolbertreport.cc.com/videos/n87g1n/better-know-a-district---south-carolina-s-4th---bob-inglis", "http://thecolbertreport.cc.com/videos/m4iax5/frans-de-waal" ], "guest": "Carl Hiaasen, Frans de Waal" }, { "date": "2008-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/z0raub/timetables", "http://thecolbertreport.cc.com/videos/8l0ndt/ron-paul-sounds-alarm", "http://thecolbertreport.cc.com/videos/2lwxda/tim-harford", "http://thecolbertreport.cc.com/videos/0d4uq9/people-who-are-destroying-america---pick-up-trucks", "http://thecolbertreport.cc.com/videos/kgrty6/andrew-napolitano" ], "guest": "Tim Harford, Andrew Napolitano" }, { "date": "2008-02-04", "videos": [ "http://thecolbertreport.cc.com/videos/pwg4p2/conan-and-jon", "http://thecolbertreport.cc.com/videos/y5zzyu/tony-campolo", "http://thecolbertreport.cc.com/videos/tmuhtk/jacob-weisberg", "http://thecolbertreport.cc.com/videos/7r0nt2/post-show-ass-kicking" ], "guest": "Tony Campolo, Jacob Weisberg" }, { "date": "2008-02-05", "videos": [ "http://thecolbertreport.cc.com/videos/yvxknz/happy-super-tuesday-", "http://thecolbertreport.cc.com/videos/nqwcui/hillary-is-a-target", "http://thecolbertreport.cc.com/videos/xonm3y/angelo-falcon", "http://thecolbertreport.cc.com/videos/xq9nc4/mukasey-on-torture", "http://thecolbertreport.cc.com/videos/gjwjsl/bob-dole" ], "guest": "Angelo Falcon, Bob Dole" }, { "date": "2008-02-06", "videos": [ "http://thecolbertreport.cc.com/videos/j3dp2u/late-night-fight", "http://thecolbertreport.cc.com/videos/gqstf6/clap-clap-point-point", "http://thecolbertreport.cc.com/videos/yxx0w5/richard-brookhiser", "http://thecolbertreport.cc.com/videos/ammxmv/better-know-a-lobby---human-rights-campaign-pt--1", "http://thecolbertreport.cc.com/videos/nhkpwj/tad-devine" ], "guest": "Tad Devine" }, { "date": "2008-02-07", "videos": [ "http://thecolbertreport.cc.com/videos/ctzo98/stephen-s-ethnic-minute", "http://thecolbertreport.cc.com/videos/v43el0/huckabee-s-still-in", "http://thecolbertreport.cc.com/videos/negp2q/better-know-a-lobby---human-rights-campaign-pt--2", "http://thecolbertreport.cc.com/videos/oxf63b/mark-moffett" ], "guest": "Mark Moffett" }, { "date": "2008-02-11", "videos": [ "http://thecolbertreport.cc.com/videos/bs8egm/obama-wins-a-grammy", "http://thecolbertreport.cc.com/videos/lnkbna/goodbye-mitt", "http://thecolbertreport.cc.com/videos/myptag/aubrey-de-grey", "http://thecolbertreport.cc.com/videos/in3tg3/portrait-check-in", "http://thecolbertreport.cc.com/videos/8sjpoa/philip-zimbardo" ], "guest": "Aubrey de Grey, Philip Zimbardo" }, { "date": "2008-02-12", "videos": [ "http://thecolbertreport.cc.com/videos/gucgvs/huckabee-s-obligation", "http://thecolbertreport.cc.com/videos/6g98j7/eliot-spitzer", "http://thecolbertreport.cc.com/videos/udbv19/eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/ekpicq/lisa-randall" ], "guest": "Gov. Eliot Spitzer, Eleanor Holmes Norton, Lisa Randall" }, { "date": "2008-02-13", "videos": [ "http://thecolbertreport.cc.com/videos/r9rjo5/intro---2-13-08", "http://thecolbertreport.cc.com/videos/mvp1nc/the-writers-return-", "http://thecolbertreport.cc.com/videos/n3dwin/david-gracer", "http://thecolbertreport.cc.com/videos/aebxex/neil-de-grasse-tyson", "http://thecolbertreport.cc.com/videos/n39iqt/richard-thompson-ford" ], "guest": "David Gracer, Richard Thompson Ford" }, { "date": "2008-02-14", "videos": [ "http://thecolbertreport.cc.com/videos/5hf18t/intro---2-14-08", "http://thecolbertreport.cc.com/videos/qg63hg/who-s-riding-my-coattails-now----oliver-pocher", "http://thecolbertreport.cc.com/videos/slbgcr/clemens-hearing", "http://thecolbertreport.cc.com/videos/0i3hg8/john-feinstein", "http://thecolbertreport.cc.com/videos/dmxs6z/people-who-are-destroying-america---happy-meal", "http://thecolbertreport.cc.com/videos/hxt6mo/leonard-nimoy" ], "guest": "John Feinstein, Leonard Nimoy" }, { "date": "2008-02-26", "videos": [ "http://thecolbertreport.cc.com/videos/t6xzxc/intro---2-26-08", "http://thecolbertreport.cc.com/videos/cexk3g/obama-s-photo", "http://thecolbertreport.cc.com/videos/x6h69l/the-word---good-bad-journalism", "http://thecolbertreport.cc.com/videos/4s0owa/henry-louis-gates-jr-" ], "guest": "Henry Louis Gates Jr." }, { "date": "2008-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/3uzan2/exclusive---guitar-heroes", "http://thecolbertreport.cc.com/videos/spigs3/intro---2-27-08", "http://thecolbertreport.cc.com/videos/fb142a/mccain-rally", "http://thecolbertreport.cc.com/videos/717g03/threatdown---air-colbert", "http://thecolbertreport.cc.com/videos/ni7mzt/tony-snow" ], "guest": "Tony Snow" }, { "date": "2008-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/upjayy/the-music-man", "http://thecolbertreport.cc.com/videos/80mnx9/intro---2-28-08", "http://thecolbertreport.cc.com/videos/wq9qga/russian-billboard", "http://thecolbertreport.cc.com/videos/c64r8o/cold-war-update", "http://thecolbertreport.cc.com/videos/zrhp7w/richard-brookhiser", "http://thecolbertreport.cc.com/videos/n7g9t0/ingrid-newkirk", "http://thecolbertreport.cc.com/videos/zsj0rq/sign-off---shoe-phone" ], "guest": "Richard Brookhiser, Ingrid Newkirk" }, { "date": "2008-03-03", "videos": [ "http://thecolbertreport.cc.com/videos/laopsy/intro---3-3-08", "http://thecolbertreport.cc.com/videos/1gyoec/the-coveted-colbert-bump", "http://thecolbertreport.cc.com/videos/do24ht/das-booty---hitler-s-gold-pt--1", "http://thecolbertreport.cc.com/videos/dvfqt3/maestro-lorin-maazel", "http://thecolbertreport.cc.com/videos/8llta1/shashi-tharoor", "http://thecolbertreport.cc.com/videos/beqjns/leap-day" ], "guest": "Lorin Maazel, Shashi Tharoor" }, { "date": "2008-03-04", "videos": [ "http://thecolbertreport.cc.com/videos/1d4djp/intro---3-4-08", "http://thecolbertreport.cc.com/videos/509s01/william-donohue", "http://thecolbertreport.cc.com/videos/myyov6/howard-dean", "http://thecolbertreport.cc.com/videos/wvt9ny/nailed--em---graffiti-punk", "http://thecolbertreport.cc.com/videos/86yukf/jennifer-8--lee", "http://thecolbertreport.cc.com/videos/10okbb/to-howard-dean", "http://thecolbertreport.cc.com/videos/q08fbb/the-word---experience" ], "guest": "William Donohue, Howard Dean, Jennifer 8. Lee" }, { "date": "2008-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/9o2e4d/intro---3-5-08", "http://thecolbertreport.cc.com/videos/d60bre/farewell-brett-favre", "http://thecolbertreport.cc.com/videos/q038rv/hucka-bye", "http://thecolbertreport.cc.com/videos/6296yb/robert-reich", "http://thecolbertreport.cc.com/videos/lrlzri/difference-makers---free-implants", "http://thecolbertreport.cc.com/videos/z6yixf/gregory-rodriguez", "http://thecolbertreport.cc.com/videos/p6i1w8/r-i-p--gary-gygax" ], "guest": "Robert Reich, Gregory Rodriguez" }, { "date": "2008-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/zoimd4/intro---3-6-08", "http://thecolbertreport.cc.com/videos/m9ob1y/hot-dog-with-the-president", "http://thecolbertreport.cc.com/videos/i9idne/the-word---at---treason", "http://thecolbertreport.cc.com/videos/0ih0ea/cheating-death---surgery", "http://thecolbertreport.cc.com/videos/cv6bwa/john-legend" ], "guest": "John Legend" }, { "date": "2008-03-10", "videos": [ "http://thecolbertreport.cc.com/videos/mahtb2/intro---3-10-08", "http://thecolbertreport.cc.com/videos/3a9bum/whores-", "http://thecolbertreport.cc.com/videos/8p3t8b/the-word---size-matters", "http://thecolbertreport.cc.com/videos/fdo5yd/the--72-democrats", "http://thecolbertreport.cc.com/videos/7m46n6/george-mcgovern" ], "guest": "George McGovern" }, { "date": "2008-03-11", "videos": [ "http://thecolbertreport.cc.com/videos/3ybl08/intro---3-11-08", "http://thecolbertreport.cc.com/videos/me89dy/spitzer-greeting-cards", "http://thecolbertreport.cc.com/videos/twuo43/the-word---mr--right-now", "http://thecolbertreport.cc.com/videos/f7ltv5/colbert-platinum---liechtenstein", "http://thecolbertreport.cc.com/videos/gcwzrr/geraldo-rivera", "http://thecolbertreport.cc.com/videos/8h6jvx/sign-off---show-s-over--america" ], "guest": "Geraldo Rivera" }, { "date": "2008-03-12", "videos": [ "http://thecolbertreport.cc.com/videos/tvzv05/intro---3-12-08", "http://thecolbertreport.cc.com/videos/ntzxtt/spitzer-sandwich", "http://thecolbertreport.cc.com/videos/ippftn/smokin--pole---alaska", "http://thecolbertreport.cc.com/videos/50a47x/better-know-a-lobby---drug-policy-alliance", "http://thecolbertreport.cc.com/videos/nouiem/howard-kurtz" ], "guest": "Howard Kurtz" }, { "date": "2008-03-13", "videos": [ "http://thecolbertreport.cc.com/videos/gpd5cu/intro---3-13-08", "http://thecolbertreport.cc.com/videos/k8bsjv/airborne-lawsuit", "http://thecolbertreport.cc.com/videos/d51tqz/democralypse-now---ferraro", "http://thecolbertreport.cc.com/videos/tvjvip/hussein-ibish", "http://thecolbertreport.cc.com/videos/oe7yd2/difference-makers---doug-jackson", "http://thecolbertreport.cc.com/videos/mzut29/sudhir-venkatesh" ], "guest": "Hussein Ibish, Sudhir Venkatesh" }, { "date": "2008-03-17", "videos": [ "http://thecolbertreport.cc.com/videos/ck2j7u/exclusive---spitzer", "http://thecolbertreport.cc.com/videos/8zfc9q/intro---3-17-08", "http://thecolbertreport.cc.com/videos/v28dea/stephen-in-philly", "http://thecolbertreport.cc.com/videos/rxdrv8/the-word---the-audacity-of-hopelessness", "http://thecolbertreport.cc.com/videos/tw4jo4/people-who-are-destroying-america---st--patrick-s-day", "http://thecolbertreport.cc.com/videos/5j8sg4/samantha-power" ], "guest": "Samantha Power" }, { "date": "2008-03-18", "videos": [ "http://thecolbertreport.cc.com/videos/vgwiie/intro---3-18-08", "http://thecolbertreport.cc.com/videos/wsz08m/yes-we-can-", "http://thecolbertreport.cc.com/videos/xtwx8p/spicy-sweet-coverage", "http://thecolbertreport.cc.com/videos/mogf73/das-booty---hitler-s-gold-pt--2", "http://thecolbertreport.cc.com/videos/5boih5/carole-king" ], "guest": "Carole King" }, { "date": "2008-03-19", "videos": [ "http://thecolbertreport.cc.com/videos/hcafrk/intro---3-19-08", "http://thecolbertreport.cc.com/videos/hrjm1z/patterson-affair", "http://thecolbertreport.cc.com/videos/scqdwy/the-word---the-gospel-of-john", "http://thecolbertreport.cc.com/videos/y6aybj/pennsylvania-primary", "http://thecolbertreport.cc.com/videos/037ygf/tip-wag---afghanistan", "http://thecolbertreport.cc.com/videos/vk922m/dee-dee-myers" ], "guest": "Dee Dee Myers" }, { "date": "2008-03-20", "videos": [ "http://thecolbertreport.cc.com/videos/vq76dq/watershift-down--getting-the-sea-monkey-off-america-s-aqua-back", "http://thecolbertreport.cc.com/videos/wkdrt1/aqua-colbert", "http://thecolbertreport.cc.com/videos/l1sl1c/water-is-life", "http://thecolbertreport.cc.com/videos/3mtvfm/dean-kamen", "http://thecolbertreport.cc.com/videos/4y9sds/setting-water-on-fire" ], "guest": "Dean Kamen" }, { "date": "2008-03-31", "videos": [ "http://thecolbertreport.cc.com/videos/f3rbbv/intro---3-31-08", "http://thecolbertreport.cc.com/videos/aqkiox/opening-day", "http://thecolbertreport.cc.com/videos/0fo1qd/bowling-in-pa", "http://thecolbertreport.cc.com/videos/2ii77j/eric-alterman", "http://thecolbertreport.cc.com/videos/b149k1/tek-jansen---beginning-s-first-dawn--episode-one-revisited", "http://thecolbertreport.cc.com/videos/3p6caw/michael-reynolds" ], "guest": "Eric Alterman, Michael Reynolds" }, { "date": "2008-04-01", "videos": [ "http://thecolbertreport.cc.com/videos/ayieu5/intro---4-1-08", "http://thecolbertreport.cc.com/videos/irlo9m/portrait-update", "http://thecolbertreport.cc.com/videos/inwuqm/the-word---pick-sicks", "http://thecolbertreport.cc.com/videos/fpyy9k/bears---balls---rat-rakes", "http://thecolbertreport.cc.com/videos/700kdb/van-jones", "http://thecolbertreport.cc.com/videos/lrepiq/portrait-displayed" ], "guest": "Van Jones" }, { "date": "2008-04-02", "videos": [ "http://thecolbertreport.cc.com/videos/46s8py/intro---4-2-08", "http://thecolbertreport.cc.com/videos/sbidx5/stephen-wins-a-peabody", "http://thecolbertreport.cc.com/videos/3fc86e/threatdown---nipples", "http://thecolbertreport.cc.com/videos/n3f5qh/r-e-m-" ], "guest": "R.E.M." }, { "date": "2008-04-03", "videos": [ "http://thecolbertreport.cc.com/videos/aj43z8/intro---4-3-08", "http://thecolbertreport.cc.com/videos/tyapiy/peabody-credit", "http://thecolbertreport.cc.com/videos/xwlefp/the-word---let-the-games-begin", "http://thecolbertreport.cc.com/videos/gx1oov/tek-jansen---beginning-s-first-dawn--episode-two", "http://thecolbertreport.cc.com/videos/dm9a7h/clay-shirky", "http://thecolbertreport.cc.com/videos/jsqez9/tek-jansen---you-are-the-best" ], "guest": "Clay Shirky" }, { "date": "2008-04-07", "videos": [ "http://thecolbertreport.cc.com/videos/7lye0f/intro---4-7-08", "http://thecolbertreport.cc.com/videos/we6e20/r-i-p--charlton-heston", "http://thecolbertreport.cc.com/videos/xh2gv1/trevor-paglen", "http://thecolbertreport.cc.com/videos/3xlgs3/democralypse-now---3am", "http://thecolbertreport.cc.com/videos/82gipv/jesse-ventura" ], "guest": "Trevor Paglen, Jesse Ventura" }, { "date": "2008-04-08", "videos": [ "http://thecolbertreport.cc.com/videos/54jfl6/intro---4-8-08", "http://thecolbertreport.cc.com/videos/yme30m/pope-coming-to-nyc", "http://thecolbertreport.cc.com/videos/g0ke6u/children-s-drawings", "http://thecolbertreport.cc.com/videos/0dimmt/wilford-brimley-calls---donation", "http://thecolbertreport.cc.com/videos/elawer/madeleine-albright" ], "guest": "Madeleine Albright" }, { "date": "2008-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/bdme3x/intro---4-9-08", "http://thecolbertreport.cc.com/videos/iekisu/olympic-torch", "http://thecolbertreport.cc.com/videos/ypse7c/the-word---starter-country", "http://thecolbertreport.cc.com/videos/jycq7p/cheating-death---sexual-health", "http://thecolbertreport.cc.com/videos/nlvpn4/jeff-gore" ], "guest": "Jeff Gore" }, { "date": "2008-04-10", "videos": [ "http://thecolbertreport.cc.com/videos/zsmonm/intro---4-10-08", "http://thecolbertreport.cc.com/videos/6sdfwa/petraeus-hearings", "http://thecolbertreport.cc.com/videos/x8pxwi/more-drawings-from-kids", "http://thecolbertreport.cc.com/videos/z2z65o/the-word---black-and-white", "http://thecolbertreport.cc.com/videos/v1k50e/tip-wag---rain", "http://thecolbertreport.cc.com/videos/torkh7/robin-wright" ], "guest": "Robin Wright" }, { "date": "2008-04-14", "videos": [ "http://thecolbertreport.cc.com/videos/qfrdo9/from-philadelphia", "http://thecolbertreport.cc.com/videos/5phute/pennsylvania-primary-history", "http://thecolbertreport.cc.com/videos/1b60fj/chris-matthews" ], "guest": "Chris Matthews" }, { "date": "2008-04-15", "videos": [ "http://thecolbertreport.cc.com/videos/oj9blc/intro---4-15-08", "http://thecolbertreport.cc.com/videos/3aqwqx/nice-roomba", "http://thecolbertreport.cc.com/videos/ad5qga/the-word---tradition", "http://thecolbertreport.cc.com/videos/7unrts/independence-park", "http://thecolbertreport.cc.com/videos/upl7xe/michelle-obama" ], "guest": "Michelle Obama, The Roots" }, { "date": "2008-04-16", "videos": [ "http://thecolbertreport.cc.com/videos/h0lfw9/intro---4-16-08", "http://thecolbertreport.cc.com/videos/pi51oz/jackie-o--amendment", "http://thecolbertreport.cc.com/videos/9z3000/democralypse-now---the-boss", "http://thecolbertreport.cc.com/videos/9zm7cy/national-constitution-center", "http://thecolbertreport.cc.com/videos/51r39w/ed-rendell", "http://thecolbertreport.cc.com/videos/1bzrgk/benjamin-franklin-s-news" ], "guest": "Philadelphia Eagles Cheerleaders, Gov. Ed Rendell" }, { "date": "2008-04-17", "videos": [ "http://thecolbertreport.cc.com/videos/ky7oxg/benjamin-franklin-s-latest-invention", "http://thecolbertreport.cc.com/videos/uzusr0/hillary-clinton-takes-on-technical-difficulties", "http://thecolbertreport.cc.com/videos/1i62sd/clinton-vs--obama-philadelphia-debate-review", "http://thecolbertreport.cc.com/videos/ew5t9y/patrick-murphy", "http://thecolbertreport.cc.com/videos/x3zme5/the-ed-words---valued-voter", "http://thecolbertreport.cc.com/videos/ol0nn3/on-notice---barack-obama-against-distractions" ], "guest": "Hillary Clinton, John Edwards, Barack Obama" }, { "date": "2008-04-21", "videos": [ "http://thecolbertreport.cc.com/videos/i6ihlp/intro---4-21-08", "http://thecolbertreport.cc.com/videos/foffke/philly-loves-colbert-nation", "http://thecolbertreport.cc.com/videos/5jm58y/global-food-shortage", "http://thecolbertreport.cc.com/videos/ehgxth/father-james-martin", "http://thecolbertreport.cc.com/videos/oo6wpp/bernie-sanders", "http://thecolbertreport.cc.com/videos/e7gpah/farewell-to-bobby" ], "guest": "Fr. James Martin, Sen. Bernie Sanders" }, { "date": "2008-04-22", "videos": [ "http://thecolbertreport.cc.com/videos/ah79bq/intro---4-22-08", "http://thecolbertreport.cc.com/videos/tp640v/earth-is-awesome", "http://thecolbertreport.cc.com/videos/uyxyc7/obama-copycattery", "http://thecolbertreport.cc.com/videos/a2ha6c/indecision-cheesesteaks", "http://thecolbertreport.cc.com/videos/0nsiap/better-know-a-district---pennsylvania-s-7th---joe-sestak", "http://thecolbertreport.cc.com/videos/5427ng/susan-jacoby", "http://thecolbertreport.cc.com/videos/l34czb/exclusive---better-know-a-district---pennsylvania-s-7th---joe-sestak" ], "guest": "Susan Jacoby" }, { "date": "2008-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/lxpsri/intro---4-23-08", "http://thecolbertreport.cc.com/videos/6wperh/rain-rivalry-challenge", "http://thecolbertreport.cc.com/videos/hpr26d/the-word---iraq-the-vote", "http://thecolbertreport.cc.com/videos/fqo64s/colbert-platinum---cat-pooped-coffee", "http://thecolbertreport.cc.com/videos/5azl7m/mitch-albom", "http://thecolbertreport.cc.com/videos/qdf6zq/the-lost-o-reilly-tapes-pt--1" ], "guest": "Mitch Albom" }, { "date": "2008-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/6kux9r/intro---4-24-08", "http://thecolbertreport.cc.com/videos/a1qle2/petraeus--promotion", "http://thecolbertreport.cc.com/videos/uddwea/threatdown---juicing-bulls", "http://thecolbertreport.cc.com/videos/e3l9yt/difference-makers---bumbot", "http://thecolbertreport.cc.com/videos/lr9uai/maria-shriver" ], "guest": "Maria Shriver" }, { "date": "2008-04-28", "videos": [ "http://thecolbertreport.cc.com/videos/3fwic4/intro---4-28-08", "http://thecolbertreport.cc.com/videos/244o0l/miley-cyrus-photo-shoot", "http://thecolbertreport.cc.com/videos/9v4qwg/electability", "http://thecolbertreport.cc.com/videos/ejbmnx/the-word---kernel-of-truth", "http://thecolbertreport.cc.com/videos/3osshb/sport-report---timbersports", "http://thecolbertreport.cc.com/videos/222rjo/feist" ], "guest": "Feist" }, { "date": "2008-04-29", "videos": [ "http://thecolbertreport.cc.com/videos/a1muh6/intro---4-29-08", "http://thecolbertreport.cc.com/videos/vc3sa7/obama-breaks-with-wright", "http://thecolbertreport.cc.com/videos/uk74h6/mccain-s-superstitions", "http://thecolbertreport.cc.com/videos/ry65tk/the-word---separation-of-church---plate", "http://thecolbertreport.cc.com/videos/cy9dmw/tip-wag---barbie", "http://thecolbertreport.cc.com/videos/s3buaq/anne-lamott" ], "guest": "Anne Lamott" }, { "date": "2008-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/byoxj1/intro---4-30-08", "http://thecolbertreport.cc.com/videos/xju86c/salinger-watch", "http://thecolbertreport.cc.com/videos/1rdkem/donna-brazile-on-the-democratic-campaign", "http://thecolbertreport.cc.com/videos/4ngs9u/better-know-a-protectorate---guam---madeleine-bordallo-update", "http://thecolbertreport.cc.com/videos/vjk2cd/noah-feldman" ], "guest": "Donna Brazile, Noah Feldman" }, { "date": "2008-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/1zd3gn/intro---5-01-08", "http://thecolbertreport.cc.com/videos/clfbo3/jenna-bush-wedding", "http://thecolbertreport.cc.com/videos/sctmlw/trailers-destroying-america---summer-movie-edition", "http://thecolbertreport.cc.com/videos/aka0f3/formidable-opponent---electability", "http://thecolbertreport.cc.com/videos/zck6ux/james-howard-kunstler" ], "guest": "James Kunstler" }, { "date": "2008-05-05", "videos": [ "http://thecolbertreport.cc.com/videos/nhsr7z/intro---5-05-08", "http://thecolbertreport.cc.com/videos/wtbn4l/time-s-2008-top-100-most-influential", "http://thecolbertreport.cc.com/videos/x20ttg/the-word---free-gas-", "http://thecolbertreport.cc.com/videos/oov14y/speed-racer", "http://thecolbertreport.cc.com/videos/91hddq/alpha-dog-of-the-week---911-operator", "http://thecolbertreport.cc.com/videos/2uj60r/carl-hiaasen", "http://thecolbertreport.cc.com/videos/k44vbf/rain-dance-off" ], "guest": "Carl Hiaasen" }, { "date": "2008-05-06", "videos": [ "http://thecolbertreport.cc.com/videos/e38w0k/intro---5-06-08", "http://thecolbertreport.cc.com/videos/e3fb1q/sexy-voice-study", "http://thecolbertreport.cc.com/videos/qy6hoq/the-word---collateral-friendage", "http://thecolbertreport.cc.com/videos/byyq8n/stephen-s-sound-advice---karl-s-advice", "http://thecolbertreport.cc.com/videos/y777b4/nathan-gunn" ], "guest": "Nathan Gunn" }, { "date": "2008-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/fk83lx/intro---5-07-08", "http://thecolbertreport.cc.com/videos/20qjta/stephen-colbert-s-shockettes", "http://thecolbertreport.cc.com/videos/su4v1v/terrorist-nelson-mandela", "http://thecolbertreport.cc.com/videos/07p71k/hasan-elahi", "http://thecolbertreport.cc.com/videos/bc4u9e/democralypse-now---justin-myers", "http://thecolbertreport.cc.com/videos/av0o9p/george-johnson" ], "guest": "Hasan Elahi, George Johnson" }, { "date": "2008-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/ey98z2/exclusive---stephen-vs--rain", "http://thecolbertreport.cc.com/videos/6wn8i5/garrett-reisman", "http://thecolbertreport.cc.com/videos/qnk6x8/gas-dollar", "http://thecolbertreport.cc.com/videos/txq3hp/arianna-huffington", "http://thecolbertreport.cc.com/videos/uafvva/r-i-p--albert-hoffman" ], "guest": "Arianna Huffington" }, { "date": "2008-05-12", "videos": [ "http://thecolbertreport.cc.com/videos/da4u0g/intro---5-12-08", "http://thecolbertreport.cc.com/videos/tj7sih/big-russ", "http://thecolbertreport.cc.com/videos/kdeptj/cold-war-update---russia", "http://thecolbertreport.cc.com/videos/k7k3ke/threatdown---cute-bears", "http://thecolbertreport.cc.com/videos/3i279j/dr--mehmet-oz" ], "guest": "Dr. Mehmet Oz" }, { "date": "2008-05-13", "videos": [ "http://thecolbertreport.cc.com/videos/oycul0/exclusive---better-know-a-lobby---brady-campaign-to-prevent-gun-violence", "http://thecolbertreport.cc.com/videos/1siped/intro---5-13-08", "http://thecolbertreport.cc.com/videos/mpq03a/hillary-drop-out", "http://thecolbertreport.cc.com/videos/qxr59r/bill-o-reilly-inside-edition", "http://thecolbertreport.cc.com/videos/np2mes/better-know-a-lobby---brady-campaign-to-prevent-gun-violence", "http://thecolbertreport.cc.com/videos/24b8xh/jennifer-hooper-mccarty" ], "guest": "Jennifer Hooper McCarty" }, { "date": "2008-05-14", "videos": [ "http://thecolbertreport.cc.com/videos/suewpq/intro---5-14-08", "http://thecolbertreport.cc.com/videos/fygt2g/edwards-supports-obama", "http://thecolbertreport.cc.com/videos/ry9ff3/who-s-not-honoring-me-now----science", "http://thecolbertreport.cc.com/videos/xnkjrq/the-word---declaration-of-warming", "http://thecolbertreport.cc.com/videos/gxghyw/laura-dern", "http://thecolbertreport.cc.com/videos/4tldfc/grover-norquist", "http://thecolbertreport.cc.com/videos/zujfq0/the-show-comes-to-an-end" ], "guest": "Laura Dern, Grover Norquist" }, { "date": "2008-05-15", "videos": [ "http://thecolbertreport.cc.com/videos/nkmoxa/intro---5-15-08", "http://thecolbertreport.cc.com/videos/ekfqs4/american-craft-beer-week", "http://thecolbertreport.cc.com/videos/wy0c00/edwards-endorses-obama", "http://thecolbertreport.cc.com/videos/scm34l/the-word---jail-sweet-jail", "http://thecolbertreport.cc.com/videos/ak0o7t/bears---balls---dollar-stores", "http://thecolbertreport.cc.com/videos/rarvxz/andrei-cherny" ], "guest": "Andrei Cherny" }, { "date": "2008-05-27", "videos": [ "http://thecolbertreport.cc.com/videos/v79z0o/intro---5-27-08", "http://thecolbertreport.cc.com/videos/k0kiom/fleet-week", "http://thecolbertreport.cc.com/videos/xuhumb/mccain-s-preachers", "http://thecolbertreport.cc.com/videos/dxmleo/tony-perkins", "http://thecolbertreport.cc.com/videos/o5c67w/brian-greene" ], "guest": "Tony Perkins, Brian Greene" }, { "date": "2008-05-28", "videos": [ "http://thecolbertreport.cc.com/videos/tuxwuw/intro---5-28-08", "http://thecolbertreport.cc.com/videos/euhkkf/microbe-beat-", "http://thecolbertreport.cc.com/videos/z1nl4c/the-word---brushback-pitch", "http://thecolbertreport.cc.com/videos/jhmlmk/cheating-death---liquid-launch", "http://thecolbertreport.cc.com/videos/ngaz1d/claire-mccaskill" ], "guest": "Sen. Claire McCaskill" }, { "date": "2008-05-29", "videos": [ "http://thecolbertreport.cc.com/videos/6wfa6q/intro---5-29-08", "http://thecolbertreport.cc.com/videos/79u1cf/shout-out----broken-space-toilet", "http://thecolbertreport.cc.com/videos/6735i1/democralypse-now---florida-and-michigan", "http://thecolbertreport.cc.com/videos/ug78n1/tad-devine", "http://thecolbertreport.cc.com/videos/lhma93/tip-wag---monetary-discrimination", "http://thecolbertreport.cc.com/videos/3qprbm/david-sirota", "http://thecolbertreport.cc.com/videos/g0kftc/sneak-preview" ], "guest": "Tad Devine, David Sirota" }, { "date": "2008-06-02", "videos": [ "http://thecolbertreport.cc.com/videos/hrlfp0/intro---6-02-08", "http://thecolbertreport.cc.com/videos/dvmsby/obama-s-church", "http://thecolbertreport.cc.com/videos/38jpc2/fire-at-universal", "http://thecolbertreport.cc.com/videos/jlvsj6/the-word---media-culpa", "http://thecolbertreport.cc.com/videos/8cygn0/colbert-platinum---private-jets", "http://thecolbertreport.cc.com/videos/p0u6f8/jon-paskowitz", "http://thecolbertreport.cc.com/videos/piym7c/final-thought" ], "guest": "Jon Paskowitz" }, { "date": "2008-06-03", "videos": [ "http://thecolbertreport.cc.com/videos/4vr7xb/intro---6-03-08", "http://thecolbertreport.cc.com/videos/o005k6/democratic-primaries-over", "http://thecolbertreport.cc.com/videos/viwun3/the-word---unhealthy-competition", "http://thecolbertreport.cc.com/videos/po30h9/stephen-s-sound-advice---summer-jobs", "http://thecolbertreport.cc.com/videos/xhigi4/george-will" ], "guest": "George Will" }, { "date": "2008-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/0w2khv/intro---6-04-08", "http://thecolbertreport.cc.com/videos/hfq15q/john-mccain-s-green-screen-challenge", "http://thecolbertreport.cc.com/videos/wsbc0i/libertarian-party---bob-barr", "http://thecolbertreport.cc.com/videos/sn90ui/salman-rushdie", "http://thecolbertreport.cc.com/videos/uji4o5/the-lost-o-reilly-tapes-pt--2" ], "guest": "Rep. Bob Barr, Salman Rushdie" }, { "date": "2008-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/yv02dd/intro---6-05-08", "http://thecolbertreport.cc.com/videos/n90wjr/the-andromeda-strain", "http://thecolbertreport.cc.com/videos/ugt12v/the-word---oh--the-places-you-ll-stay", "http://thecolbertreport.cc.com/videos/6nrkel/sport-report---mike-forrester", "http://thecolbertreport.cc.com/videos/ibt0j9/pat-buchanan" ], "guest": "Pat Buchanan" }, { "date": "2008-06-09", "videos": [ "http://thecolbertreport.cc.com/videos/qowh4f/intro---6-09-08", "http://thecolbertreport.cc.com/videos/icuy8o/democralypse-now---hillary-concedes", "http://thecolbertreport.cc.com/videos/numnri/the-word---if-at-first-you-don-t-secede", "http://thecolbertreport.cc.com/videos/vlab0d/threatdown---secret-negro-presidents", "http://thecolbertreport.cc.com/videos/gv27al/philip-weiss" ], "guest": "Phil Weiss" }, { "date": "2008-06-10", "videos": [ "http://thecolbertreport.cc.com/videos/705tqw/intro---6-10-08", "http://thecolbertreport.cc.com/videos/cbjixz/new-giant-iphone", "http://thecolbertreport.cc.com/videos/w5you4/tickling-the-rocks", "http://thecolbertreport.cc.com/videos/skw5sl/the-elitist-menace-among-us", "http://thecolbertreport.cc.com/videos/qhpj5f/smokin--pole---canada-s-hockey-theme", "http://thecolbertreport.cc.com/videos/9bdggo/alan-rabinowitz" ], "guest": "Alan Rabinowitz" }, { "date": "2008-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/373j1n/intro---6-11-08", "http://thecolbertreport.cc.com/videos/gbgmuk/israel-s-new-bird", "http://thecolbertreport.cc.com/videos/twddgu/the-word---u-s--airweighs", "http://thecolbertreport.cc.com/videos/pp8c40/un-american-news---u-s--election-edition", "http://thecolbertreport.cc.com/videos/zudzs0/david-hajdu", "http://thecolbertreport.cc.com/videos/idly59/memorized-script" ], "guest": "David Hajdu" }, { "date": "2008-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/mpfrre/intro---6-12-08", "http://thecolbertreport.cc.com/videos/nsgvgc/stephen-colbert-s-make-mccain-exciting-challenge-", "http://thecolbertreport.cc.com/videos/86su5q/winona-laduke", "http://thecolbertreport.cc.com/videos/qrbimj/we-the-mediator", "http://thecolbertreport.cc.com/videos/t6nh85/dickson-despommier" ], "guest": "Winona LaDuke, Dixon Despommier" }, { "date": "2008-06-16", "videos": [ "http://thecolbertreport.cc.com/videos/vnwwom/intro---6-16-08", "http://thecolbertreport.cc.com/videos/6vk2ye/tim-russert-tribute", "http://thecolbertreport.cc.com/videos/mpqoje/the-word---ploy-cott", "http://thecolbertreport.cc.com/videos/cqvvlk/the-enemy-within---wizard-teachers", "http://thecolbertreport.cc.com/videos/8xg385/kenneth-miller" ], "guest": "Kenneth R. Miller" }, { "date": "2008-06-17", "videos": [ "http://thecolbertreport.cc.com/videos/jfofbj/intro---6-17-08", "http://thecolbertreport.cc.com/videos/kwlu8o/peabody-award", "http://thecolbertreport.cc.com/videos/tapfcu/neal-katyal", "http://thecolbertreport.cc.com/videos/fuhy6f/sport-report---timbersports-championship", "http://thecolbertreport.cc.com/videos/vcz3hv/jonathan-zittrain", "http://thecolbertreport.cc.com/videos/ci1ljt/peabody-on-mantel" ], "guest": "Neal Katyal, Jonathan Zittrain" }, { "date": "2008-06-18", "videos": [ "http://thecolbertreport.cc.com/videos/b2ddmd/intro---6-18-08", "http://thecolbertreport.cc.com/videos/prx5o1/the-new-smurfs-movie", "http://thecolbertreport.cc.com/videos/ciovvr/the-word---lexicon-artist", "http://thecolbertreport.cc.com/videos/vtx5qc/barack-obama-s-church-search---dr--uma-mysorekar", "http://thecolbertreport.cc.com/videos/ir7gne/junot-diaz" ], "guest": "Dr. Uma Mysorekar, Junot Diaz" }, { "date": "2008-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/d6b6nb/intro---6-19-08", "http://thecolbertreport.cc.com/videos/6sj17e/shout-out---peabody-awards", "http://thecolbertreport.cc.com/videos/mr1053/sean-hannity-loves-america", "http://thecolbertreport.cc.com/videos/zcd35g/cookie-monster", "http://thecolbertreport.cc.com/videos/aytt4h/make-mccain-exciting-challenge---the-secret-of-mccain-s-brain", "http://thecolbertreport.cc.com/videos/m7daav/bishop-n-t--wright", "http://thecolbertreport.cc.com/videos/der3el/stephen-s-missing-peabody" ], "guest": "Bishop N.T. Wright" }, { "date": "2008-06-23", "videos": [ "http://thecolbertreport.cc.com/videos/ua8qbe/intro---6-23-08", "http://thecolbertreport.cc.com/videos/a4nt5i/wriststrong-anniversary", "http://thecolbertreport.cc.com/videos/kj72hq/the-word---black-and-white", "http://thecolbertreport.cc.com/videos/vlidof/tip-wag---barack-obama", "http://thecolbertreport.cc.com/videos/ymze92/barbara-ehrenreich", "http://thecolbertreport.cc.com/videos/1f40by/sign-off---time-for-stephen-to-watch" ], "guest": "Barbara Ehrenreich" }, { "date": "2008-06-24", "videos": [ "http://thecolbertreport.cc.com/videos/mhd7wr/intro---6-24-08", "http://thecolbertreport.cc.com/videos/n11h6w/hollywood-face-violence", "http://thecolbertreport.cc.com/videos/ov4362/oil-crisis", "http://thecolbertreport.cc.com/videos/hxtoyj/the-word---bleep", "http://thecolbertreport.cc.com/videos/f5yznc/dr--jason-bond", "http://thecolbertreport.cc.com/videos/ilejmp/will-smith" ], "guest": "Jason Bond, Will Smith" }, { "date": "2008-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/mdtg3q/intro---6-25-08", "http://thecolbertreport.cc.com/videos/q0qc77/paul-goldberger", "http://thecolbertreport.cc.com/videos/ajsxzq/judge--jury---executioner---whales", "http://thecolbertreport.cc.com/videos/zucjth/neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/2r47v6/stephen-s-gun" ], "guest": "Paul Goldberger, Neil deGrasse Tyson" }, { "date": "2008-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/gvc60t/intro---6-26-08", "http://thecolbertreport.cc.com/videos/038ej3/stephen-and-sweetness", "http://thecolbertreport.cc.com/videos/txteih/the-tank-is-half-full---criminals", "http://thecolbertreport.cc.com/videos/hdan1z/difference-makers---steve-pelkey", "http://thecolbertreport.cc.com/videos/6vucxh/robert-wexler", "http://thecolbertreport.cc.com/videos/s7cul5/stephen-packs-for-his-trip" ], "guest": "Rep. Robert Wexler" }, { "date": "2008-07-14", "videos": [ "http://thecolbertreport.cc.com/videos/a4vl00/intro---7-14-08", "http://thecolbertreport.cc.com/videos/t1ic5h/belgians-buy-budweiser", "http://thecolbertreport.cc.com/videos/e8zxmm/the-word---priceless", "http://thecolbertreport.cc.com/videos/6fnysv/barack-obama-s-church-search---lama-surya-das", "http://thecolbertreport.cc.com/videos/iuafl5/daniel-c--esty", "http://thecolbertreport.cc.com/videos/zeelo6/one-last-sip" ], "guest": "Lama Surya Das, Daniel C. Esty" }, { "date": "2008-07-15", "videos": [ "http://thecolbertreport.cc.com/videos/btd58c/intro---7-15-08", "http://thecolbertreport.cc.com/videos/iojfbw/the-new-yorker-cover", "http://thecolbertreport.cc.com/videos/4r3fs4/julia-e--sweig", "http://thecolbertreport.cc.com/videos/slbivd/difference-makers---donald-trump", "http://thecolbertreport.cc.com/videos/w3v1ei/jason-riley" ], "guest": "Julia E. Sweig, Jason Riley" }, { "date": "2008-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/apzepe/intro---7-16-08", "http://thecolbertreport.cc.com/videos/nxgrjc/rush-is-here", "http://thecolbertreport.cc.com/videos/u9v0kj/the-word---placebo", "http://thecolbertreport.cc.com/videos/r6ylvr/alpha-dog-of-the-week---george-w--bush" ], "guest": "Rush" }, { "date": "2008-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/fv156w/intro---7-17-08", "http://thecolbertreport.cc.com/videos/hy6e1y/ofec", "http://thecolbertreport.cc.com/videos/fdazma/tip-wag---9-11-billboard", "http://thecolbertreport.cc.com/videos/75y9kg/green-screen-challenge---bill-o-reilly-rant", "http://thecolbertreport.cc.com/videos/ti6y23/elizabeth-edwards", "http://thecolbertreport.cc.com/videos/2i4pii/esquire-cover" ], "guest": "Elizabeth Edwards" }, { "date": "2008-07-21", "videos": [ "http://thecolbertreport.cc.com/videos/ypasrv/exclusive---better-know-a-lobby---sierra-club", "http://thecolbertreport.cc.com/videos/298hev/intro---7-21-08", "http://thecolbertreport.cc.com/videos/2uxo91/barack-obama-s-elitist-summer-abroad", "http://thecolbertreport.cc.com/videos/ytt7lh/better-know-a-lobby---sierra-club", "http://thecolbertreport.cc.com/videos/7zt9o1/jim-webb" ], "guest": "Sen. Jim Webb" }, { "date": "2008-07-22", "videos": [ "http://thecolbertreport.cc.com/videos/isgn6o/intro---7-22-08", "http://thecolbertreport.cc.com/videos/5us80y/obama-s-trip", "http://thecolbertreport.cc.com/videos/twxrmk/the-word---fight-to-the-furnish", "http://thecolbertreport.cc.com/videos/g536lz/elton-john-s-new-ice-cream", "http://thecolbertreport.cc.com/videos/dqvjy7/south-carolina-is-so-gay", "http://thecolbertreport.cc.com/videos/ypbiy1/margaret-spellings" ], "guest": "Margaret Spellings" }, { "date": "2008-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/ephzov/intro---7-23-08", "http://thecolbertreport.cc.com/videos/008wql/starbucks-closings", "http://thecolbertreport.cc.com/videos/ckerul/the-word---join-the-european-union", "http://thecolbertreport.cc.com/videos/p099m0/colorofchange-org-petition", "http://thecolbertreport.cc.com/videos/ef4747/nas-pt--1" ], "guest": "Nas" }, { "date": "2008-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/9e4ipx/intro---7-24-08", "http://thecolbertreport.cc.com/videos/mzk1jw/john-mccain-s-sausage-party", "http://thecolbertreport.cc.com/videos/y6db2n/laurie-goodstein", "http://thecolbertreport.cc.com/videos/oyh9ck/threatdown---greek-courts", "http://thecolbertreport.cc.com/videos/qkxsxv/garrett-reisman", "http://thecolbertreport.cc.com/videos/my4p2n/decoder-rings" ], "guest": "Laurie Goodstein, Garrett Reisman" }, { "date": "2008-07-28", "videos": [ "http://thecolbertreport.cc.com/videos/5mv6ij/intro---7-28-08", "http://thecolbertreport.cc.com/videos/ahi7x5/obama-returns", "http://thecolbertreport.cc.com/videos/n5o1z2/heroic-refusal-to-discuss-robert-novak", "http://thecolbertreport.cc.com/videos/wksh33/trigger-happy---d-c--v--heller", "http://thecolbertreport.cc.com/videos/2fxv2r/toby-keith" ], "guest": "Toby Keith" }, { "date": "2008-07-29", "videos": [ "http://thecolbertreport.cc.com/videos/8y4ush/intro---7-29-08", "http://thecolbertreport.cc.com/videos/ft9iza/mccain-s-mustache", "http://thecolbertreport.cc.com/videos/je97nz/the-word---honest-belief", "http://thecolbertreport.cc.com/videos/079fu3/better-know-a-district---new-york-s-14th---carolyn-maloney", "http://thecolbertreport.cc.com/videos/4pok23/eric-roston" ], "guest": "Eric Roston" }, { "date": "2008-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/aej937/intro---7-30-08", "http://thecolbertreport.cc.com/videos/0igq3j/fat-cat", "http://thecolbertreport.cc.com/videos/z8lld1/the-word---save-ferris", "http://thecolbertreport.cc.com/videos/77hd54/spiders-for-stephen-", "http://thecolbertreport.cc.com/videos/9riu8g/canton-apology", "http://thecolbertreport.cc.com/videos/paplnu/crosby--stills---nash-pt--1" ], "guest": "Crosby, Stills &amp; Nash" }, { "date": "2008-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/2yeaq8/intro---7-31-08", "http://thecolbertreport.cc.com/videos/cy7kpu/starbucks-cuts-jobs", "http://thecolbertreport.cc.com/videos/evgv9c/brendan-koerner", "http://thecolbertreport.cc.com/videos/3pi9ch/cheating-death---swimming-safety", "http://thecolbertreport.cc.com/videos/k8sku2/buzz-aldrin", "http://thecolbertreport.cc.com/videos/xrkpup/thanks-to-the-guests" ], "guest": "Brendan I. Koerner, Buzz Aldrin" }, { "date": "2008-08-04", "videos": [ "http://thecolbertreport.cc.com/videos/y56p3h/intro---8-4-08", "http://thecolbertreport.cc.com/videos/j7c1ly/democrats--five-week-recess", "http://thecolbertreport.cc.com/videos/n4qhgk/the-word---we-the-people", "http://thecolbertreport.cc.com/videos/gjy6co/ryan-seacrest-s-shark-attack", "http://thecolbertreport.cc.com/videos/j0iwzv/lucas-conley" ], "guest": "Lucas Conley, The Apples in Stereo" }, { "date": "2008-08-05", "videos": [ "http://thecolbertreport.cc.com/videos/0b9ndt/intro---8-5-08", "http://thecolbertreport.cc.com/videos/a60qui/starbucks-promotion", "http://thecolbertreport.cc.com/videos/ts3set/obama-s-energy-plan---tire-gauges", "http://thecolbertreport.cc.com/videos/c8orpt/the-word---divided-we-win", "http://thecolbertreport.cc.com/videos/u7dbu9/canton--kansas-apology", "http://thecolbertreport.cc.com/videos/sw0u58/david-carr", "http://thecolbertreport.cc.com/videos/zghj54/obsessive-compulsive-checklist" ], "guest": "David Carr" }, { "date": "2008-08-06", "videos": [ "http://thecolbertreport.cc.com/videos/j12mau/intro---8-6-08", "http://thecolbertreport.cc.com/videos/ad4cbz/ignorance-history-month", "http://thecolbertreport.cc.com/videos/v2zmtk/spida-of-love---jason-bond", "http://thecolbertreport.cc.com/videos/luli3g/colbert-platinum---the-dribble-down-effect", "http://thecolbertreport.cc.com/videos/3pe5h3/kevin-costner", "http://thecolbertreport.cc.com/videos/ot8cw0/spanish-audio" ], "guest": "Jason Bond, Kevin Costner" }, { "date": "2008-08-07", "videos": [ "http://thecolbertreport.cc.com/videos/bxoz3a/intro---8-7-08", "http://thecolbertreport.cc.com/videos/e6qhsv/osama-bin-laden-s-driver-guilty", "http://thecolbertreport.cc.com/videos/f3opxi/sport-report---devin-gordon", "http://thecolbertreport.cc.com/videos/6u4m61/tip-wag---exxon-s-record-profits", "http://thecolbertreport.cc.com/videos/dmymte/thomas-frank", "http://thecolbertreport.cc.com/videos/iwrdpe/reading-newsweek" ], "guest": "Devin Gordon, Thomas Frank" }, { "date": "2008-08-11", "videos": [ "http://thecolbertreport.cc.com/videos/jk0e27/intro---8-11-08", "http://thecolbertreport.cc.com/videos/riwpa4/esteban-loves-jorge-ramos", "http://thecolbertreport.cc.com/videos/bfwvvn/the-word---catharsis", "http://thecolbertreport.cc.com/videos/txv0gu/nailed--em---medical-marijuana", "http://thecolbertreport.cc.com/videos/8j40t0/jorge-ramos", "http://thecolbertreport.cc.com/videos/b7houz/stephen-wants-snacks" ], "guest": "Jorge Ramos" }, { "date": "2008-08-12", "videos": [ "http://thecolbertreport.cc.com/videos/kt49i5/intro---8-12-08", "http://thecolbertreport.cc.com/videos/zgupdj/unsubstantiated-rumors", "http://thecolbertreport.cc.com/videos/6d57uu/olympic-opening-ceremony", "http://thecolbertreport.cc.com/videos/5njkui/joey-cheek", "http://thecolbertreport.cc.com/videos/jhg2wn/canton--south-dakota-apology", "http://thecolbertreport.cc.com/videos/bv3152/jane-mayer", "http://thecolbertreport.cc.com/videos/dwnfyl/reading-the-national-enquirer" ], "guest": "Joey Cheek, Jane Mayer" }, { "date": "2008-08-13", "videos": [ "http://thecolbertreport.cc.com/videos/o7nbb7/intro---8-13-08", "http://thecolbertreport.cc.com/videos/zewvls/stephen-s-world-record", "http://thecolbertreport.cc.com/videos/3ae93q/john-mccain-steals-from-wikipedia", "http://thecolbertreport.cc.com/videos/htzkd9/the-word---blame-monica-goodling", "http://thecolbertreport.cc.com/videos/1clyqz/formidable-opponent---offshore-drilling", "http://thecolbertreport.cc.com/videos/yplzsy/dick-meyer", "http://thecolbertreport.cc.com/videos/x9tyb8/goodbye-from-wprg" ], "guest": "Dick Meyer" }, { "date": "2008-08-14", "videos": [ "http://thecolbertreport.cc.com/videos/481cqy/intro---8-14-08", "http://thecolbertreport.cc.com/videos/0gs1a9/jeopardy-shout-out", "http://thecolbertreport.cc.com/videos/s99fxp/threatdown---killer-iphones", "http://thecolbertreport.cc.com/videos/9x55ta/the-1952-helsinki-games---the-reindeer-roars", "http://thecolbertreport.cc.com/videos/ebnqyp/bing-west", "http://thecolbertreport.cc.com/videos/h0yxjt/gold-medals" ], "guest": "Bing West" }, { "date": "2008-08-26", "videos": [ "http://thecolbertreport.cc.com/videos/r6ivli/intro---8-26-08", "http://thecolbertreport.cc.com/videos/zpxtn2/burning-man-festival-confusion", "http://thecolbertreport.cc.com/videos/ez5jp1/michelle-obama-s-speech", "http://thecolbertreport.cc.com/videos/tojy8p/anniversary-pandering", "http://thecolbertreport.cc.com/videos/ax1v4e/bob-barr", "http://thecolbertreport.cc.com/videos/f120f5/scott-mcclellan", "http://thecolbertreport.cc.com/videos/twqqkj/up-next" ], "guest": "Rep. Bob Barr, Scott McClellan" }, { "date": "2008-08-27", "videos": [ "http://thecolbertreport.cc.com/videos/mb4pgm/intro---8-27-08", "http://thecolbertreport.cc.com/videos/63yvi3/live-from-dynasty", "http://thecolbertreport.cc.com/videos/xfzios/hillary-clinton-supports-barack-obama", "http://thecolbertreport.cc.com/videos/m1mag5/repo-man", "http://thecolbertreport.cc.com/videos/402muh/mike-huckabee", "http://thecolbertreport.cc.com/videos/llvqjv/stephanie-tubbs-jones-tribute" ], "guest": "Gov. Mike Huckabee" }, { "date": "2008-08-28", "videos": [ "http://thecolbertreport.cc.com/videos/ua1ppo/intro---8-28-08", "http://thecolbertreport.cc.com/videos/9lke5e/high-altitude-brownies", "http://thecolbertreport.cc.com/videos/53s26i/the-word---acid-flashback", "http://thecolbertreport.cc.com/videos/kmna3f/dnc-formal-roll-call", "http://thecolbertreport.cc.com/videos/eifqog/richard-brookhiser", "http://thecolbertreport.cc.com/videos/c42fhd/stephen-s-brownies" ], "guest": "Rick Brookhiser" }, { "date": "2008-08-29", "videos": [ "http://thecolbertreport.cc.com/videos/7p5vgn/intro---8-29-08", "http://thecolbertreport.cc.com/videos/ctsiz5/sarah-palin-for-vp", "http://thecolbertreport.cc.com/videos/9os3w0/better-know-a-lobby---secular-coalition-for-america", "http://thecolbertreport.cc.com/videos/rufbl6/john-mcwhorter", "http://thecolbertreport.cc.com/videos/bzvjxb/revenge-of-the-styrofoam-cups" ], "guest": "John McWhorter" }, { "date": "2008-09-02", "videos": [ "http://thecolbertreport.cc.com/videos/hp450x/intro---9-2-08", "http://thecolbertreport.cc.com/videos/8tw46w/stephen-from-four-years-ago", "http://thecolbertreport.cc.com/videos/rf8uos/the-word---that-s-the-ticket", "http://thecolbertreport.cc.com/videos/gmnlx9/green-screen-challenge---last-shot", "http://thecolbertreport.cc.com/videos/f81p33/laura-d-andrea-tyson", "http://thecolbertreport.cc.com/videos/xhysj6/blowing-your-mind" ], "guest": "Laura D'Andrea Tyson" }, { "date": "2008-09-03", "videos": [ "http://thecolbertreport.cc.com/videos/gujtwh/intro---9-3-08", "http://thecolbertreport.cc.com/videos/kepht9/stephen-is-in-new-orleans", "http://thecolbertreport.cc.com/videos/sbatmc/rnc-tuesday", "http://thecolbertreport.cc.com/videos/awnw4i/susan-eisenhower-endorses-obama", "http://thecolbertreport.cc.com/videos/4cdiam/john-mccain--her-story", "http://thecolbertreport.cc.com/videos/x8u7qp/doris-kearns-goodwin", "http://thecolbertreport.cc.com/videos/rk1eeg/who-wants-beads-" ], "guest": "Doris Kearns Goodwin" }, { "date": "2008-09-04", "videos": [ "http://thecolbertreport.cc.com/videos/nvj1zq/intro---9-4-08", "http://thecolbertreport.cc.com/videos/1cwp12/stuck-in-atlanta-airport", "http://thecolbertreport.cc.com/videos/kyo8u3/adam-brickley", "http://thecolbertreport.cc.com/videos/c6ux4z/tip-wag---rnc-edition", "http://thecolbertreport.cc.com/videos/yywrwl/ron-paul", "http://thecolbertreport.cc.com/videos/kwoupb/flight-out-of-atlanta" ], "guest": "Adam Brickley, Ron Paul" }, { "date": "2008-09-05", "videos": [ "http://thecolbertreport.cc.com/videos/pg1oxm/intro---9-5-08", "http://thecolbertreport.cc.com/videos/2rjlbj/stephen-missed-the-convention", "http://thecolbertreport.cc.com/videos/njb4bu/green-screen-challenge---john-mccain-s-acceptance-speech", "http://thecolbertreport.cc.com/videos/zk7gig/better-know-a-district---georgia-s-8th---lynn-westmoreland-update", "http://thecolbertreport.cc.com/videos/xeizbt/david-paterson", "http://thecolbertreport.cc.com/videos/u3k61y/green-screen-challenge---go-nuts" ], "guest": "Gov. David Paterson" }, { "date": "2008-09-15", "videos": [ "http://thecolbertreport.cc.com/videos/jshk87/exclusive---charlene--i-m-right-behind-you----rock-band-2", "http://thecolbertreport.cc.com/videos/jfwpwo/intro---9-15-08", "http://thecolbertreport.cc.com/videos/7yzozt/colbert-shopping-network", "http://thecolbertreport.cc.com/videos/f9h01l/the-word---how-dare-you-", "http://thecolbertreport.cc.com/videos/r0u91k/colbert-platinum---supermodel-statue", "http://thecolbertreport.cc.com/videos/ihx562/peter-j--gomes", "http://thecolbertreport.cc.com/videos/4ebszq/another-episode" ], "guest": "Rev. Peter J. Gomes" }, { "date": "2008-09-16", "videos": [ "http://thecolbertreport.cc.com/videos/urn1ti/intro---9-16-08", "http://thecolbertreport.cc.com/videos/k0bsca/financial-advice-from-gorlock", "http://thecolbertreport.cc.com/videos/mkpl4k/tyson-slocum", "http://thecolbertreport.cc.com/videos/75xh2f/threatdown---icebergs-", "http://thecolbertreport.cc.com/videos/3tm40j/rick-reilly", "http://thecolbertreport.cc.com/videos/vnf5o3/thirty-minutes" ], "guest": "Tyson Slocum, Rick Reilly" }, { "date": "2008-09-17", "videos": [ "http://thecolbertreport.cc.com/videos/4l5nqm/intro---9-17-08", "http://thecolbertreport.cc.com/videos/y012iz/mccain-attacks-obama", "http://thecolbertreport.cc.com/videos/kyb0cu/the-word---powerless", "http://thecolbertreport.cc.com/videos/n6eo9j/country-first", "http://thecolbertreport.cc.com/videos/uwjjvf/bob-lutz", "http://thecolbertreport.cc.com/videos/3odd8c/stephen---the-colberts--music-video" ], "guest": "Bob Lutz" }, { "date": "2008-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/crbm2j/intro---9-18-08", "http://thecolbertreport.cc.com/videos/1jklj8/stephen-wants-an-emmy", "http://thecolbertreport.cc.com/videos/j1rb59/smokin--pole---american-arctic-expert", "http://thecolbertreport.cc.com/videos/jgr23t/richard-garriott-takes-stephen-to-space", "http://thecolbertreport.cc.com/videos/r2z9cm/maria-bartiromo", "http://thecolbertreport.cc.com/videos/f0iah5/off-to-the-emmys" ], "guest": "Maria Bartiromo" }, { "date": "2008-09-23", "videos": [ "http://thecolbertreport.cc.com/videos/s3o9jz/intro---9-23-08", "http://thecolbertreport.cc.com/videos/ikji5j/stephen-loses-to-don-rickles", "http://thecolbertreport.cc.com/videos/vj8wko/the-word---ohmygodsocietyiscollapsing---", "http://thecolbertreport.cc.com/videos/bna75w/peter-grosz-insults", "http://thecolbertreport.cc.com/videos/iscpss/john-mccain-s-theme-song", "http://thecolbertreport.cc.com/videos/8uwmb0/jackson-browne" ], "guest": "Jackson Browne" }, { "date": "2008-09-24", "videos": [ "http://thecolbertreport.cc.com/videos/5k16zp/intro---9-24-08", "http://thecolbertreport.cc.com/videos/zxun4o/stephen-suspends-the-show", "http://thecolbertreport.cc.com/videos/y03i0s/joe-nocera", "http://thecolbertreport.cc.com/videos/ug1eaa/alpha-dog-of-the-week---bill-bennett", "http://thecolbertreport.cc.com/videos/m77ip1/cornel-west", "http://thecolbertreport.cc.com/videos/5lq5u2/colbertnation-com" ], "guest": "Joe Nocera, Cornel West" }, { "date": "2008-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/c2lklm/intro---9-25-08", "http://thecolbertreport.cc.com/videos/n6lmpg/stephen-settles-the-debate---fdr-vs--tr", "http://thecolbertreport.cc.com/videos/k6o1ga/now-s-presidential-endorsement---kim-gandy", "http://thecolbertreport.cc.com/videos/bqde8h/nicholas-carr", "http://thecolbertreport.cc.com/videos/c44c8h/one-more-thing" ], "guest": "Nicholas Carr" }, { "date": "2008-09-29", "videos": [ "http://thecolbertreport.cc.com/videos/1c54hn/intro---9-29-08", "http://thecolbertreport.cc.com/videos/05f4cg/the-first-debate-winner", "http://thecolbertreport.cc.com/videos/bweuwc/the-word---ye-of-little-faith", "http://thecolbertreport.cc.com/videos/cgij7r/cheating-death---car-bacteria", "http://thecolbertreport.cc.com/videos/vp621m/paul-begala", "http://thecolbertreport.cc.com/videos/gpa8yw/good-night" ], "guest": "Paul Begala" }, { "date": "2008-09-30", "videos": [ "http://thecolbertreport.cc.com/videos/y8hkhe/intro---9-30-08", "http://thecolbertreport.cc.com/videos/9st6mt/partisanship-kills-the-bailout", "http://thecolbertreport.cc.com/videos/f9oh9q/prescott-oil-loves-the-earth", "http://thecolbertreport.cc.com/videos/d0zdru/tip-wag---wall-street-jagoffs", "http://thecolbertreport.cc.com/videos/j67wur/out-of-time" ], "guest": "James Taylor" }, { "date": "2008-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/t7tnvd/exclusive---nas-plays-rock-band", "http://thecolbertreport.cc.com/videos/y8hkhe/intro---9-30-08", "http://thecolbertreport.cc.com/videos/9st6mt/partisanship-kills-the-bailout", "http://thecolbertreport.cc.com/videos/f9oh9q/prescott-oil-loves-the-earth", "http://thecolbertreport.cc.com/videos/d0zdru/tip-wag---wall-street-jagoffs", "http://thecolbertreport.cc.com/videos/j67wur/out-of-time" ], "guest": "Dave Levin" }, { "date": "2008-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/eqbu4l/intro---10-01-08", "http://thecolbertreport.cc.com/videos/ovyu4c/campbell-s-soup-stock", "http://thecolbertreport.cc.com/videos/bhfa94/the-word---future-perfect", "http://thecolbertreport.cc.com/videos/86s1x0/colbert-teen-talk---voter-abstinence", "http://thecolbertreport.cc.com/videos/1v6olb/dave-levin", "http://thecolbertreport.cc.com/videos/e5ngk1/you-snooze--you-lose" ], "guest": "Dave Levin" }, { "date": "2008-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/zc7pti/intro---10-02-08", "http://thecolbertreport.cc.com/videos/jwi5c6/stephen-shoots-an-audience-member", "http://thecolbertreport.cc.com/videos/nkfn9g/shakespearean-candidates---stephen-greenblatt", "http://thecolbertreport.cc.com/videos/9cm5sl/formidable-opponent---business-syphilis", "http://thecolbertreport.cc.com/videos/kvfh5w/naomi-klein", "http://thecolbertreport.cc.com/videos/xsttzx/that-s-all-she-wrote" ], "guest": "Stephen Greenblatt, Naomi Klein" }, { "date": "2008-10-06", "videos": [ "http://thecolbertreport.cc.com/videos/xxiviw/intro---10-6-08", "http://thecolbertreport.cc.com/videos/1hb3kb/oj-simpson-guilty", "http://thecolbertreport.cc.com/videos/qlbk95/the-word---maverick-without-a-cause", "http://thecolbertreport.cc.com/videos/qnwvgs/un-american-news---financial-edition", "http://thecolbertreport.cc.com/videos/tn9q1r/jim-cramer", "http://thecolbertreport.cc.com/videos/gpjjik/life-drawing-lesson" ], "guest": "Jim Cramer" }, { "date": "2008-10-07", "videos": [ "http://thecolbertreport.cc.com/videos/lr7n1e/intro---10-7-08", "http://thecolbertreport.cc.com/videos/ehcjcu/stephen-s-town-hall", "http://thecolbertreport.cc.com/videos/yulr8u/threatdown---zombies", "http://thecolbertreport.cc.com/videos/e56sfz/the-red-lending-menace", "http://thecolbertreport.cc.com/videos/xoy3ny/nate-silver", "http://thecolbertreport.cc.com/videos/0t800l/phone-book" ], "guest": "Nate Silver" }, { "date": "2008-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/wnllod/intro---10-08-08", "http://thecolbertreport.cc.com/videos/rb63v8/town-hall-fashion-apology", "http://thecolbertreport.cc.com/videos/pmvhoi/the-second-presidential-debate", "http://thecolbertreport.cc.com/videos/r8hb9t/atone-phone---gilbert-gottfried", "http://thecolbertreport.cc.com/videos/7943ea/joe-scarborough", "http://thecolbertreport.cc.com/videos/02dsh7/stephen-s-post-show-routine" ], "guest": "Joe Scarborough" }, { "date": "2008-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/cbxmlr/intro---10-09-08", "http://thecolbertreport.cc.com/videos/l3uq93/dismayed-stockbroker-photos", "http://thecolbertreport.cc.com/videos/pqsng6/campaign-personal-attacks---david-gergen", "http://thecolbertreport.cc.com/videos/f6283x/who-s-not-honoring-me-now----nepal", "http://thecolbertreport.cc.com/videos/ge3feb/oliver-stone", "http://thecolbertreport.cc.com/videos/w87c40/bad-news" ], "guest": "David Gergen, Oliver Stone" }, { "date": "2008-10-13", "videos": [ "http://thecolbertreport.cc.com/videos/5c0f2m/intro---10-13-08", "http://thecolbertreport.cc.com/videos/fnytnd/mccain-crossword-clue", "http://thecolbertreport.cc.com/videos/1jl5yn/the-computer-menace---bethany-mclean", "http://thecolbertreport.cc.com/videos/1goeih/bears---balls---salt-based-economy", "http://thecolbertreport.cc.com/videos/gyyaxy/kathleen-parker", "http://thecolbertreport.cc.com/videos/6y4q65/happy-birthday" ], "guest": "Bethany McLean, Kathleen Parker" }, { "date": "2008-10-14", "videos": [ "http://thecolbertreport.cc.com/videos/n5hrc3/intro---10-14-08", "http://thecolbertreport.cc.com/videos/7pd7zc/paul-krugman-s-nobel-prize", "http://thecolbertreport.cc.com/videos/r0q5ve/the-word---p-o-w-", "http://thecolbertreport.cc.com/videos/pfbd0x/tip-wag---palin-s-newsweek-cover", "http://thecolbertreport.cc.com/videos/usq8wp/joseph-stiglitz", "http://thecolbertreport.cc.com/videos/lvn4rk/good-night" ], "guest": "Joseph Stiglitz" }, { "date": "2008-10-15", "videos": [ "http://thecolbertreport.cc.com/videos/zwbmit/intro---10-15-08", "http://thecolbertreport.cc.com/videos/9308mk/kfc-snacker", "http://thecolbertreport.cc.com/videos/l7yb6p/the-word---freaky-three-way-calling", "http://thecolbertreport.cc.com/videos/4e7lhp/sport-report---lame-sports-edition", "http://thecolbertreport.cc.com/videos/38m5c1/tina-brown", "http://thecolbertreport.cc.com/videos/8g4g6k/chest-tivo" ], "guest": "Tina Brown" }, { "date": "2008-10-16", "videos": [ "http://thecolbertreport.cc.com/videos/wiiett/intro---10-16-08", "http://thecolbertreport.cc.com/videos/clx1g3/the-final-debate", "http://thecolbertreport.cc.com/videos/irar1b/portrait-accepted---brent-glass", "http://thecolbertreport.cc.com/videos/vhpq80/robert-greenwald", "http://thecolbertreport.cc.com/videos/dtl1jb/a-new-portrait" ], "guest": "Brent Glass, Robert Greenwald" }, { "date": "2008-10-20", "videos": [ "http://thecolbertreport.cc.com/videos/icr62o/intro---10-20-08", "http://thecolbertreport.cc.com/videos/hztig3/colin-powell-endorses-barack-obama", "http://thecolbertreport.cc.com/videos/m2bwgq/fareed-zakaria", "http://thecolbertreport.cc.com/videos/f1sjmz/colbert-aluminum---paris", "http://thecolbertreport.cc.com/videos/ihme7b/wynton-marsalis", "http://thecolbertreport.cc.com/videos/1zx8mm/good-night" ], "guest": "Fareed Zakaria, Wynton Marsalis" }, { "date": "2008-10-21", "videos": [ "http://thecolbertreport.cc.com/videos/ipzwmk/intro---10-21-08", "http://thecolbertreport.cc.com/videos/1q0lgd/stephen-jr--campaigns-for-mccain", "http://thecolbertreport.cc.com/videos/6mt8jf/the-word---fantasyland", "http://thecolbertreport.cc.com/videos/yf6nbq/battle-of-the-gods", "http://thecolbertreport.cc.com/videos/ajdj8y/atone-phone---the-pony-down", "http://thecolbertreport.cc.com/videos/2f3tuj/michael-farris", "http://thecolbertreport.cc.com/videos/gsnyc0/another-one-tomorrow" ], "guest": "Michael Farris" }, { "date": "2008-10-22", "videos": [ "http://thecolbertreport.cc.com/videos/zfo3j9/intro---10-22-08", "http://thecolbertreport.cc.com/videos/bnfehb/mccain-loves-the-middle-class", "http://thecolbertreport.cc.com/videos/2fhvot/too-much-political-knowledge", "http://thecolbertreport.cc.com/videos/l9sa9k/movies-that-are-destroying-america---quantum-of-solace", "http://thecolbertreport.cc.com/videos/bfif72/david-frum", "http://thecolbertreport.cc.com/videos/zijniy/thanks-to-cedric-the-entertainer" ], "guest": "David Frum" }, { "date": "2008-10-23", "videos": [ "http://thecolbertreport.cc.com/videos/4fsdf9/intro---10-23-08", "http://thecolbertreport.cc.com/videos/mxdemq/the-palins-in-people-magazine", "http://thecolbertreport.cc.com/videos/9r8mtw/threatdown---who-s-nailin--paylin", "http://thecolbertreport.cc.com/videos/d9d59e/difference-makers---the-national-hummer-club", "http://thecolbertreport.cc.com/videos/vu40sp/jonathan-alter", "http://thecolbertreport.cc.com/videos/4q4n65/a-short-goodbye" ], "guest": "Jonathan Alter" }, { "date": "2008-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/59kvnn/intro---10-27-08", "http://thecolbertreport.cc.com/videos/o5x5iu/mccain-guarantees-victory", "http://thecolbertreport.cc.com/videos/05r6nq/the-word---it-s-alive-", "http://thecolbertreport.cc.com/videos/7g8kx1/alpha-dog-of-the-week---mark-ciptak", "http://thecolbertreport.cc.com/videos/fnuvdv/yo-yo-ma" ], "guest": "Yo-Yo Ma" }, { "date": "2008-10-28", "videos": [ "http://thecolbertreport.cc.com/videos/ghj64m/intro---10-28-08", "http://thecolbertreport.cc.com/videos/xk09yu/ted-stevens-is-found-guilty", "http://thecolbertreport.cc.com/videos/7j217q/obama-the-socialist", "http://thecolbertreport.cc.com/videos/bxzmkn/socialist-candidate-for-president---brian-moore", "http://thecolbertreport.cc.com/videos/wz2u1e/canton--ohio", "http://thecolbertreport.cc.com/videos/ytg04i/sherman-alexie", "http://thecolbertreport.cc.com/videos/jz4m1g/tickets-to-canada" ], "guest": "Brian Moore, Sherman Alexie" }, { "date": "2008-10-29", "videos": [ "http://thecolbertreport.cc.com/videos/ix1wn7/intro---10-29-08", "http://thecolbertreport.cc.com/videos/ks5pt8/john-mccain-s-big-prank", "http://thecolbertreport.cc.com/videos/7qwbk4/the-word---i-endorse-barack-obama", "http://thecolbertreport.cc.com/videos/k5qv33/was-it-really-that-bad----the-great-depression", "http://thecolbertreport.cc.com/videos/cxwcsb/david-simon", "http://thecolbertreport.cc.com/videos/prhqai/colbert-completists" ], "guest": "David Simon" }, { "date": "2008-10-30", "videos": [ "http://thecolbertreport.cc.com/videos/9sqk1r/intro---10-30-08", "http://thecolbertreport.cc.com/videos/b7m8ic/obama-infomercial", "http://thecolbertreport.cc.com/videos/7mbhhk/tip-wag---apple-computers", "http://thecolbertreport.cc.com/videos/tiopht/the-dacolbert-code---the-election", "http://thecolbertreport.cc.com/videos/ugfx1s/wilco-interview" ], "guest": "Wilco" }, { "date": "2008-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/gc439u/intro---11-03-08", "http://thecolbertreport.cc.com/videos/jtvn9v/2008-campaign-winners-and-losers", "http://thecolbertreport.cc.com/videos/q31c3b/charlie-cook", "http://thecolbertreport.cc.com/videos/syw57q/how-to-be-a-maverick", "http://thecolbertreport.cc.com/videos/3lix4b/andrew-sullivan", "http://thecolbertreport.cc.com/videos/5snsio/election-eve-prayer" ], "guest": "Charlie Cook, Andrew Sullivan" }, { "date": "2008-11-05", "videos": [ "http://thecolbertreport.cc.com/videos/deihkn/intro---11-05-08", "http://thecolbertreport.cc.com/videos/ek3v6r/president-obama", "http://thecolbertreport.cc.com/videos/p698of/the-word---change", "http://thecolbertreport.cc.com/videos/b3gurg/threatdown---black-presidents", "http://thecolbertreport.cc.com/videos/1bpyxl/andrew-young", "http://thecolbertreport.cc.com/videos/wmwkia/note-to-gorlock" ], "guest": "Ambassador Andrew Young" }, { "date": "2008-11-06", "videos": [ "http://thecolbertreport.cc.com/videos/jvmllx/intro---11-06-08", "http://thecolbertreport.cc.com/videos/8cjwkf/obama-s-spider-battle", "http://thecolbertreport.cc.com/videos/91wunt/un-american-news---obama-edition", "http://thecolbertreport.cc.com/videos/aedolr/fallback-position---peter-earnest-pt--1", "http://thecolbertreport.cc.com/videos/tp44lf/rachel-maddow" ], "guest": "Rachel Maddow" }, { "date": "2008-11-11", "videos": [ "http://thecolbertreport.cc.com/videos/3vbqce/intro---11-11-08", "http://thecolbertreport.cc.com/videos/t0o0ln/the-obamas-meet-the-bushes", "http://thecolbertreport.cc.com/videos/cf9i7o/proposition-8-protests---dan-savage", "http://thecolbertreport.cc.com/videos/a4htau/fallback-position---peter-earnest-pt--2", "http://thecolbertreport.cc.com/videos/97cxi9/kevin-johnson", "http://thecolbertreport.cc.com/videos/knwq1k/gay-black-violence" ], "guest": "Dan Savage, Kevin Johnson" }, { "date": "2008-11-12", "videos": [ "http://thecolbertreport.cc.com/videos/jxnavl/intro---11-12-08", "http://thecolbertreport.cc.com/videos/hs06sa/formula-4ou1", "http://thecolbertreport.cc.com/videos/jdc5wl/the-word---pity-party", "http://thecolbertreport.cc.com/videos/vq5z69/cheating-death---women-s-health", "http://thecolbertreport.cc.com/videos/h8pdku/bob-woodward", "http://thecolbertreport.cc.com/videos/yj3fvl/good-night" ], "guest": "Bob Woodward" }, { "date": "2008-11-13", "videos": [ "http://thecolbertreport.cc.com/videos/iy78xf/intro---11-13-08", "http://thecolbertreport.cc.com/videos/ws4itq/imaginary-gay-black-warfare", "http://thecolbertreport.cc.com/videos/54gy81/tip-wag---marvel-comics", "http://thecolbertreport.cc.com/videos/9so57k/rahm-emanuel-s-finger", "http://thecolbertreport.cc.com/videos/84locu/stephen-moore", "http://thecolbertreport.cc.com/videos/kwiam8/obama-spider-man-comic-bribe" ], "guest": "Stephen Moore" }, { "date": "2008-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/edyiaw/intro---11-17-08", "http://thecolbertreport.cc.com/videos/vfh1d7/stephen-s-gma-appearance", "http://thecolbertreport.cc.com/videos/tyr5yf/barack-obama-is-hiring", "http://thecolbertreport.cc.com/videos/xubttj/obama-s-cabinet---tom-brokaw", "http://thecolbertreport.cc.com/videos/okezd5/soup-war", "http://thecolbertreport.cc.com/videos/lu8hmu/malcolm-gladwell", "http://thecolbertreport.cc.com/videos/f67l6s/stephen-drinks-soup" ], "guest": "Tom Brokaw, Malcolm Gladwell" }, { "date": "2008-11-18", "videos": [ "http://thecolbertreport.cc.com/videos/cpar3w/intro---11-18-08", "http://thecolbertreport.cc.com/videos/gpyfhe/joe-lieberman-learns-his-fate", "http://thecolbertreport.cc.com/videos/tda4m3/the-word---love-lost", "http://thecolbertreport.cc.com/videos/rfqomg/stephen-s-vetting-process---cliff-sloan-pt--1" ], "guest": "Paul Simon" }, { "date": "2008-11-19", "videos": [ "http://thecolbertreport.cc.com/videos/a4gbi9/intro---11-19-08", "http://thecolbertreport.cc.com/videos/3ebcnc/the-word---mad-men", "http://thecolbertreport.cc.com/videos/hjm6c3/stephen-s-vetting-process---cliff-sloan-pt--2", "http://thecolbertreport.cc.com/videos/p1vjk5/michael-lewis", "http://thecolbertreport.cc.com/videos/5n2dbq/tearful-apology" ], "guest": "Michael Lewis" }, { "date": "2008-11-20", "videos": [ "http://thecolbertreport.cc.com/videos/cbvik4/intro---11-20-08", "http://thecolbertreport.cc.com/videos/ag7dg1/racism-is-over---cory-booker", "http://thecolbertreport.cc.com/videos/2frm4q/metunes---chinese-democracy", "http://thecolbertreport.cc.com/videos/c48nk9/thomas-friedman", "http://thecolbertreport.cc.com/videos/bd8wju/christmas-special-dvd-warning" ], "guest": "Cory Booker, Thomas L. Friedman" }, { "date": "2008-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/rpma6e/intro---12-01-08", "http://thecolbertreport.cc.com/videos/tq2nxp/operation-humble-kanye", "http://thecolbertreport.cc.com/videos/qarmhd/war-in-afghanistan", "http://thecolbertreport.cc.com/videos/rven6i/khaled-hosseini", "http://thecolbertreport.cc.com/videos/36dgrv/tip-wag---all-wag-christmas-edition", "http://thecolbertreport.cc.com/videos/7058uf/roland-fryer", "http://thecolbertreport.cc.com/videos/n1in3i/good-night" ], "guest": "Khaled Hosseini, Roland Fryer" }, { "date": "2008-12-02", "videos": [ "http://thecolbertreport.cc.com/videos/cj7hhg/intro---12-02-08", "http://thecolbertreport.cc.com/videos/qvwoip/operation-humble-kanye---buy-stephen-s-album", "http://thecolbertreport.cc.com/videos/ztjt9g/the-word---a-man-named-plaxico", "http://thecolbertreport.cc.com/videos/fic3d1/colbert-platinum---christmas-edition", "http://thecolbertreport.cc.com/videos/bshkcz/jeffrey-goldberg", "http://thecolbertreport.cc.com/videos/utntlq/buy-stephen-s-boots-on-ebay" ], "guest": "Jeffrey Goldberg" }, { "date": "2008-12-03", "videos": [ "http://thecolbertreport.cc.com/videos/il4wbl/intro---12-03-08", "http://thecolbertreport.cc.com/videos/owefww/nasa-spider-escapes", "http://thecolbertreport.cc.com/videos/z33t4w/the-word---barack-handed-compliment", "http://thecolbertreport.cc.com/videos/mcfi82/nailed--em---radical-knitting", "http://thecolbertreport.cc.com/videos/2karre/barbara-walters", "http://thecolbertreport.cc.com/videos/r6ufyo/the-end--not-the-beginning" ], "guest": "Barbara Walters" }, { "date": "2008-12-04", "videos": [ "http://thecolbertreport.cc.com/videos/d118oe/intro---12-04-08", "http://thecolbertreport.cc.com/videos/2fjry6/operation-humble-kanye---stephen-beats-kanye", "http://thecolbertreport.cc.com/videos/2d2zn0/pakistani-threat---bob-graham", "http://thecolbertreport.cc.com/videos/d5jif7/movies-that-are-destroying-america---holiday-movie-edition", "http://thecolbertreport.cc.com/videos/n7jvhg/nicholas-wade", "http://thecolbertreport.cc.com/videos/sugr09/returning-monday" ], "guest": "Sen. Bob Graham, Nicholas Wade" }, { "date": "2008-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/7u2bhk/intro---12-08-08", "http://thecolbertreport.cc.com/videos/ao9vg7/bush-kisses-streisand", "http://thecolbertreport.cc.com/videos/gctknh/the-word---season-of-giving", "http://thecolbertreport.cc.com/videos/6153k5/barry---the-stump", "http://thecolbertreport.cc.com/videos/hpitea/geoffrey-canada", "http://thecolbertreport.cc.com/videos/0r2h5l/stephen-on-conan" ], "guest": "Geoffrey Canada" }, { "date": "2008-12-09", "videos": [ "http://thecolbertreport.cc.com/videos/4g9cia/intro---12-09-08", "http://thecolbertreport.cc.com/videos/onbk9a/rod-blagojevich-is-arrested", "http://thecolbertreport.cc.com/videos/600m6s/nixmas-tree-trimming---kevin-bacon", "http://thecolbertreport.cc.com/videos/yflimf/tek-jansen---beginning-s-first-dawn--episode-two-revisited", "http://thecolbertreport.cc.com/videos/srrck8/charlie-kaufman", "http://thecolbertreport.cc.com/videos/zkndmq/nixon-angel" ], "guest": "Kevin Bacon, Charlie Kaufman" }, { "date": "2008-12-10", "videos": [ "http://thecolbertreport.cc.com/videos/u8ghsg/intro---12-10-08", "http://thecolbertreport.cc.com/videos/f9io4y/rod-blagojevich-s-birthday", "http://thecolbertreport.cc.com/videos/imth2d/threatdown---happiness", "http://thecolbertreport.cc.com/videos/jnn2lb/on-notice---forgiveness", "http://thecolbertreport.cc.com/videos/i1wzcc/richard-haass", "http://thecolbertreport.cc.com/videos/uw87dl/good-night" ], "guest": "Richard Haass" }, { "date": "2008-12-11", "videos": [ "http://thecolbertreport.cc.com/videos/y3mqae/intro---12-11-08", "http://thecolbertreport.cc.com/videos/djirpd/michael-phelps", "http://thecolbertreport.cc.com/videos/j11gba/stephen-eats-ghost-ribs", "http://thecolbertreport.cc.com/videos/zc9rq9/the-ghost-of-stage-manager-bobby", "http://thecolbertreport.cc.com/videos/1756ia/the-word---the-unbearable-lightness-of-supreme-being" ], "guest": "Michael Phelps" } ], "2009": [ { "date": "2009-01-05", "videos": [ "http://thecolbertreport.cc.com/videos/9k2tbm/intro---1-05-09", "http://thecolbertreport.cc.com/videos/za98w3/colbert-and-colmes---roland-burris-appointment", "http://thecolbertreport.cc.com/videos/hq4p9o/tek-jansen---beginning-s-first-dawn--episode-three", "http://thecolbertreport.cc.com/videos/nrlhy0/john-king", "http://thecolbertreport.cc.com/videos/5hoaoz/colbert-and-colmes---colmes-gets-fired" ], "guest": "Riley Crane" }, { "date": "2009-01-06", "videos": [ "http://thecolbertreport.cc.com/videos/sn2rhf/ponzi-schemes", "http://thecolbertreport.cc.com/videos/k6j6as/hiding-gold---david-leonhardt", "http://thecolbertreport.cc.com/videos/4zhwch/better-know-a-district---utah-s-3rd---jason-chaffetz", "http://thecolbertreport.cc.com/videos/g9ppzt/matt-miller", "http://thecolbertreport.cc.com/videos/yys5yk/thank-you--stephen" ], "guest": "Capt. Charles Moore" }, { "date": "2009-01-07", "videos": [ "http://thecolbertreport.cc.com/videos/z8rm3b/intro---01-07-09", "http://thecolbertreport.cc.com/videos/92yx1q/che-stadium", "http://thecolbertreport.cc.com/videos/d1e1eu/dr--gupta-s-penis-pyramid", "http://thecolbertreport.cc.com/videos/nqulkz/the-word---statute-of-liberty", "http://thecolbertreport.cc.com/videos/amgd80/tip-wag---cocaine-honey", "http://thecolbertreport.cc.com/videos/yau33c/benicio-del-toro" ], "guest": "James Fowler" }, { "date": "2009-01-08", "videos": [ "http://thecolbertreport.cc.com/videos/88kvmz/intro---01-08-09", "http://thecolbertreport.cc.com/videos/wcgnr1/new-york-times-abandons-dignity", "http://thecolbertreport.cc.com/videos/926dzf/yahweh-or-no-way---roland-burris", "http://thecolbertreport.cc.com/videos/fk4a9c/leg-wrestling-rematch", "http://thecolbertreport.cc.com/videos/gteixg/a-really-good-book", "http://thecolbertreport.cc.com/videos/6428p8/pro-commie-epic" ], "guest": "Lawrence Lessig" }, { "date": "2009-01-12", "videos": [ "http://thecolbertreport.cc.com/videos/kni4vi/intro---01-12-09", "http://thecolbertreport.cc.com/videos/9c4f03/bush-s-last-press-conference", "http://thecolbertreport.cc.com/videos/bwmns5/the-word---sweet-smell-of-success", "http://thecolbertreport.cc.com/videos/0o1xwh/stephen-jr--on-christmas-eve", "http://thecolbertreport.cc.com/videos/dkx1ya/anthony-romero", "http://thecolbertreport.cc.com/videos/by8gkb/a-lot-more-to-say" ], "guest": "Anthony Romero" }, { "date": "2009-01-13", "videos": [ "http://thecolbertreport.cc.com/videos/32ytiz/intro---01-13-09", "http://thecolbertreport.cc.com/videos/fmzudp/bush-presidency-aged-us", "http://thecolbertreport.cc.com/videos/9et79a/cold-war-update---cuba", "http://thecolbertreport.cc.com/videos/m3x3ok/on-notice---limey-squirrel-eaters", "http://thecolbertreport.cc.com/videos/k1og3a/niall-ferguson", "http://thecolbertreport.cc.com/videos/5px40o/that-s-all-the-time-we-have" ], "guest": "Niall Ferguson" }, { "date": "2009-01-14", "videos": [ "http://thecolbertreport.cc.com/videos/oyml2f/intro---01-14-09", "http://thecolbertreport.cc.com/videos/34mj4v/the-last-bush-effigy", "http://thecolbertreport.cc.com/videos/y0f472/p-k--winsome---obama-collectibles", "http://thecolbertreport.cc.com/videos/ur3zl1/little-victories---america-s-galaxy-is-big", "http://thecolbertreport.cc.com/videos/gizrjk/alan-khazei", "http://thecolbertreport.cc.com/videos/9hlcm3/commemorative-plates" ], "guest": "Alan Khazei" }, { "date": "2009-01-15", "videos": [ "http://thecolbertreport.cc.com/videos/q7vz1i/intro---01-15-09", "http://thecolbertreport.cc.com/videos/95lbi6/bush-and-the-press", "http://thecolbertreport.cc.com/videos/sy3mow/bush-s-romance-with-the-media---david-gregory", "http://thecolbertreport.cc.com/videos/7iuuwa/tip-wag---monkey-on-the-lam", "http://thecolbertreport.cc.com/videos/ux2atw/shepard-fairey", "http://thecolbertreport.cc.com/videos/wfge8o/spay-and-neuter-your-pets" ], "guest": "David Gregory, Shepard Fairey" }, { "date": "2009-01-19", "videos": [ "http://thecolbertreport.cc.com/videos/r1uwlh/intro---01-19-09", "http://thecolbertreport.cc.com/videos/ul1a7j/mlk-day-mascot", "http://thecolbertreport.cc.com/videos/lypf68/the-word---sacrifice", "http://thecolbertreport.cc.com/videos/ydvpvb/frank-rich", "http://thecolbertreport.cc.com/videos/52s3oy/boiling-frog-metaphor" ], "guest": "Frank Rich" }, { "date": "2009-01-20", "videos": [ "http://thecolbertreport.cc.com/videos/ymrs37/stephen-s-inauguration-breakdown", "http://thecolbertreport.cc.com/videos/301bds/p-k--winsome---inauguration-merchandise", "http://thecolbertreport.cc.com/videos/9hjhcy/stephen-s-sound-advice---how-to-be-like-lincoln", "http://thecolbertreport.cc.com/videos/mmoodw/jabari-asim", "http://thecolbertreport.cc.com/videos/kai9la/stephen-realizes-he-s-black" ], "guest": "Jabari Asim" }, { "date": "2009-01-21", "videos": [ "http://thecolbertreport.cc.com/videos/dl8i2q/intro---01-21-09", "http://thecolbertreport.cc.com/videos/l2d6st/president-yo-yo-ma", "http://thecolbertreport.cc.com/videos/axsw46/election-2012---chuck-todd", "http://thecolbertreport.cc.com/videos/xkmfex/stephen-s-remix-challenge", "http://thecolbertreport.cc.com/videos/8l6srp/elizabeth-alexander", "http://thecolbertreport.cc.com/videos/a3p8mj/good-night" ], "guest": "Elizabeth Alexander" }, { "date": "2009-01-22", "videos": [ "http://thecolbertreport.cc.com/videos/0zgr4t/intro---01-22-09", "http://thecolbertreport.cc.com/videos/t6meak/near-president-obama", "http://thecolbertreport.cc.com/videos/mtzrkq/un-american-news---president-obama-edition", "http://thecolbertreport.cc.com/videos/689o7m/better-know-a-lobby---naacp", "http://thecolbertreport.cc.com/videos/8awmoy/jon-meacham", "http://thecolbertreport.cc.com/videos/ili9if/refreshing-sierra-mist" ], "guest": "Jon Meacham" }, { "date": "2009-01-26", "videos": [ "http://thecolbertreport.cc.com/videos/7nxt06/intro---01-26-09", "http://thecolbertreport.cc.com/videos/4oz085/stephen-s-secret-prison", "http://thecolbertreport.cc.com/videos/cw8n8j/obama-s-new-science-policy---chris-mooney", "http://thecolbertreport.cc.com/videos/yxtpn8/tip-wag---john-yarmuth-s-holiday-card", "http://thecolbertreport.cc.com/videos/uj76wp/ed-young", "http://thecolbertreport.cc.com/videos/49ccbt/1-877-sean-930" ], "guest": "Chris Mooney, Ed Young" }, { "date": "2009-01-27", "videos": [ "http://thecolbertreport.cc.com/videos/rwx1ie/intro---01-27-09", "http://thecolbertreport.cc.com/videos/8ws8hw/al-arabiya-kidnaps-obama", "http://thecolbertreport.cc.com/videos/ei15xx/cheating-death---lung-health", "http://thecolbertreport.cc.com/videos/yzw1s5/bill-o-reilly-doesn-t-report-rumors", "http://thecolbertreport.cc.com/videos/7ljyqd/philippe-petit", "http://thecolbertreport.cc.com/videos/qx6mra/omar-returns" ], "guest": "Philippe Petit" }, { "date": "2009-01-28", "videos": [ "http://thecolbertreport.cc.com/videos/mrairj/exclusive---better-know-a-beatle---paul-mccartney", "http://thecolbertreport.cc.com/videos/qfnuqn/intro---01-28-09", "http://thecolbertreport.cc.com/videos/4c854b/countdown-to-atomic-disaster---the-wing-ageddon", "http://thecolbertreport.cc.com/videos/m2fb3c/denis-dutton", "http://thecolbertreport.cc.com/videos/x3yxrz/call-1-877-sean-930" ], "guest": "Paul McCartney, Denis Dutton" }, { "date": "2009-01-29", "videos": [ "http://thecolbertreport.cc.com/videos/s0jwx0/intro---01-29-09", "http://thecolbertreport.cc.com/videos/7k3noc/rod-blagojevich-is-impeached", "http://thecolbertreport.cc.com/videos/05hiht/the-word---the-audacity-of-nope", "http://thecolbertreport.cc.com/videos/ra6q6v/sport-report---chicken-wing-spokesman-richard-lobb", "http://thecolbertreport.cc.com/videos/n7s40p/john-podesta", "http://thecolbertreport.cc.com/videos/t92qhf/goodnight-illinois-gov--patrick-quinn" ], "guest": "John Podesta" }, { "date": "2009-02-02", "videos": [ "http://thecolbertreport.cc.com/videos/2e9hx6/intro---02-02-09", "http://thecolbertreport.cc.com/videos/qx0vt7/the-lilly-ledbetter-fair-pay-act", "http://thecolbertreport.cc.com/videos/3n4xx4/it-could-be-worse---iceland", "http://thecolbertreport.cc.com/videos/9kc6le/nailed--em---amtrak-photographer", "http://thecolbertreport.cc.com/videos/1tdafu/dan-zaccagnino", "http://thecolbertreport.cc.com/videos/z0ddpw/so-long--farewell" ], "guest": "Dan Zaccagnino" }, { "date": "2009-02-03", "videos": [ "http://thecolbertreport.cc.com/videos/5d9tuo/intro---02-03-09", "http://thecolbertreport.cc.com/videos/cfzmri/tom-daschle-steps-down", "http://thecolbertreport.cc.com/videos/b8o45v/the-word---army-of-one", "http://thecolbertreport.cc.com/videos/eo7n2c/colbert-platinum---ass-covering-edition", "http://thecolbertreport.cc.com/videos/lr21yl/henry-louis-gates--jr-", "http://thecolbertreport.cc.com/videos/fz6ra7/all-the-show-we-have-time-for" ], "guest": "Henry Louis Gates Jr." }, { "date": "2009-02-04", "videos": [ "http://thecolbertreport.cc.com/videos/hm493e/intro---02-04-09", "http://thecolbertreport.cc.com/videos/7z1jvo/stephen-verbally-thrashes-steve-martin", "http://thecolbertreport.cc.com/videos/1t7nor/yahweh-or-no-way---the-super-bowl", "http://thecolbertreport.cc.com/videos/vtzs6d/who-s-not-honoring-me-now----the-newberry-awards", "http://thecolbertreport.cc.com/videos/7z3biy/tell-your-friends" ], "guest": "Steve Martin" }, { "date": "2009-02-05", "videos": [ "http://thecolbertreport.cc.com/videos/oqo6m1/intro---02-05-09", "http://thecolbertreport.cc.com/videos/hkvbbb/stelephant-colbert-the-elephant-seal", "http://thecolbertreport.cc.com/videos/7v0jg2/economic-stimulus-debate", "http://thecolbertreport.cc.com/videos/9xbuuq/economic-stimulus-bill---james-surowiecki", "http://thecolbertreport.cc.com/videos/e378n6/alpha-dog-of-the-week---boy-scouts-of-america", "http://thecolbertreport.cc.com/videos/avti1a/jonah-lehrer", "http://thecolbertreport.cc.com/videos/qj4lmo/keep-your-friends-close" ], "guest": "James Surowiecki, Jonah Lehrer" }, { "date": "2009-02-09", "videos": [ "http://thecolbertreport.cc.com/videos/vp4fvu/intro---02-09-09", "http://thecolbertreport.cc.com/videos/it28fw/the-new-word-czar", "http://thecolbertreport.cc.com/videos/13lrs0/threatdown---gay-divorce", "http://thecolbertreport.cc.com/videos/hr5hvl/al-gore-steals-stephen-s-grammy" ], "guest": "TV on the Radio" }, { "date": "2009-02-10", "videos": [ "http://thecolbertreport.cc.com/videos/fv48bo/intro---02-10-09", "http://thecolbertreport.cc.com/videos/mj9pcq/the-visa-black-card", "http://thecolbertreport.cc.com/videos/l6kty8/the-word---loyal-opposition", "http://thecolbertreport.cc.com/videos/nj38bb/shout-out---honey--counterterrorism---an-old-guard-flag", "http://thecolbertreport.cc.com/videos/9w33a7/robert-ballard", "http://thecolbertreport.cc.com/videos/gissod/you-look-like-stephen" ], "guest": "Robert Ballard" }, { "date": "2009-02-11", "videos": [ "http://thecolbertreport.cc.com/videos/smxfup/intro---02-11-09", "http://thecolbertreport.cc.com/videos/l5ealo/westminster-dog-show-snub---formula-40-woof", "http://thecolbertreport.cc.com/videos/jxgbb9/dc-voting-rights-act---eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/wfrwar/truth-from-the-gut", "http://thecolbertreport.cc.com/videos/42vhyq/steven-pinker", "http://thecolbertreport.cc.com/videos/tpb22v/good-night----except-for-the-west-coast" ], "guest": "Eleanor Holmes Norton, Steven Pinker" }, { "date": "2009-02-12", "videos": [ "http://thecolbertreport.cc.com/videos/m1tx5d/exclusive---stephen-s-sexiest-moments", "http://thecolbertreport.cc.com/videos/f0688o/obama-poster-debate---david-ross-and-ed-colbert", "http://thecolbertreport.cc.com/videos/vgbtpp/the-dacolbert-code---oscar-predictions", "http://thecolbertreport.cc.com/videos/tbf4y6/adam-gopnik", "http://thecolbertreport.cc.com/videos/okmu84/goodbye--conan-o-brien" ], "guest": "David Ross, Ed Colbert, Adam Gopnik" }, { "date": "2009-02-23", "videos": [ "http://thecolbertreport.cc.com/videos/9ynh43/intro---02-23-09", "http://thecolbertreport.cc.com/videos/xlgfrl/stephen-s-prayer-day", "http://thecolbertreport.cc.com/videos/legx6j/stephen-s-moral-dimension", "http://thecolbertreport.cc.com/videos/om9959/helen-fisher" ], "guest": "Father James Martin, Helen Fisher" }, { "date": "2009-02-24", "videos": [ "http://thecolbertreport.cc.com/videos/mngx54/mardi-gras-celebrations", "http://thecolbertreport.cc.com/videos/9jcm4g/1997-flashback", "http://thecolbertreport.cc.com/videos/pljjhc/nailed--em---buffet-crime", "http://thecolbertreport.cc.com/videos/n75sz3/cliff-sloan", "http://thecolbertreport.cc.com/videos/yg82dj/happy-mardi-gras", "http://thecolbertreport.cc.com/videos/823sva/turning-to-religion---jim-martin", "http://thecolbertreport.cc.com/videos/gks8m8/breaded-fish-sticks" ], "guest": "Cliff Sloan" }, { "date": "2009-02-25", "videos": [ "http://thecolbertreport.cc.com/videos/4v3vka/intro---02-25-09", "http://thecolbertreport.cc.com/videos/fbot0q/obama-s-congressional-address---jindal-s-response", "http://thecolbertreport.cc.com/videos/o1f5mr/tip-wag---gorilla-crabs-and-gandhi-s-shoes", "http://thecolbertreport.cc.com/videos/jyyb0h/john-fetterman", "http://thecolbertreport.cc.com/videos/10ufmk/bears---balls---company-bailouts" ], "guest": "John Fetterman" }, { "date": "2009-02-26", "videos": [ "http://thecolbertreport.cc.com/videos/lvfhs2/intro---02-26-09", "http://thecolbertreport.cc.com/videos/1q3zjs/claire-mccaskill-s-twittering", "http://thecolbertreport.cc.com/videos/5j9jjo/conservative-rap-battle---stephen-challenges-michael-steele", "http://thecolbertreport.cc.com/videos/831wm1/kris-kristofferson", "http://thecolbertreport.cc.com/videos/lh0vwj/the-word---ablacknophobia", "http://thecolbertreport.cc.com/videos/um02qq/analog-tv" ], "guest": "Kris Kristofferson" }, { "date": "2009-03-02", "videos": [ "http://thecolbertreport.cc.com/videos/tfciz3/conservative-rap-battle---michael-steele-gets-served", "http://thecolbertreport.cc.com/videos/xtntgt/snow-in-the-studio", "http://thecolbertreport.cc.com/videos/52t6yh/p-k--winsome---defective-obama-collectibles", "http://thecolbertreport.cc.com/videos/j78ngs/david-byrne" ], "guest": "David Byrne" }, { "date": "2009-03-03", "videos": [ "http://thecolbertreport.cc.com/videos/qs5iv1/beer-pong-herpes-outbreak", "http://thecolbertreport.cc.com/videos/0c92nb/guns-for-roses", "http://thecolbertreport.cc.com/videos/l9p0ah/space-module--colbert---name-nasa-s-node-3-after-stephen", "http://thecolbertreport.cc.com/videos/oayyzq/mark-bittman", "http://thecolbertreport.cc.com/videos/tfciz3/conservative-rap-battle---michael-steele-gets-served" ], "guest": "Mark Bittman" }, { "date": "2009-03-04", "videos": [ "http://thecolbertreport.cc.com/videos/n8kt9r/intro---03-04-09", "http://thecolbertreport.cc.com/videos/kob10w/space-module--colbert---scientology-s-new-galactic-overlord", "http://thecolbertreport.cc.com/videos/9opkqc/doom-bunker---jack-jacobs-and-stephen-moore", "http://thecolbertreport.cc.com/videos/sx98t6/carl-wilson", "http://thecolbertreport.cc.com/videos/239tij/goodnight", "http://thecolbertreport.cc.com/videos/1kkbbd/intro---03-03-09", "http://thecolbertreport.cc.com/videos/00d1sm/the-word---share-the-wealth", "http://thecolbertreport.cc.com/videos/nhjls5/the-murderer-was-derek" ], "guest": "Carl Wilson" }, { "date": "2009-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/ej854l/intro---03-05-09", "http://thecolbertreport.cc.com/videos/w194ds/obama-s-swing-set", "http://thecolbertreport.cc.com/videos/a7l1re/tip-wag---rush-limbaugh", "http://thecolbertreport.cc.com/videos/n8dlml/steven-johnson", "http://thecolbertreport.cc.com/videos/nfx4fy/leave-you-wanting-more", "http://thecolbertreport.cc.com/videos/1y41q9/doom-bunker---glenn-beck-s--war-room-" ], "guest": "Steven Johnson" }, { "date": "2009-03-09", "videos": [ "http://thecolbertreport.cc.com/videos/itgd4m/intro---03-09-09", "http://thecolbertreport.cc.com/videos/4bvnlr/new-baby-abraham-carter-grosz", "http://thecolbertreport.cc.com/videos/z9c9ak/better-know-a-district---wyoming-s-at-large---cynthia-lummis", "http://thecolbertreport.cc.com/videos/54ad8f/lisa-hannigan" ], "guest": "Lisa Hannigan" }, { "date": "2009-03-10", "videos": [ "http://thecolbertreport.cc.com/videos/1h7cfe/intro---03-10-09", "http://thecolbertreport.cc.com/videos/i1w6au/conservative-rap-battle---droppin--science-on-michael-steele", "http://thecolbertreport.cc.com/videos/858jnr/coffee-induced-hallucinations", "http://thecolbertreport.cc.com/videos/ogsw1c/jay-keasling", "http://thecolbertreport.cc.com/videos/ovf9hb/sick-three-way", "http://thecolbertreport.cc.com/videos/mtwuig/exclusive---better-know-a-district---wyoming-s-at-large---cynthia-lummis", "http://thecolbertreport.cc.com/videos/psylhz/the-word---locked-and-loathed", "http://thecolbertreport.cc.com/videos/dw94ms/sleep-tight--abraham" ], "guest": "William Gerstenmaier, Dr. Jay Keasling" }, { "date": "2009-03-11", "videos": [ "http://thecolbertreport.cc.com/videos/sa3out/intro---03-11-09", "http://thecolbertreport.cc.com/videos/4sbc36/earmarks-abuse-ends-tomorrow", "http://thecolbertreport.cc.com/videos/7bt4s0/cheating-death---legal--sweat---pre-natal-health", "http://thecolbertreport.cc.com/videos/rovggj/howard-fineman", "http://thecolbertreport.cc.com/videos/vpswgr/stephen-s-encore", "http://thecolbertreport.cc.com/videos/m6st31/space-module--colbert---william-gerstenmaier" ], "guest": "Howard Fineman" }, { "date": "2009-03-12", "videos": [ "http://thecolbertreport.cc.com/videos/xum4x8/intro---03-12-09", "http://thecolbertreport.cc.com/videos/uvfw3m/mahmoud-s-non-consensual-endorsement-deal", "http://thecolbertreport.cc.com/videos/p4j2xc/craziest-f--king-thing-i-ve-ever-heard---barreleye-fish", "http://thecolbertreport.cc.com/videos/8nmnda/peter-singer", "http://thecolbertreport.cc.com/videos/8tqo3i/goodnight", "http://thecolbertreport.cc.com/videos/xjpl01/the-word---rand-illusion" ], "guest": "Simon Johnson, Peter Singer" }, { "date": "2009-03-16", "videos": [ "http://thecolbertreport.cc.com/videos/8zwa7x/intro---03-16-09", "http://thecolbertreport.cc.com/videos/yz9sik/stephen-s-angry-mob-will-crush-aig", "http://thecolbertreport.cc.com/videos/pe3tou/better-know-a-governor---mark-sanford-update", "http://thecolbertreport.cc.com/videos/ck0fd5/neil-gaiman", "http://thecolbertreport.cc.com/videos/qxrsxr/stephen-wants-to-hug-you" ], "guest": "Jonathan Chait, Neil Gaiman" }, { "date": "2009-03-17", "videos": [ "http://thecolbertreport.cc.com/videos/ogmrdd/intro---03-17-09", "http://thecolbertreport.cc.com/videos/v1zxe6/shout-out---the-colbert-report-overseas", "http://thecolbertreport.cc.com/videos/bsv6p7/world-of-nahlej---shmeat", "http://thecolbertreport.cc.com/videos/7byrkj/david-grann", "http://thecolbertreport.cc.com/videos/zrpt32/persian-gulf-countdown-clock", "http://thecolbertreport.cc.com/videos/59sfdt/the-new-deal---jonathan-chait" ], "guest": "David Grann" }, { "date": "2009-03-18", "videos": [ "http://thecolbertreport.cc.com/videos/u70zrc/intro---03-18-09", "http://thecolbertreport.cc.com/videos/an5849/predator-x-discovery", "http://thecolbertreport.cc.com/videos/fnlgez/tip-wag---mississippi--talk-shows---syfy", "http://thecolbertreport.cc.com/videos/5hu17z/juan-cole", "http://thecolbertreport.cc.com/videos/bokh2r/sam-s-club-time", "http://thecolbertreport.cc.com/videos/3i8x9a/colbert-aluminum---cigar-nubs--faux-poor---blixseth" ], "guest": "Juan Cole" }, { "date": "2009-03-19", "videos": [ "http://thecolbertreport.cc.com/videos/ntnm0v/intro---03-19-09", "http://thecolbertreport.cc.com/videos/tkjk8k/bill-posey-alligator-rumors", "http://thecolbertreport.cc.com/videos/oi2fxr/when-animals-attack-our-morals---chimps--lizards---spiders", "http://thecolbertreport.cc.com/videos/m9oys8/john-mccardell", "http://thecolbertreport.cc.com/videos/f189zq/space-module--colbert---vote-now", "http://thecolbertreport.cc.com/videos/wa8cs2/the-word---keeping-our-heads" ], "guest": "John McCardell" }, { "date": "2009-03-30", "videos": [ "http://thecolbertreport.cc.com/videos/hta8xf/intro---03-30-09", "http://thecolbertreport.cc.com/videos/04agpr/violence-in-mexico", "http://thecolbertreport.cc.com/videos/ttpqpq/me-time---emily-yoffe-on-narcissistic-personality-disorder", "http://thecolbertreport.cc.com/videos/y6yflv/space-module--colbert---democracy-in-orbit", "http://thecolbertreport.cc.com/videos/yz8bqz/derrick-pitts" ], "guest": "Derrick Pitts" }, { "date": "2009-03-31", "videos": [ "http://thecolbertreport.cc.com/videos/prw3dp/intro---03-31-09", "http://thecolbertreport.cc.com/videos/ga9h1c/obama-s-epic-dog-quest", "http://thecolbertreport.cc.com/videos/19bdth/better-know-a-lobby---newspaper-association-of-america", "http://thecolbertreport.cc.com/videos/fkt6tu/david-plotz", "http://thecolbertreport.cc.com/videos/ch71k9/sudoku-answers", "http://thecolbertreport.cc.com/videos/7l6w83/me-time---american-narcissism", "http://thecolbertreport.cc.com/videos/k0knxh/30-minute-applause" ], "guest": "David Plotz" }, { "date": "2009-04-01", "videos": [ "http://thecolbertreport.cc.com/videos/du0pk9/intro---04-01-09", "http://thecolbertreport.cc.com/videos/1o1nya/french-worker-protests", "http://thecolbertreport.cc.com/videos/5t3340/cheating-death---sperm-sale---colonoscopies", "http://thecolbertreport.cc.com/videos/wol3qg/dambisa-moyo", "http://thecolbertreport.cc.com/videos/vof9z5/hide-and-seek", "http://thecolbertreport.cc.com/videos/jt0f3j/the-10-31-project" ], "guest": "Dambisa Moyo" }, { "date": "2009-04-02", "videos": [ "http://thecolbertreport.cc.com/videos/scsjxw/intro---04-02-09", "http://thecolbertreport.cc.com/videos/78s5oz/cheney-s-secret-assassination-squad", "http://thecolbertreport.cc.com/videos/mkb4ls/merriam-webster-s-word-s-worth", "http://thecolbertreport.cc.com/videos/4qhn4o/biz-stone", "http://thecolbertreport.cc.com/videos/5uxqom/let-your-gps-be-your-guide", "http://thecolbertreport.cc.com/videos/idkq46/the-word---fine-line" ], "guest": "Biz Stone" }, { "date": "2009-04-06", "videos": [ "http://thecolbertreport.cc.com/videos/d5ju1a/colbert-s-easter-parade", "http://thecolbertreport.cc.com/videos/v1ybgk/intro---04-06-09", "http://thecolbertreport.cc.com/videos/f3bajc/body-loss", "http://thecolbertreport.cc.com/videos/y3ocaq/space-module--colbert---urine-recycling-room", "http://thecolbertreport.cc.com/videos/2zq8u0/rich-lowry", "http://thecolbertreport.cc.com/videos/k9vxpy/make-lemonade" ], "guest": "Tom Brokaw, Rich Lowry" }, { "date": "2009-04-07", "videos": [ "http://thecolbertreport.cc.com/videos/168lgg/intro---04-07-09", "http://thecolbertreport.cc.com/videos/9kk3jy/queen-noor-s-royal-treatment", "http://thecolbertreport.cc.com/videos/6uykwu/better-know-a-district---new-york-s-25th---dan-maffei", "http://thecolbertreport.cc.com/videos/31tszu/queen-noor", "http://thecolbertreport.cc.com/videos/pqumra/hiccup-free", "http://thecolbertreport.cc.com/videos/njp3xz/un-american-news---rest-of-the-world", "http://thecolbertreport.cc.com/videos/u5yf3y/obama-s-european-trip---tom-brokaw" ], "guest": "Queen Noor" }, { "date": "2009-04-08", "videos": [ "http://thecolbertreport.cc.com/videos/f1gjz4/intro---04-08-09", "http://thecolbertreport.cc.com/videos/lyeuyj/birkat-hachama---stephen-frees-his-jews", "http://thecolbertreport.cc.com/videos/10cwvc/alpha-dog-of-the-week---ted-stevens", "http://thecolbertreport.cc.com/videos/eknw52/phil-bronstein", "http://thecolbertreport.cc.com/videos/jmb43t/electronic-edition", "http://thecolbertreport.cc.com/videos/7jw15b/the-word---morally-bankrupt" ], "guest": "Phil Bronstein" }, { "date": "2009-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/ly7fhn/workers--comp-temptation", "http://thecolbertreport.cc.com/videos/1adwqk/threatdown---robert-gates--dog-seders---obama", "http://thecolbertreport.cc.com/videos/lywaay/bart-ehrman", "http://thecolbertreport.cc.com/videos/vd2m1k/stephen-s-severed-head", "http://thecolbertreport.cc.com/videos/4wgqsm/where-and-when-is-stephen-going-to-the-persian-gulf----bahrain" ], "guest": "Bart Ehrman" }, { "date": "2009-04-14", "videos": [ "http://thecolbertreport.cc.com/videos/uvnlz3/intro---04-14-09", "http://thecolbertreport.cc.com/videos/1tgxfo/clarence-thomas--new-job", "http://thecolbertreport.cc.com/videos/bz4xly/space-module--colbert---sunita-williams", "http://thecolbertreport.cc.com/videos/gxfl4g/susie-orbach", "http://thecolbertreport.cc.com/videos/5m2sci/goodnight--helen" ], "guest": "Sunita L. Williams, Susie Orbach" }, { "date": "2009-04-15", "videos": [ "http://thecolbertreport.cc.com/videos/2t8bkw/intro---04-15-09", "http://thecolbertreport.cc.com/videos/whfbdu/obama-denies-habeas-corpus", "http://thecolbertreport.cc.com/videos/xkxq0s/better-know-a-district---illinois--18th---aaron-schock", "http://thecolbertreport.cc.com/videos/0ca7u5/jim-lehrer", "http://thecolbertreport.cc.com/videos/g6fu2q/homework-assignment", "http://thecolbertreport.cc.com/videos/5rzknc/the-word---have-your-cake-and-eat-it--too" ], "guest": "Jim Lehrer" }, { "date": "2009-04-16", "videos": [ "http://thecolbertreport.cc.com/videos/t8chps/intro---04-16-09", "http://thecolbertreport.cc.com/videos/abfalc/teabagging-protests", "http://thecolbertreport.cc.com/videos/npq9t7/indian-elections---kanishk-tharoor", "http://thecolbertreport.cc.com/videos/btde8y/douglas-kmiec", "http://thecolbertreport.cc.com/videos/gu6q0n/goodnight-salute", "http://thecolbertreport.cc.com/videos/a8qba2/tax-atax" ], "guest": "Kanishk Tharoor, Doug Kmiec" }, { "date": "2009-04-20", "videos": [ "http://thecolbertreport.cc.com/videos/b06wzj/intro---04-20-09", "http://thecolbertreport.cc.com/videos/3g58oe/castro-death-wish-list", "http://thecolbertreport.cc.com/videos/pzg5id/maersk-alabama---ken-quinn", "http://thecolbertreport.cc.com/videos/b1hfbd/tip-wag---texas-secession---maca", "http://thecolbertreport.cc.com/videos/qi09sh/joe-arpaio" ], "guest": "Ken Quinn, Sheriff Joe Arpaio" }, { "date": "2009-04-21", "videos": [ "http://thecolbertreport.cc.com/videos/fll3xv/intro---04-21-09", "http://thecolbertreport.cc.com/videos/mnalwu/george-will-s-demon-denim", "http://thecolbertreport.cc.com/videos/hezs49/who-s-riding-my-coattails-now----blown-away-by-the-usa", "http://thecolbertreport.cc.com/videos/7lqvgy/mike-krzyzewski", "http://thecolbertreport.cc.com/videos/4dj3xs/special-dvd-commentary", "http://thecolbertreport.cc.com/videos/g9ilpe/anger-s-aweigh", "http://thecolbertreport.cc.com/videos/h6pabb/stephen-s-only-regrets" ], "guest": "Coach Mike Kryzewski" }, { "date": "2009-04-22", "videos": [ "http://thecolbertreport.cc.com/videos/licvuz/intro---04-22-09", "http://thecolbertreport.cc.com/videos/g6q0sp/-the-price-is-right--goes-green", "http://thecolbertreport.cc.com/videos/7ax5b6/where-and-when-is-stephen-going-to-the-persian-gulf----qatar", "http://thecolbertreport.cc.com/videos/ui31iq/ira-glass", "http://thecolbertreport.cc.com/videos/77b5v5/never-go-to-bed-angry", "http://thecolbertreport.cc.com/videos/zbqudz/the-word---stressed-position" ], "guest": "Ira Glass" }, { "date": "2009-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/gj1jdr/intro---04-23-09", "http://thecolbertreport.cc.com/videos/16z7m7/america-does-not-swear-on-camera", "http://thecolbertreport.cc.com/videos/dbshcz/illegitimate-grandson-of-an-alligator", "http://thecolbertreport.cc.com/videos/2tn51j/elizabeth-bintliff", "http://thecolbertreport.cc.com/videos/ylolny/goodnight--daisy", "http://thecolbertreport.cc.com/videos/g1doyw/summit-of-all-fears" ], "guest": "Elizabeth Bintliff" }, { "date": "2009-04-27", "videos": [ "http://thecolbertreport.cc.com/videos/ak2bbq/intro---04-27-09", "http://thecolbertreport.cc.com/videos/u3yqqg/days-of-swine-and-doses", "http://thecolbertreport.cc.com/videos/ioe7hh/craziest-f--king-thing-i-ve-ever-heard---fir-tree-lung", "http://thecolbertreport.cc.com/videos/6ywn6l/a-rare-correction---stephen-eats-an-ewok", "http://thecolbertreport.cc.com/videos/jlx2r1/the-decemberists" ], "guest": "The Decemberists" }, { "date": "2009-04-28", "videos": [ "http://thecolbertreport.cc.com/videos/5phyy1/intro---04-28-09", "http://thecolbertreport.cc.com/videos/pwdiki/arlen-specter-contracts-donkey-flu", "http://thecolbertreport.cc.com/videos/14mfow/foreign-reporting---richard-engel", "http://thecolbertreport.cc.com/videos/u40xb8/daniel-gross", "http://thecolbertreport.cc.com/videos/l8q5cp/shout-out---kids-edition" ], "guest": "Richard Engel, Daniel Gross" }, { "date": "2009-04-29", "videos": [ "http://thecolbertreport.cc.com/videos/we8zzj/intro---04-29-09", "http://thecolbertreport.cc.com/videos/0gktuh/ahmadinejad-steals-obama-s-slogan", "http://thecolbertreport.cc.com/videos/ou4xko/enemy-swine--a-pigcalypse-now", "http://thecolbertreport.cc.com/videos/i5hw2i/david-kessler", "http://thecolbertreport.cc.com/videos/seesef/feet-teeth", "http://thecolbertreport.cc.com/videos/5kllsr/where-and-when-is-stephen-going-to-the-persian-gulf----correspondents", "http://thecolbertreport.cc.com/videos/ewzt0z/no-animals-were-harmed" ], "guest": "David Kessler" }, { "date": "2009-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/4ncl78/intro---04-30-09", "http://thecolbertreport.cc.com/videos/hr47fj/president-obama---the-first-14-mondays", "http://thecolbertreport.cc.com/videos/zhiu9l/ethan-nadelmann", "http://thecolbertreport.cc.com/videos/1e83az/the-after-show", "http://thecolbertreport.cc.com/videos/dnh80p/i-s-on-edjukashun---textbooks--americorps---strip-search" ], "guest": "Jonathan Alter, Ethan Nadelman" }, { "date": "2009-05-04", "videos": [ "http://thecolbertreport.cc.com/videos/ithaxo/code-word---empathy", "http://thecolbertreport.cc.com/videos/e4d421/the-prescott-group-bailout", "http://thecolbertreport.cc.com/videos/57pcxy/j-j--abrams", "http://thecolbertreport.cc.com/videos/3q06z6/sign-off---colbert-nation-home" ], "guest": "J.J. Abrams" }, { "date": "2009-05-05", "videos": [ "http://thecolbertreport.cc.com/videos/1yb1cp/intro---05-05-09", "http://thecolbertreport.cc.com/videos/daeu0o/cinco-de-mayo-precautions", "http://thecolbertreport.cc.com/videos/73g8ui/the-word---captain-kangaroo-court", "http://thecolbertreport.cc.com/videos/sye42t/paul-rieckhoff", "http://thecolbertreport.cc.com/videos/xul98m/sign-off---iteam", "http://thecolbertreport.cc.com/videos/0a05it/movies-that-are-destroying-america---summer-movie-edition" ], "guest": "Cliff Sloan, Paul Rieckhoff" }, { "date": "2009-05-06", "videos": [ "http://thecolbertreport.cc.com/videos/4aqttz/intro---05-06-09", "http://thecolbertreport.cc.com/videos/k97z53/colbert-branson-duel", "http://thecolbertreport.cc.com/videos/4h8qcx/where-and-when-is-stephen-going-to-the-persian-gulf----saudi-arabia", "http://thecolbertreport.cc.com/videos/q7lfqg/laurie-garrett", "http://thecolbertreport.cc.com/videos/2y8ihh/hug-your-television", "http://thecolbertreport.cc.com/videos/mekuw6/picking-a-new-supreme-court-justice---cliff-sloan" ], "guest": "Laurie Garrett" }, { "date": "2009-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/nqr22g/intro---05-07-09", "http://thecolbertreport.cc.com/videos/40ivqy/sean-hannity-s-liberty-tree", "http://thecolbertreport.cc.com/videos/ednx54/smokin--pole---the-fight-for-arctic-riches--inuit-nation", "http://thecolbertreport.cc.com/videos/as8qiu/mitchell-joachim", "http://thecolbertreport.cc.com/videos/4bas9p/spay-and-neuter-your-pets", "http://thecolbertreport.cc.com/videos/686y3f/tip-wag---forced-smoking---grizzly-best-man" ], "guest": "Mitchell Joachim" }, { "date": "2009-05-11", "videos": [ "http://thecolbertreport.cc.com/videos/imn21t/intro---05-11-09", "http://thecolbertreport.cc.com/videos/cctfpl/stephen-s-fancy-feast", "http://thecolbertreport.cc.com/videos/bwc8x1/credit-card-industry-regulation---tamara-draut", "http://thecolbertreport.cc.com/videos/cguksk/alpha-dog-of-the-week---erik-slye", "http://thecolbertreport.cc.com/videos/3ttm11/jeff-daniels" ], "guest": "Tamara Draut" }, { "date": "2009-05-12", "videos": [ "http://thecolbertreport.cc.com/videos/wr98c1/intro---05-12-09", "http://thecolbertreport.cc.com/videos/zy5zj6/howard-s-end", "http://thecolbertreport.cc.com/videos/n89zl7/cuba-us-trade-relations---julia-sweig", "http://thecolbertreport.cc.com/videos/hs7gtm/stephen-s-sound-advice---how-to-re-brand-the-gop", "http://thecolbertreport.cc.com/videos/a0bgn9/ron-howard", "http://thecolbertreport.cc.com/videos/6fx090/credit-check", "http://thecolbertreport.cc.com/videos/lzvish/sign-off---unicorn-dealership" ], "guest": "Ron Howard" }, { "date": "2009-05-13", "videos": [ "http://thecolbertreport.cc.com/videos/yvcq61/intro---05-13-09", "http://thecolbertreport.cc.com/videos/g3716f/robert-gibbs-hates-ringing-cell-phones", "http://thecolbertreport.cc.com/videos/hp9jyy/colbert-platinum----1-000-dishes", "http://thecolbertreport.cc.com/videos/eon7i2/michael-pollan", "http://thecolbertreport.cc.com/videos/0it13s/stephen-colbert-is-awesome", "http://thecolbertreport.cc.com/videos/5715dt/our-plan-in-havana", "http://thecolbertreport.cc.com/videos/g7s21x/you-are-a-dummy" ], "guest": "Michael Pollan" }, { "date": "2009-05-14", "videos": [ "http://thecolbertreport.cc.com/videos/ph1m2t/intro---05-14-09", "http://thecolbertreport.cc.com/videos/priitm/caveman-porn-stash", "http://thecolbertreport.cc.com/videos/phfour/donorschoose-org-donations", "http://thecolbertreport.cc.com/videos/m82ydm/yusuf", "http://thecolbertreport.cc.com/videos/vyychn/stephen-s-coke-party-protest" ], "guest": "Yusuf" }, { "date": "2009-05-18", "videos": [ "http://thecolbertreport.cc.com/videos/hopfi8/intro---05-18-09", "http://thecolbertreport.cc.com/videos/gc17yz/welcome-to-the-real-world--obama", "http://thecolbertreport.cc.com/videos/oh4xki/threatdown---charity--casual-jesus---robot-teachers", "http://thecolbertreport.cc.com/videos/phv8h6/meghan-mccain", "http://thecolbertreport.cc.com/videos/h4dfgj/sign-off---internal-clock" ], "guest": "Meghan McCain" }, { "date": "2009-05-19", "videos": [ "http://thecolbertreport.cc.com/videos/k69zx1/intro---05-19-09", "http://thecolbertreport.cc.com/videos/um8x6x/rumsfeld-s-cover-letter-bible-quotes", "http://thecolbertreport.cc.com/videos/9w54d6/difference-makers---stephen-keith", "http://thecolbertreport.cc.com/videos/tn9xuo/walter-kirn", "http://thecolbertreport.cc.com/videos/l2dw5z/stephen-s-show", "http://thecolbertreport.cc.com/videos/y5v5ns/the-word---tough-cell" ], "guest": "Walter Kirn" }, { "date": "2009-05-20", "videos": [ "http://thecolbertreport.cc.com/videos/zq89uw/intro---05-20-09", "http://thecolbertreport.cc.com/videos/b9eth2/extra--extra--bleed-all-about-it-", "http://thecolbertreport.cc.com/videos/e5f1sd/donorschoose-org-classroom-projects", "http://thecolbertreport.cc.com/videos/u2rpts/seth-shostak", "http://thecolbertreport.cc.com/videos/m63aac/goodnight", "http://thecolbertreport.cc.com/videos/i401ml/the-word---i-know-you-are-but-what-am-i-" ], "guest": "Seth Shostak" }, { "date": "2009-05-21", "videos": [ "http://thecolbertreport.cc.com/videos/sll291/intro---05-21-09", "http://thecolbertreport.cc.com/videos/hck7te/47-million-year-old-fossil", "http://thecolbertreport.cc.com/videos/4kzrbn/formidable-opponent---pragmatism-or-idealism", "http://thecolbertreport.cc.com/videos/ait1y2/green-day", "http://thecolbertreport.cc.com/videos/iuaf6k/she-said--cia-said---bob-graham" ], "guest": "Green Day" }, { "date": "2009-06-01", "videos": [ "http://thecolbertreport.cc.com/videos/kbuqbk/intro---06-01-09", "http://thecolbertreport.cc.com/videos/ckumab/guns-in-national-parks", "http://thecolbertreport.cc.com/videos/ezeifx/sonia-sotomayor-s-nomination---jeffrey-toobin", "http://thecolbertreport.cc.com/videos/2p70rc/where-and-when-is-stephen-going-to-the-persian-gulf----united-arab-emirates", "http://thecolbertreport.cc.com/videos/4suoo4/byron-dorgan" ], "guest": "Jeffrey Toobin, Sen. Byron Dorgan" }, { "date": "2009-06-02", "videos": [ "http://thecolbertreport.cc.com/videos/poyt56/intro---06-02-09", "http://thecolbertreport.cc.com/videos/xahwo7/saudi-arabia-press-restrictions", "http://thecolbertreport.cc.com/videos/m4ur7f/jim-moran-vs--viagra", "http://thecolbertreport.cc.com/videos/bpwglm/katty-kay", "http://thecolbertreport.cc.com/videos/860dm5/best-audience-of-the-night", "http://thecolbertreport.cc.com/videos/ch9xnn/supreme-court-press", "http://thecolbertreport.cc.com/videos/t28i3d/dance-for-stephen" ], "guest": "Katty Kay" }, { "date": "2009-06-03", "videos": [ "http://thecolbertreport.cc.com/videos/lte593/intro---06-03-09", "http://thecolbertreport.cc.com/videos/1azzsn/we-have-a-death-star-", "http://thecolbertreport.cc.com/videos/in49m6/tip-wag---4th-of-july--craig-t--nelson---gm", "http://thecolbertreport.cc.com/videos/ughago/eric-schlosser", "http://thecolbertreport.cc.com/videos/fw7nrm/sign-off----the-hollow-men-", "http://thecolbertreport.cc.com/videos/rfeepg/cheating-death---cheerios--soda-paralysis---oprah-s-crazy-talk" ], "guest": "Eric Schlosser" }, { "date": "2009-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/rpkl6b/intro---06-04-09", "http://thecolbertreport.cc.com/videos/oqx005/wikipedia-bans-scientologists", "http://thecolbertreport.cc.com/videos/anuhnx/craziest-f--king-thing-i-ve-ever-heard---external-lungs", "http://thecolbertreport.cc.com/videos/obi6e0/dag-soderberg", "http://thecolbertreport.cc.com/videos/u226dl/the-word---i-do--you-don-t" ], "guest": "Dag Soderberg, David Byrne" }, { "date": "2009-06-08", "videos": [ "http://thecolbertreport.cc.com/videos/gbu94e/operation-iraqi-stephen---mysterious-trip", "http://thecolbertreport.cc.com/videos/wy7a2l/operation-iraqi-stephen---john-mccain", "http://thecolbertreport.cc.com/videos/n4g2vg/stephen-strong---army-of-me---basic-training-pt--1", "http://thecolbertreport.cc.com/videos/c4z5y3/obama-orders-stephen-s-haircut---ray-odierno", "http://thecolbertreport.cc.com/videos/m6uaot/sign-off---new-haircut" ], "guest": "Stephen broadcasts from Iraq, Gen. Ray Odierno" }, { "date": "2009-06-09", "videos": [ "http://thecolbertreport.cc.com/videos/xuowp6/operation-iraqi-stephen---s-h-", "http://thecolbertreport.cc.com/videos/nlvzz2/operation-iraqi-stephen---bill-clinton---amp-energy", "http://thecolbertreport.cc.com/videos/8querl/formidable-opponent---don-t-ask--don-t-tell", "http://thecolbertreport.cc.com/videos/xjmvnq/tareq-salha---robin-balcom", "http://thecolbertreport.cc.com/videos/bdo17v/sign-off---hi--stephen-s-mom", "http://thecolbertreport.cc.com/videos/clgan9/the-word---why-are-you-here-" ], "guest": "Stephen broadcasts from Iraq (1)" }, { "date": "2009-06-10", "videos": [ "http://thecolbertreport.cc.com/videos/3avxyi/operation-iraqi-stephen---stephen-s-spider-hole", "http://thecolbertreport.cc.com/videos/cyrxgp/admiral-crunch", "http://thecolbertreport.cc.com/videos/xfobul/lt--gen--charles-h--jacoby-jr-", "http://thecolbertreport.cc.com/videos/jk0yi6/sign-off---head-rub", "http://thecolbertreport.cc.com/videos/nlng6v/operation-iraqi-stephen---tom-hanks-care-package", "http://thecolbertreport.cc.com/videos/xbtx2g/stephen-strong---army-of-me---basic-training-pt--2" ], "guest": "Stephen broadcasts from Iraq (2)" }, { "date": "2009-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/x1yyko/stephen-gets-his-hair-cut", "http://thecolbertreport.cc.com/videos/ithwrz/operation-iraqi-stephen---golf-club---george-w--bush-s-greeting", "http://thecolbertreport.cc.com/videos/9p7eto/operation-iraqi-stephen---fallback-position---air-force-thunderbirds", "http://thecolbertreport.cc.com/videos/hqcfyh/operation-iraqi-stephen---frank-a--grippe", "http://thecolbertreport.cc.com/videos/aa7w7z/operation-iraqi-stephen---sign-off---honey--i-m-coming-home", "http://thecolbertreport.cc.com/videos/74tfzb/better-know-a-cradle-of-civilization---barham-saleh" ], "guest": "Stephen broadcasts from Iraq (3)" }, { "date": "2009-06-15", "videos": [ "http://thecolbertreport.cc.com/videos/7zoy4v/intro---06-15-09", "http://thecolbertreport.cc.com/videos/ycfoc7/warm-memories-of-iraq", "http://thecolbertreport.cc.com/videos/cgcvlh/car-shout---gm---chrysler", "http://thecolbertreport.cc.com/videos/px4jql/austan-goolsbee", "http://thecolbertreport.cc.com/videos/22hank/sign-off---driving-for-the-last-10-minutes" ], "guest": "Austan Goolsbee" }, { "date": "2009-06-16", "videos": [ "http://thecolbertreport.cc.com/videos/6kwzzi/intro---06-16-09", "http://thecolbertreport.cc.com/videos/e51xox/croatia-s-biggest-jeans-world-record", "http://thecolbertreport.cc.com/videos/86p43v/teh-runoff---karim-sadjadpour", "http://thecolbertreport.cc.com/videos/guirtz/balls-for-kidz---carnivals-encore", "http://thecolbertreport.cc.com/videos/8g3agb/jim-rogers", "http://thecolbertreport.cc.com/videos/1bur1p/stephen-s-sound-advice---how-to-be-a-totalitarian-nutjob" ], "guest": "Karim Sadjadpour, Jim Rogers" }, { "date": "2009-06-17", "videos": [ "http://thecolbertreport.cc.com/videos/vz7xis/intro---06-17-09", "http://thecolbertreport.cc.com/videos/y8n8bj/stephen-s-positive-obama-coverage", "http://thecolbertreport.cc.com/videos/v8qfms/the-word---bohemian-grove", "http://thecolbertreport.cc.com/videos/fgc5qj/alpha-dog-of-the-week---silvio-berlusconi", "http://thecolbertreport.cc.com/videos/6wqhd0/joshua-micah-marshall", "http://thecolbertreport.cc.com/videos/1jvq35/teh-runoff", "http://thecolbertreport.cc.com/videos/31otgs/goodnight" ], "guest": "Joshua Micah Marshall" }, { "date": "2009-06-18", "videos": [ "http://thecolbertreport.cc.com/videos/ewcaj5/intro---06-18-09", "http://thecolbertreport.cc.com/videos/0qwej8/murder-in-the-white-house---jeff-goldblum", "http://thecolbertreport.cc.com/videos/nmpsnk/bears---balls---tobacco--project-natal---graveyard-bids", "http://thecolbertreport.cc.com/videos/e8rev9/paul-muldoon", "http://thecolbertreport.cc.com/videos/dvld1q/sign-off---law---order-preview", "http://thecolbertreport.cc.com/videos/e8h8e5/murder-in-the-white-house---fly-widow-interview", "http://thecolbertreport.cc.com/videos/e72lp2/sign-off---aloha--idaho" ], "guest": "Paul Muldoon" }, { "date": "2009-06-22", "videos": [ "http://thecolbertreport.cc.com/videos/je4uya/intro---06-22-09", "http://thecolbertreport.cc.com/videos/91fk6r/zicam-recall", "http://thecolbertreport.cc.com/videos/h9527k/the-enemy-within---cane-fu", "http://thecolbertreport.cc.com/videos/he9dc0/simon-schama", "http://thecolbertreport.cc.com/videos/k4vrsb/sign-off---stephen-suffers--too" ], "guest": "Simon Schama" }, { "date": "2009-06-23", "videos": [ "http://thecolbertreport.cc.com/videos/wovkbp/barack-obama-s-response-to-iran", "http://thecolbertreport.cc.com/videos/yaknra/america-s-health-plan-demic", "http://thecolbertreport.cc.com/videos/xc1sqp/governor-alert---the-search-for-mark-sanford", "http://thecolbertreport.cc.com/videos/fmv6yq/david-kilcullen", "http://thecolbertreport.cc.com/videos/i99yp3/the-smell-of-freedom---jeff-goldblum" ], "guest": "Howard Dean, David Kilcullen" }, { "date": "2009-06-24", "videos": [ "http://thecolbertreport.cc.com/videos/rhiizu/intro---06-24-09", "http://thecolbertreport.cc.com/videos/5xejpe/mark-sanford-does-something-interesting", "http://thecolbertreport.cc.com/videos/neths8/matthew-crawford", "http://thecolbertreport.cc.com/videos/i50dum/sign-off---random-gps-coordinate-lottery", "http://thecolbertreport.cc.com/videos/jkobj5/america-s-health-plan-demic---howard-dean", "http://thecolbertreport.cc.com/videos/411cqv/sign-off---goodnight" ], "guest": "Matthew Crawford" }, { "date": "2009-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/j1tx3a/intro---06-25-09", "http://thecolbertreport.cc.com/videos/g71yl5/gay-demon-on-the-loose", "http://thecolbertreport.cc.com/videos/5gki1y/commonsense-health-care-reform-infomercial", "http://thecolbertreport.cc.com/videos/ohjhjq/jim-fouratt", "http://thecolbertreport.cc.com/videos/l3h2eg/sign-off---one-breath", "http://thecolbertreport.cc.com/videos/nw0bxn/sport-report---soccer--tennis---brett-favre" ], "guest": "Jim Fouratt" }, { "date": "2009-06-29", "videos": [ "http://thecolbertreport.cc.com/videos/ehxpq9/jeff-goldblum-will-be-missed", "http://thecolbertreport.cc.com/videos/di8fs8/michael-jackson-s-media-attention", "http://thecolbertreport.cc.com/videos/8ouc6a/the-word---noncensus", "http://thecolbertreport.cc.com/videos/4zr9io/neil-degrasse-tyson" ], "guest": "Neil DeGrasse Tyson" }, { "date": "2009-06-30", "videos": [ "http://thecolbertreport.cc.com/videos/klvpw6/intro---06-30-09", "http://thecolbertreport.cc.com/videos/hy9hl7/al-franken-finally-declared-senator", "http://thecolbertreport.cc.com/videos/hzd5cg/4th-of-july-under-attack", "http://thecolbertreport.cc.com/videos/jzev8y/is-it-time-to-care-about-soccer-", "http://thecolbertreport.cc.com/videos/knfvfz/is-it-time-to-care-about-soccer----alexi-lalas", "http://thecolbertreport.cc.com/videos/8x5ezx/kevin-mattson", "http://thecolbertreport.cc.com/videos/ehxpq9/jeff-goldblum-will-be-missed" ], "guest": "Alexi Lalas, Kevin Mattson" }, { "date": "2009-07-01", "videos": [ "http://thecolbertreport.cc.com/videos/umpd2x/intro---07-01-09", "http://thecolbertreport.cc.com/videos/opbzv4/the-second-coming-of-ronald-reagan", "http://thecolbertreport.cc.com/videos/6wo5t4/the-clinton-curse", "http://thecolbertreport.cc.com/videos/heqh3g/judge--jury---executioner---firefighters--gold-waste---strip-search", "http://thecolbertreport.cc.com/videos/r9zau8/nicholas-kristof", "http://thecolbertreport.cc.com/videos/sldptb/sign-off---farewell--david-souter" ], "guest": "Nicholas Kristof" }, { "date": "2009-07-02", "videos": [ "http://thecolbertreport.cc.com/videos/f4016f/intro---07-02-09", "http://thecolbertreport.cc.com/videos/mc9la4/cnn-finds-bubbles-the-chimp", "http://thecolbertreport.cc.com/videos/n31uuy/re-report---lost-treasures-of-babylon", "http://thecolbertreport.cc.com/videos/v5trw8/ed-viesturs", "http://thecolbertreport.cc.com/videos/zc3q4z/sign-off---see-you-at-the-bar", "http://thecolbertreport.cc.com/videos/sedae1/tip-wag---cynthia-davis---fox-news", "http://thecolbertreport.cc.com/videos/wyj1b1/sign-off---get-your-illegal-fireworks" ], "guest": "Ed Viesturs" }, { "date": "2009-07-13", "videos": [ "http://thecolbertreport.cc.com/videos/4zm73s/intro---07-13-09", "http://thecolbertreport.cc.com/videos/m8x1rr/va-backlog---paul-rieckhoff", "http://thecolbertreport.cc.com/videos/qvijip/paul-krugman", "http://thecolbertreport.cc.com/videos/2wjc98/goodnight" ], "guest": "Paul Rieckhoff, Paul Krugman" }, { "date": "2009-07-14", "videos": [ "http://thecolbertreport.cc.com/videos/w7y41r/intro---07-14-09", "http://thecolbertreport.cc.com/videos/17wwbv/raise-high-the-rage-beams", "http://thecolbertreport.cc.com/videos/o7y2te/leymah-gbowee", "http://thecolbertreport.cc.com/videos/9nhp7n/sign-off---the-pitcher-in-the-oat", "http://thecolbertreport.cc.com/videos/55a0ws/remembering-remembering-michael-jackson", "http://thecolbertreport.cc.com/videos/bfjyjy/stephen-s-sound-advice---how-to-bork-a-nominee" ], "guest": "Leymah Gbowee" }, { "date": "2009-07-15", "videos": [ "http://thecolbertreport.cc.com/videos/38zw9a/intro---07-15-09", "http://thecolbertreport.cc.com/videos/7avxb3/stephen-wants-to-be-the-worst-person-in-the-world", "http://thecolbertreport.cc.com/videos/yhsbjx/difference-makers---doug-jackson", "http://thecolbertreport.cc.com/videos/jkayfy/douglas-rushkoff", "http://thecolbertreport.cc.com/videos/1ikoxj/sign-off---no-man-is-a-failure", "http://thecolbertreport.cc.com/videos/9vyt62/senator-wences-questions-sonia-sotomayor", "http://thecolbertreport.cc.com/videos/jb4xw4/the-word---guns--credit--and-corn" ], "guest": "Douglas Rushkoff" }, { "date": "2009-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/n291gl/intro---07-16-09", "http://thecolbertreport.cc.com/videos/7pmbq4/the-memy-awards", "http://thecolbertreport.cc.com/videos/3ahlmo/cheating-death---diabetes-dogs--chocolate-milk---swearing-in-pain", "http://thecolbertreport.cc.com/videos/7hp904/edmund-andrews", "http://thecolbertreport.cc.com/videos/1wc2dn/sign-off---stephen-wins", "http://thecolbertreport.cc.com/videos/cqz0pq/tip-wag---assassination-squads--biblical-history---gay-penguins" ], "guest": "Edmund Andrews" }, { "date": "2009-07-20", "videos": [ "http://thecolbertreport.cc.com/videos/z5a6bx/walter-cronkite-remembered", "http://thecolbertreport.cc.com/videos/0a6zq6/reverse-racism", "http://thecolbertreport.cc.com/videos/wqv2b7/sport-report---jessica-simpson--olympic-brothel---bud-light", "http://thecolbertreport.cc.com/videos/bowvin/bob-park", "http://thecolbertreport.cc.com/videos/x2ppm1/sign-off---goodnight" ], "guest": "Geoffrey Canada, Bob Park" }, { "date": "2009-07-21", "videos": [ "http://thecolbertreport.cc.com/videos/78h601/intro---07-21-09", "http://thecolbertreport.cc.com/videos/1egi6s/40th-anniversary-of-the-moon-landing", "http://thecolbertreport.cc.com/videos/puckfx/better-know-a-lobby---acorn", "http://thecolbertreport.cc.com/videos/gwtxoo/aaron-carroll", "http://thecolbertreport.cc.com/videos/o84f1o/sign-off---stephen-s-chip", "http://thecolbertreport.cc.com/videos/hmh0yy/reverse-racism---geoffrey-canada" ], "guest": "Dr. Aaron Carroll" }, { "date": "2009-07-22", "videos": [ "http://thecolbertreport.cc.com/videos/j9y28p/intro---07-22-09", "http://thecolbertreport.cc.com/videos/43yfk6/the-longest-solar-eclipse-of-the-century", "http://thecolbertreport.cc.com/videos/8st941/sniper-trifle---matthew-waxman", "http://thecolbertreport.cc.com/videos/gda2z2/pope-wrist-watch", "http://thecolbertreport.cc.com/videos/hlljrv/chris-anderson", "http://thecolbertreport.cc.com/videos/tzs7et/the-word---a-perfect-world" ], "guest": "Matthew Waxman, Chris Anderson" }, { "date": "2009-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/abmeny/health-care-reform-is-the-matrix", "http://thecolbertreport.cc.com/videos/al2ar6/health-care-hell-scare---die-agnosis--mur-dr", "http://thecolbertreport.cc.com/videos/lb7ei8/sign-off---tivo", "http://thecolbertreport.cc.com/videos/l3lw8t/sniper-trifle", "http://thecolbertreport.cc.com/videos/1y6s8z/sign-off---goodnight" ], "guest": "Zev Chafets" }, { "date": "2009-07-27", "videos": [ "http://thecolbertreport.cc.com/videos/g64g5i/intro---07-27-09", "http://thecolbertreport.cc.com/videos/bx3wyo/sarah-palin-will-be-missed", "http://thecolbertreport.cc.com/videos/5mjokj/nailed--em---library-crime", "http://thecolbertreport.cc.com/videos/c4hocz/movits-" ], "guest": "Movits" }, { "date": "2009-07-28", "videos": [ "http://thecolbertreport.cc.com/videos/nwsa83/president-obama-s-teachable-moment", "http://thecolbertreport.cc.com/videos/574gc1/womb-raiders---the-fight-for-the-truth-behind-obama-s-birth", "http://thecolbertreport.cc.com/videos/wg36jw/arianna-huffington", "http://thecolbertreport.cc.com/videos/aayh4c/sign-off---devil-s-tricks", "http://thecolbertreport.cc.com/videos/g64g5i/intro---07-27-09" ], "guest": "Arianna Huffington" }, { "date": "2009-07-29", "videos": [ "http://thecolbertreport.cc.com/videos/n0hvmj/intro---07-29-09", "http://thecolbertreport.cc.com/videos/em0er2/frank-the-roommate", "http://thecolbertreport.cc.com/videos/hw67wd/sport-report---tour-de-france---robotic-baseball", "http://thecolbertreport.cc.com/videos/2dvjk4/kevin-baker", "http://thecolbertreport.cc.com/videos/h00qyf/sign-off---watch-without-blinking", "http://thecolbertreport.cc.com/videos/zafhtu/womb-raiders---orly-taitz" ], "guest": "Kevin Baker" }, { "date": "2009-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/jdw6pa/intro---07-30-09", "http://thecolbertreport.cc.com/videos/uq6k19/white-house-beer-summit", "http://thecolbertreport.cc.com/videos/fmie7p/tip-wag---man-words---movits-", "http://thecolbertreport.cc.com/videos/g75n20/kathryn-bigelow", "http://thecolbertreport.cc.com/videos/2mqpw1/sign-off---taco-bell-spokesdog", "http://thecolbertreport.cc.com/videos/10c870/the-word---he-who-smelt-it--dealt-it" ], "guest": "Kathryn Bigelow" }, { "date": "2009-08-03", "videos": [ "http://thecolbertreport.cc.com/videos/6tkw9s/intro---08-03-09", "http://thecolbertreport.cc.com/videos/g2s68c/dominic-philip-s-book-habit", "http://thecolbertreport.cc.com/videos/kc14p7/nailed--em---war-on-birth-control", "http://thecolbertreport.cc.com/videos/yre45i/tony-zinni", "http://thecolbertreport.cc.com/videos/vv0gs6/sign-off---goodnight" ], "guest": "Gen. Tony Zinni" }, { "date": "2009-08-04", "videos": [ "http://thecolbertreport.cc.com/videos/2qha08/merry-barackmas", "http://thecolbertreport.cc.com/videos/wyon84/the-word---hippie-replacement", "http://thecolbertreport.cc.com/videos/m1d4yt/kurt-andersen", "http://thecolbertreport.cc.com/videos/e8glog/sign-off---love-makes-the-world-go-round", "http://thecolbertreport.cc.com/videos/lqp674/bears---balls---how-to-pay-for-health-care" ], "guest": "Kurt Andersen" }, { "date": "2009-08-05", "videos": [ "http://thecolbertreport.cc.com/videos/dozbxd/bill-clinton-s-personal-appearance", "http://thecolbertreport.cc.com/videos/pedumk/2010-midterms---joe-sestak", "http://thecolbertreport.cc.com/videos/8s2cpt/kris-kobach", "http://thecolbertreport.cc.com/videos/5f7tro/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/7wxgsg/colbert-bump-cocktail---david-wondrich" ], "guest": "Kris Kobach" }, { "date": "2009-08-06", "videos": [ "http://thecolbertreport.cc.com/videos/vesroc/intro---08-06-09", "http://thecolbertreport.cc.com/videos/7qrkub/back-to-school-with-jeremih", "http://thecolbertreport.cc.com/videos/04qijm/movies-that-are-destroying-america---summer", "http://thecolbertreport.cc.com/videos/zar0yt/meryl-streep", "http://thecolbertreport.cc.com/videos/diktol/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/updeyd/human-week" ], "guest": "Meryl Streep" }, { "date": "2009-08-10", "videos": [ "http://thecolbertreport.cc.com/videos/gaywhl/intro---08-10-09", "http://thecolbertreport.cc.com/videos/0aiuqk/death-panels", "http://thecolbertreport.cc.com/videos/1d8uxl/better-know-a-district---maine-s-1st---chellie-pingree", "http://thecolbertreport.cc.com/videos/klodac/barbara-boxer", "http://thecolbertreport.cc.com/videos/9r0u01/sign-off---encore" ], "guest": "Sen. Barbara Boxer" }, { "date": "2009-08-11", "videos": [ "http://thecolbertreport.cc.com/videos/1qhrzu/intro---08-11-09", "http://thecolbertreport.cc.com/videos/tq0ixs/stephen-s-driving-tips-via-twitter-service", "http://thecolbertreport.cc.com/videos/kc7xgf/alpha-dog-of-the-week---betty-lichtenstein", "http://thecolbertreport.cc.com/videos/0ivmu5/jonathan-cohn", "http://thecolbertreport.cc.com/videos/9pu9xl/sign-off---prevent-forest-fires", "http://thecolbertreport.cc.com/videos/dra60l/cold-war-update---cuba---topless-putin" ], "guest": "Jonathan Cohn" }, { "date": "2009-08-12", "videos": [ "http://thecolbertreport.cc.com/videos/9g2evg/intro---08-12-09", "http://thecolbertreport.cc.com/videos/cypmfk/americans-sacrifice-their-ipods", "http://thecolbertreport.cc.com/videos/5esjcx/formidable-opponent---health-care---burger-king", "http://thecolbertreport.cc.com/videos/53n2qf/mark-johnson", "http://thecolbertreport.cc.com/videos/j153gh/yes-we-afghan---james-carville" ], "guest": "Mark Johnson" }, { "date": "2009-08-13", "videos": [ "http://thecolbertreport.cc.com/videos/3rk7mk/intro---08-13-09", "http://thecolbertreport.cc.com/videos/d9wypw/sheila-jackson-lee-takes-a-phone-call", "http://thecolbertreport.cc.com/videos/1fblyv/cheating-death---blue-m-ms--vitamin-d---hormones", "http://thecolbertreport.cc.com/videos/pfw8xc/mark-devlin", "http://thecolbertreport.cc.com/videos/xagarl/sign-off---stephen-s-online-information", "http://thecolbertreport.cc.com/videos/8bsp4q/who-s-not-honoring-me-now----obama--nra---teen-choice-awards" ], "guest": "Mark Devlin" }, { "date": "2009-08-17", "videos": [ "http://thecolbertreport.cc.com/videos/eu8yuk/intro---08-17-09", "http://thecolbertreport.cc.com/videos/54nh4d/obama-publishes-health-care-op-ed", "http://thecolbertreport.cc.com/videos/xe1vuk/even-better-er-know-a-district---colorado-s-2nd---jared-polis", "http://thecolbertreport.cc.com/videos/p4m942/bill-mckibben", "http://thecolbertreport.cc.com/videos/rasuqa/sign-off---goodnight" ], "guest": "Bill McKibben" }, { "date": "2009-08-18", "videos": [ "http://thecolbertreport.cc.com/videos/wagj66/intro---08-18-09", "http://thecolbertreport.cc.com/videos/wu0pjh/hamid-karzai-endorsement", "http://thecolbertreport.cc.com/videos/z3d9c9/tip-wag---german-campaign--russian-dogs---flying-rabbis", "http://thecolbertreport.cc.com/videos/xjhfzn/robert-wright", "http://thecolbertreport.cc.com/videos/nw5bk3/sign-off--shofar", "http://thecolbertreport.cc.com/videos/79rlpw/the-word---must-be-tv" ], "guest": "Robert Wright" }, { "date": "2009-08-19", "videos": [ "http://thecolbertreport.cc.com/videos/eu5hos/barney-frank-refuses-to-talk-to-a-dining-room-table", "http://thecolbertreport.cc.com/videos/f6lol5/sugar-shortage---marion-nestle", "http://thecolbertreport.cc.com/videos/ckefur/ang-lee", "http://thecolbertreport.cc.com/videos/qwyqmu/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/jrwpha/the-word---arch-enemies" ], "guest": "Ang Lee" }, { "date": "2009-08-20", "videos": [ "http://thecolbertreport.cc.com/videos/om1fcy/intro---08-20-09", "http://thecolbertreport.cc.com/videos/bgxuqk/france-bans-elephants", "http://thecolbertreport.cc.com/videos/ho2y6d/stephen-s-sound-advice---how-to-make-babies", "http://thecolbertreport.cc.com/videos/3muzmh/chris-matthews", "http://thecolbertreport.cc.com/videos/gv0u6s/sign-off---vacation-begins", "http://thecolbertreport.cc.com/videos/k1zrq2/colbert-platinum---urbane-nomads--gigayacht---michael-jackson-diamond" ], "guest": "Chris Matthews" }, { "date": "2009-09-14", "videos": [ "http://thecolbertreport.cc.com/videos/dq2vzv/intro---09-14-09", "http://thecolbertreport.cc.com/videos/npiiku/conservatives-are-back", "http://thecolbertreport.cc.com/videos/ehltxr/kanye-west-interrupts-taylor-swift-at-the-vmas", "http://thecolbertreport.cc.com/videos/ljbubg/cory-booker", "http://thecolbertreport.cc.com/videos/4kq9de/sign-off---goodnight" ], "guest": "Cory Booker" }, { "date": "2009-09-15", "videos": [ "http://thecolbertreport.cc.com/videos/drgqxg/world-record-for-mexican-insults", "http://thecolbertreport.cc.com/videos/c9v1s6/the-word---let-freedom-ka-ching", "http://thecolbertreport.cc.com/videos/qm9oq3/christiane-amanpour", "http://thecolbertreport.cc.com/videos/tcjp92/stephen-loses-world-record-to-lou-dobbs", "http://thecolbertreport.cc.com/videos/hen1ip/better-know-a-lobby---health-care-for-america-now" ], "guest": "Christiane Amanpour" }, { "date": "2009-09-16", "videos": [ "http://thecolbertreport.cc.com/videos/ch7xyz/intro---09-16-09", "http://thecolbertreport.cc.com/videos/dp3jiw/body-worlds-plans-cadaver-sex-exhibit", "http://thecolbertreport.cc.com/videos/p1ugzo/figgy-moonpowder", "http://thecolbertreport.cc.com/videos/1642tt/wayne-coyne", "http://thecolbertreport.cc.com/videos/pafbhp/citizens-united-v--federal-election-commission---jeffrey-toobin" ], "guest": "The Flaming Lips" }, { "date": "2009-09-17", "videos": [ "http://thecolbertreport.cc.com/videos/oclyoo/goat-lab", "http://thecolbertreport.cc.com/videos/5psdx6/goat-lab---jon-ronson", "http://thecolbertreport.cc.com/videos/3zmd8j/frank-bruni", "http://thecolbertreport.cc.com/videos/xl4dp2/i-s-on-edjukashun---muslim-textbooks---tony-danza" ], "guest": "Frank Bruni" }, { "date": "2009-09-22", "videos": [ "http://thecolbertreport.cc.com/videos/fscepw/intro---09-22-09", "http://thecolbertreport.cc.com/videos/brwe58/atone-phone---emmy-awards", "http://thecolbertreport.cc.com/videos/h3pbsv/atone-phone---jon-stewart-calls-to-apologize", "http://thecolbertreport.cc.com/videos/oqiy0y/shai-agassi", "http://thecolbertreport.cc.com/videos/zxvw0a/sign-off---shofar-goodnight" ], "guest": "Shai Agassi" }, { "date": "2009-09-23", "videos": [ "http://thecolbertreport.cc.com/videos/epco4o/lunatic-dictator-accommodations", "http://thecolbertreport.cc.com/videos/xtts8p/capitalism-s-enemy---michael-moore", "http://thecolbertreport.cc.com/videos/hwx2pv/aj-jacobs", "http://thecolbertreport.cc.com/videos/8ch7no/sign-off---thank-you-for-joining-us", "http://thecolbertreport.cc.com/videos/npdo9z/tip-wag---guns-on-amtrak--fake-lesbians---battleship-audition" ], "guest": "Michael Moore, A.J. Jacobs" }, { "date": "2009-09-24", "videos": [ "http://thecolbertreport.cc.com/videos/92d7p3/intro---09-24-09", "http://thecolbertreport.cc.com/videos/srdbkv/atone-phone---larry-king-calls", "http://thecolbertreport.cc.com/videos/f4xrhk/easter-under-attack---peeps-display", "http://thecolbertreport.cc.com/videos/xqer72/ken-burns", "http://thecolbertreport.cc.com/videos/cqqzqe/sign-off---automated-desk", "http://thecolbertreport.cc.com/videos/rh4p4f/tom-delay-dances-with-the-stars" ], "guest": "Ken Burns" }, { "date": "2009-09-28", "videos": [ "http://thecolbertreport.cc.com/videos/ph4cw3/atone-phone---last-day-of-apologies", "http://thecolbertreport.cc.com/videos/89wc6t/do--dump-or-marry", "http://thecolbertreport.cc.com/videos/r9at2m/sheryl-wudunn", "http://thecolbertreport.cc.com/videos/wsefin/sign-off---goodnight--conan" ], "guest": "Sheryl WuDunn" }, { "date": "2009-09-29", "videos": [ "http://thecolbertreport.cc.com/videos/8qd7gf/intro---09-29-09", "http://thecolbertreport.cc.com/videos/4bcajc/spider-pope", "http://thecolbertreport.cc.com/videos/22jcm5/cheating-death---snus---placebo-effect", "http://thecolbertreport.cc.com/videos/03ei16/matt-latimer", "http://thecolbertreport.cc.com/videos/7bmnxg/sign-off---richard-dawkins-will-be-here-tomorrow", "http://thecolbertreport.cc.com/videos/ph4cw3/atone-phone---last-day-of-apologies" ], "guest": "Matt Latimer" }, { "date": "2009-09-30", "videos": [ "http://thecolbertreport.cc.com/videos/6bhu7e/intro---09-30-09", "http://thecolbertreport.cc.com/videos/rrbojv/send-your-medical-bills-to-max-baucus", "http://thecolbertreport.cc.com/videos/m2yjay/a-pace-odyssey", "http://thecolbertreport.cc.com/videos/jhrv69/richard-dawkins", "http://thecolbertreport.cc.com/videos/t5u4g8/sign-off---goodnight--grammy", "http://thecolbertreport.cc.com/videos/kf4xf5/the-word---out-of-the-closet" ], "guest": "Richard Dawkins" }, { "date": "2009-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/wlav1v/najibullah-zazi-threatens-beauty-supplies", "http://thecolbertreport.cc.com/videos/6dv0jz/2016-olympics-in-chicago---george-wendt", "http://thecolbertreport.cc.com/videos/zxuz0a/francis-collins", "http://thecolbertreport.cc.com/videos/q9o9qv/sign-off---new-slang", "http://thecolbertreport.cc.com/videos/91s6ka/threatdown---environmentalists--kang-lee---mountain-pine-beetles" ], "guest": "George Wendt, Dr. Francis Collins" }, { "date": "2009-10-05", "videos": [ "http://thecolbertreport.cc.com/videos/733czp/intro---10-05-09", "http://thecolbertreport.cc.com/videos/7yi77e/americans-for-prosperity-cheer-chicago-s-failure", "http://thecolbertreport.cc.com/videos/k8e7bl/eating-the-distance---the-brad-sciullo-story-pt--2", "http://thecolbertreport.cc.com/videos/wfl2if/arne-duncan", "http://thecolbertreport.cc.com/videos/d1uxmt/sign-off---goodnight" ], "guest": "Arne Duncan" }, { "date": "2009-10-06", "videos": [ "http://thecolbertreport.cc.com/videos/lomf6q/new-swine-flu-vaccine-drops", "http://thecolbertreport.cc.com/videos/7060r2/the-road-ahead-in-afghanistan---lara-logan", "http://thecolbertreport.cc.com/videos/yz886x/john-darnielle", "http://thecolbertreport.cc.com/videos/58l1kv/the-word---learning-is-fundamental" ], "guest": "Lara Logan, the Mountain Goats" }, { "date": "2009-10-07", "videos": [ "http://thecolbertreport.cc.com/videos/kt8d60/intro---10-07-09", "http://thecolbertreport.cc.com/videos/p6tyac/human-sacrifice-channel", "http://thecolbertreport.cc.com/videos/i1e7h0/craziest-f--king-thing-i-ve-ever-heard---eye-tooth", "http://thecolbertreport.cc.com/videos/59gyno/alison-gopnik", "http://thecolbertreport.cc.com/videos/9ergzb/sign-off---jasper-t--jowls", "http://thecolbertreport.cc.com/videos/qm22ls/formula-401--a-star-is-born" ], "guest": "Alison Gopnik" }, { "date": "2009-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/ac6rq4/intro---10-08-09", "http://thecolbertreport.cc.com/videos/u1v1j7/kevin-the-iranian-intern", "http://thecolbertreport.cc.com/videos/jigfye/sport-report---rush-limbaugh---ted-williams--frozen-head", "http://thecolbertreport.cc.com/videos/ih4ouf/colin-beavan", "http://thecolbertreport.cc.com/videos/7t5ve1/sign-off---buddy-system", "http://thecolbertreport.cc.com/videos/81wvda/tip-wag---conservapedia--louvre---honda-unicycle" ], "guest": "Colin Beavan" }, { "date": "2009-10-12", "videos": [ "http://thecolbertreport.cc.com/videos/6s4gb6/intro---10-12-09", "http://thecolbertreport.cc.com/videos/xiuiwd/happy-columbus-day", "http://thecolbertreport.cc.com/videos/vnmcv0/fallback-position---james-blake", "http://thecolbertreport.cc.com/videos/2ko3eq/sanjay-gupta", "http://thecolbertreport.cc.com/videos/izp5gd/sign-off---thanks-to-the-guests" ], "guest": "Shashi Tharoor, Dr. Sanjay Gupta" }, { "date": "2009-10-13", "videos": [ "http://thecolbertreport.cc.com/videos/g87deh/intro---10-13-09", "http://thecolbertreport.cc.com/videos/4cco61/jermaine-maine-tweets-miley-cyrus-facts", "http://thecolbertreport.cc.com/videos/7jpek6/the-born-supremacy---david-javerbaum", "http://thecolbertreport.cc.com/videos/s52xb5/sylvia-earle", "http://thecolbertreport.cc.com/videos/obxlza/sign-off---gmail", "http://thecolbertreport.cc.com/videos/l4n6tb/war-of-peace---shashi-tharoor" ], "guest": "David Javerbaum, Sylvia Earle" }, { "date": "2009-10-14", "videos": [ "http://thecolbertreport.cc.com/videos/g6skj6/pat-roberts-warns-against-health-care-box-canyon", "http://thecolbertreport.cc.com/videos/3copn0/the-obesity-epidemic---amy-farrell", "http://thecolbertreport.cc.com/videos/ljym9p/the-rza", "http://thecolbertreport.cc.com/videos/wijvgm/sign-off---should-have-put-a-ring-on-it", "http://thecolbertreport.cc.com/videos/m5y3ox/the-word---symbol-minded" ], "guest": "Amy Farrell, The RZA" }, { "date": "2009-10-15", "videos": [ "http://thecolbertreport.cc.com/videos/0bzt4y/intro---10-15-09", "http://thecolbertreport.cc.com/videos/0a133r/the-money-shot", "http://thecolbertreport.cc.com/videos/8xmsj4/the-mayo-lution-will-not-be-televised", "http://thecolbertreport.cc.com/videos/7s45sd/jerry-mitchell", "http://thecolbertreport.cc.com/videos/sgqznj/sign-off---stephen-unveils-a-new-portrait", "http://thecolbertreport.cc.com/videos/ubn9ao/yahweh-or-no-way---legislation-prayers---fake-shroud-of-turin" ], "guest": "Jerry Mitchell" }, { "date": "2009-10-26", "videos": [ "http://thecolbertreport.cc.com/videos/4srpg9/george-will-s-long-tie", "http://thecolbertreport.cc.com/videos/gy6tin/the-word---don-t-ask-don-t-tell", "http://thecolbertreport.cc.com/videos/xhz2mw/cornel-west", "http://thecolbertreport.cc.com/videos/2onypd/sign-off---don-t-move" ], "guest": "Cornel West" }, { "date": "2009-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/l98jof/intro---10-27-09", "http://thecolbertreport.cc.com/videos/3f3ssx/george-w--bush-s-motivational-speech", "http://thecolbertreport.cc.com/videos/wtcyjy/colbert-platinum---harvard-billionaires---red-diamond-suv", "http://thecolbertreport.cc.com/videos/8c9hx0/gail-collins", "http://thecolbertreport.cc.com/videos/plvf84/sign-off---goodnight-", "http://thecolbertreport.cc.com/videos/liq1p2/job-recommendation-from-stephen-colbert", "http://thecolbertreport.cc.com/videos/dtlk2w/stephen-s-sound-advice---how-to-get-a-job" ], "guest": "Randall Balmer, Gail Collins" }, { "date": "2009-10-28", "videos": [ "http://thecolbertreport.cc.com/videos/zspzvk/intro---10-28-09", "http://thecolbertreport.cc.com/videos/qvcosm/joe-lieberman-is-a-true-independent", "http://thecolbertreport.cc.com/videos/1r96o8/big-bang-theory", "http://thecolbertreport.cc.com/videos/3r9su2/brian-cox", "http://thecolbertreport.cc.com/videos/bzrvnc/sign-off---future-stephen", "http://thecolbertreport.cc.com/videos/1va17m/holy-water-under-the-bridge---randall-balmer" ], "guest": "Brian Cox" }, { "date": "2009-10-29", "videos": [ "http://thecolbertreport.cc.com/videos/bbj9sz/intro---10-29-09", "http://thecolbertreport.cc.com/videos/yl6xd1/usa-today-slams-dirigibles", "http://thecolbertreport.cc.com/videos/al6ssq/threatdown---halloween-edition", "http://thecolbertreport.cc.com/videos/ku01px/bill-simmons", "http://thecolbertreport.cc.com/videos/xalyef/sign-off---thanks-to-bill-simmons---rosanne-cash", "http://thecolbertreport.cc.com/videos/w56skk/the-word---you-genics" ], "guest": "Rosanne Cash, Bill Simmons" }, { "date": "2009-11-02", "videos": [ "http://thecolbertreport.cc.com/videos/vfdy5q/intro---11-02-09", "http://thecolbertreport.cc.com/videos/uke17x/used-karzai", "http://thecolbertreport.cc.com/videos/uxgb9s/alpha-dog-of-the-week---arnold-schwarzenegger", "http://thecolbertreport.cc.com/videos/t62cji/nicholas-thompson", "http://thecolbertreport.cc.com/videos/7g9pgn/sign-off---donate-to-the-u-s--speedskating-team" ], "guest": "Nicholas Thompson" }, { "date": "2009-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/hlio3b/intro---11-03-09", "http://thecolbertreport.cc.com/videos/zbi6j6/canadian-hackers-sabotage-colbert-nation", "http://thecolbertreport.cc.com/videos/olb2ep/nailed--em---mormon-church-trespassing", "http://thecolbertreport.cc.com/videos/qdk21v/andrew-sullivan", "http://thecolbertreport.cc.com/videos/sqdke8/sign-off---they-call-me-mister-fry", "http://thecolbertreport.cc.com/videos/b7il1x/sport-report---nyc-marathon---olympic-speedskating" ], "guest": "Andrew Sullivan" }, { "date": "2009-11-04", "videos": [ "http://thecolbertreport.cc.com/videos/wm06ja/intro---11-04-09", "http://thecolbertreport.cc.com/videos/hzm3ur/-09-off-year-semi-presidential-electferendum", "http://thecolbertreport.cc.com/videos/src597/formidable-opponent---global-warming-with-al-gore", "http://thecolbertreport.cc.com/videos/lkkq9m/harold-evans", "http://thecolbertreport.cc.com/videos/64ucdo/sign-off---poison-gas", "http://thecolbertreport.cc.com/videos/ol1mvi/the-word---the-green-mile" ], "guest": "Harold Evans" }, { "date": "2009-11-05", "videos": [ "http://thecolbertreport.cc.com/videos/ymrkt5/intro---11-05-09", "http://thecolbertreport.cc.com/videos/i7dq6q/guy-fawkers", "http://thecolbertreport.cc.com/videos/6vac7m/cheating-death---swine-flu-scam-detector---vaxaconda", "http://thecolbertreport.cc.com/videos/cj1lqu/william-bratton", "http://thecolbertreport.cc.com/videos/6e51a0/sign-off---donate-to-u-s--speedskating", "http://thecolbertreport.cc.com/videos/hnu3dh/tip-wag---rush-limbaugh---us-weekly" ], "guest": "Joey Cheek, Chief William Bratton" }, { "date": "2009-11-09", "videos": [ "http://thecolbertreport.cc.com/videos/p4del4/intro---11-09-09", "http://thecolbertreport.cc.com/videos/zhrahz/trouble--coverage", "http://thecolbertreport.cc.com/videos/uaeaom/u-s--speedskating-team-takes-gold", "http://thecolbertreport.cc.com/videos/62flai/thomas-campbell", "http://thecolbertreport.cc.com/videos/5hgk8f/sign-off---goodnight" ], "guest": "Thomas Campbell" }, { "date": "2009-11-10", "videos": [ "http://thecolbertreport.cc.com/videos/nwm4io/intro---11-10-09", "http://thecolbertreport.cc.com/videos/bpec5m/barney-frank-is-not-a-great-outdoorsman", "http://thecolbertreport.cc.com/videos/476wty/maria-shriver", "http://thecolbertreport.cc.com/videos/rl73xb/sign-off---you-can-t-take-it-with-you", "http://thecolbertreport.cc.com/videos/ocuoqq/exclusive---better-know-a-district---delaware-s-at-large---mike-castle", "http://thecolbertreport.cc.com/videos/i4pgl0/better-know-a-district---delaware-s-at-large---mike-castle" ], "guest": "Maria Shriver" }, { "date": "2009-11-11", "videos": [ "http://thecolbertreport.cc.com/videos/8m4icj/intro---11-11-09", "http://thecolbertreport.cc.com/videos/d3hhgz/goldman-sachs-does-god-s-work", "http://thecolbertreport.cc.com/videos/1al5v4/tip-wag---san-francisco-chronicle---george-clinton", "http://thecolbertreport.cc.com/videos/p4wqld/christopher-caldwell", "http://thecolbertreport.cc.com/videos/xp7fig/sign-off---stephen-s-fight-with-christopher-caldwell", "http://thecolbertreport.cc.com/videos/2vmljd/iraniversary---karim-sadjadpour" ], "guest": "Christopher Caldwell" }, { "date": "2009-11-12", "videos": [ "http://thecolbertreport.cc.com/videos/lbfhkm/intro---11-12-09", "http://thecolbertreport.cc.com/videos/cnw6wz/miracle-whip-buys-ad-space", "http://thecolbertreport.cc.com/videos/ips2v8/the-word---the-money-shot", "http://thecolbertreport.cc.com/videos/2k90o4/sport-report---cricket-scandal---letter-writing-campaign", "http://thecolbertreport.cc.com/videos/1yilwm/woody-harrelson", "http://thecolbertreport.cc.com/videos/l85kiv/grover-the-hill" ], "guest": "Woody Harrelson" }, { "date": "2009-11-16", "videos": [ "http://thecolbertreport.cc.com/videos/t5pqdy/intro---11-16-09", "http://thecolbertreport.cc.com/videos/8ggl86/obama-bows-to-japanese-emperor", "http://thecolbertreport.cc.com/videos/xgze85/alpha-dog-of-the-week---joe-perry", "http://thecolbertreport.cc.com/videos/6einjp/paul-goldberger", "http://thecolbertreport.cc.com/videos/i42i9t/sign-off---good-morning--burma" ], "guest": "Paul Goldberger" }, { "date": "2009-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/im99fb/intro---11-17-09", "http://thecolbertreport.cc.com/videos/z1cr8v/kid-gloves---marc-kielburger", "http://thecolbertreport.cc.com/videos/ij8d04/malcolm-gladwell", "http://thecolbertreport.cc.com/videos/w71om6/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/mwjf6e/the-word---skeletons-in-the-closet" ], "guest": "Malcolm Gladwell" }, { "date": "2009-11-18", "videos": [ "http://thecolbertreport.cc.com/videos/24jack/intro---11-18-09", "http://thecolbertreport.cc.com/videos/odu5xx/eggo-waffles-shortage-alert", "http://thecolbertreport.cc.com/videos/cuhtda/threatdown---quetzalcoatl--santa-claus---canadian-groin-kickers", "http://thecolbertreport.cc.com/videos/ah5dzo/norah-jones", "http://thecolbertreport.cc.com/videos/1vm4fs/exclusive---better-know-a-district---california-s-12th---jackie-speier-pt--1", "http://thecolbertreport.cc.com/videos/udd9qu/exclusive---better-know-a-district---california-s-12th---jackie-speier-pt--2", "http://thecolbertreport.cc.com/videos/p8c7xo/better-know-a-district---california-s-12th---jackie-speier" ], "guest": "Norah Jones" }, { "date": "2009-11-19", "videos": [ "http://thecolbertreport.cc.com/videos/6iz54h/stephen-shakes-his-moneymaker", "http://thecolbertreport.cc.com/videos/4tmz49/celebrating-the-ak-47---john-pike", "http://thecolbertreport.cc.com/videos/zy3jiq/sign-off---thanks--elvis-costello", "http://thecolbertreport.cc.com/videos/tf53hs/the-word---grand-old-pity-party" ], "guest": "John Pike, Elvis Costello" }, { "date": "2009-11-30", "videos": [ "http://thecolbertreport.cc.com/videos/x90ton/intro---11-30-09", "http://thecolbertreport.cc.com/videos/qljewq/amateur-hour-at-the-white-house", "http://thecolbertreport.cc.com/videos/ahhfo9/better-know-a-lobby---ploughshares-fund", "http://thecolbertreport.cc.com/videos/ec0x55/cevin-soling", "http://thecolbertreport.cc.com/videos/53k9co/sign-off---goodnight" ], "guest": "Dan Esty, Cevin Soling" }, { "date": "2009-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/jvjn7h/intro---12-01-09", "http://thecolbertreport.cc.com/videos/fj2x2m/u-s--army-chain-of-command", "http://thecolbertreport.cc.com/videos/zwjey6/gold--frankincense-and-mars---guy-consolmagno", "http://thecolbertreport.cc.com/videos/s6mur0/sherman-alexie", "http://thecolbertreport.cc.com/videos/km8wtf/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/bohr52/something-is-melting-in-denmark---dan-esty" ], "guest": "Guy Consolmagno, Sherman Alexie" }, { "date": "2009-12-02", "videos": [ "http://thecolbertreport.cc.com/videos/lstmf1/intro---12-02-09", "http://thecolbertreport.cc.com/videos/yvq647/deployment-figures", "http://thecolbertreport.cc.com/videos/et6ksb/craig-watkins", "http://thecolbertreport.cc.com/videos/cyylc0/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/ndi826/better-know-a-made-up-district---connecticut-s-42nd" ], "guest": "Craig Watkins" }, { "date": "2009-12-03", "videos": [ "http://thecolbertreport.cc.com/videos/qrqaja/formidable-opponent---gary-the-tennis-coach", "http://thecolbertreport.cc.com/videos/q8vv0p/intro---12-03-09", "http://thecolbertreport.cc.com/videos/knxrx6/tiger-s-tale", "http://thecolbertreport.cc.com/videos/hw80nv/skate-expectations---skeleton-team-tryouts---zach-lund", "http://thecolbertreport.cc.com/videos/heye88/janet-napolitano", "http://thecolbertreport.cc.com/videos/dy9y1l/sign-off---welcome-sean-julien", "http://thecolbertreport.cc.com/videos/qx8k9b/cheating-death---r-j--reynolds--genzyme---bionic-bottom" ], "guest": "Sec. Janet Napolitano" }, { "date": "2009-12-07", "videos": [ "http://thecolbertreport.cc.com/videos/opl0gz/intro---12-07-09", "http://thecolbertreport.cc.com/videos/l9wksx/who-s-attacking-me-now----g--edward-deseve", "http://thecolbertreport.cc.com/videos/t0b3f4/craziest-f--king-thing-i-ve-ever-heard---tongue-eating-parasite", "http://thecolbertreport.cc.com/videos/pgp8y2/bill-t--jones" ], "guest": "Bill T. Jones, a performance by the cast of \"Fela\"" }, { "date": "2009-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/7a6f7k/intro---12-08-09", "http://thecolbertreport.cc.com/videos/0y3uce/how-far-good-parents-will-go", "http://thecolbertreport.cc.com/videos/gcu1ou/fed-s-dead---bernie-sanders", "http://thecolbertreport.cc.com/videos/9o2lyz/andy-schlafly", "http://thecolbertreport.cc.com/videos/2v1vhb/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/w4zn3p/tip-wag---jonas-brothers--fox-news---japanese-burger-king" ], "guest": "Sen. Bernie Sanders, Andy Schlafly" }, { "date": "2009-12-09", "videos": [ "http://thecolbertreport.cc.com/videos/fdjwxb/intro---12-09-09", "http://thecolbertreport.cc.com/videos/ckek7p/monkey-threatdown---holes---banana-too-high", "http://thecolbertreport.cc.com/videos/h3kb0s/the-blitzkrieg-on-grinchitude---hallmark---krampus", "http://thecolbertreport.cc.com/videos/is6uvv/matt-taibbi", "http://thecolbertreport.cc.com/videos/mlp3y1/sign-off---goodnight-with-krampus", "http://thecolbertreport.cc.com/videos/2l8p98/fed-s-dead" ], "guest": "Matt Taibbi" }, { "date": "2009-12-10", "videos": [ "http://thecolbertreport.cc.com/videos/03g0d5/obama-s-nobel-prize-speech---afghandyland", "http://thecolbertreport.cc.com/videos/zivscx/skate-expectations---bobsled-team-tryouts", "http://thecolbertreport.cc.com/videos/hjnxot/lara-logan", "http://thecolbertreport.cc.com/videos/y74r8f/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/2jc7dn/the-word---grand-old-purity" ], "guest": "Lara Logan" }, { "date": "2009-12-14", "videos": [ "http://thecolbertreport.cc.com/videos/efg3d5/intro---12-14-09", "http://thecolbertreport.cc.com/videos/9wxgc9/president-obama---the-colbert-interview", "http://thecolbertreport.cc.com/videos/t1tsns/stephen-challenges-shani-davis---katherine-reutter", "http://thecolbertreport.cc.com/videos/vt4qtf/snoop-dogg" ], "guest": "Katherine Reutter, Snoop Dogg" }, { "date": "2009-12-15", "videos": [ "http://thecolbertreport.cc.com/videos/x6ydfv/intro---12-15-09", "http://thecolbertreport.cc.com/videos/3plx6x/for-he-s-a-jowly-good-fellow", "http://thecolbertreport.cc.com/videos/10vyk2/the-blitzkrieg-on-grinchitude---treesus---christ-mas-tree", "http://thecolbertreport.cc.com/videos/i16cci/alicia-keys", "http://thecolbertreport.cc.com/videos/qn15hk/stephen-challenges-shani-davis", "http://thecolbertreport.cc.com/videos/u5g55p/exclusive---extended-interview-with-barack-obama" ], "guest": "Alicia Keys" }, { "date": "2009-12-16", "videos": [ "http://thecolbertreport.cc.com/videos/ozgmuy/accenture-drops-tiger-woods", "http://thecolbertreport.cc.com/videos/4jdam2/the-word---spyvate-sector", "http://thecolbertreport.cc.com/videos/bjlb37/tom-brokaw", "http://thecolbertreport.cc.com/videos/q9eqq1/sign-off---goodbye--2009", "http://thecolbertreport.cc.com/videos/ufq6qh/prescott-financial---gold--women---sheep" ], "guest": "Tom Brokaw" } ], "2010": [ { "date": "2010-01-04", "videos": [ "http://thecolbertreport.cc.com/videos/a6c63f/intro---goodbye--old-set", "http://thecolbertreport.cc.com/videos/qr3067/high-definition-upgrade", "http://thecolbertreport.cc.com/videos/ca8z2z/genitalia-bomb-threat", "http://thecolbertreport.cc.com/videos/hospuh/skate-expectations---curling-team-tryouts", "http://thecolbertreport.cc.com/videos/bqki32/skate-expectations---curling-team-tryouts---colbert-vs--shuster", "http://thecolbertreport.cc.com/videos/ytow3n/sign-off---thanks-for-the-new-set" ], "guest": "Erick Erickson" }, { "date": "2010-01-05", "videos": [ "http://thecolbertreport.cc.com/videos/l0fai0/intro---01-05-10", "http://thecolbertreport.cc.com/videos/qomtkk/high-definition-advertising", "http://thecolbertreport.cc.com/videos/ywy8j4/night-of-terror---the-crapification-of-the-american-pant-scape", "http://thecolbertreport.cc.com/videos/s2n141/the-word---ideal-or-no-deal", "http://thecolbertreport.cc.com/videos/t3fpvm/better-know-an-enemy---yemen", "http://thecolbertreport.cc.com/videos/r8x6ag/riley-crane", "http://thecolbertreport.cc.com/videos/doe1xo/sign-off---stephen-draws-woodstock" ], "guest": "Riley Crane" }, { "date": "2010-01-06", "videos": [ "http://thecolbertreport.cc.com/videos/rewr4u/intro---01-06-10", "http://thecolbertreport.cc.com/videos/u584e6/a-message-to-standard-definition-cable-providers", "http://thecolbertreport.cc.com/videos/g2gimh/drag-me-to-health---ezra-klein---linda-douglass", "http://thecolbertreport.cc.com/videos/h3mxst/alpha-dog-of-the-week---domino-s-pizza", "http://thecolbertreport.cc.com/videos/4cd9bx/charles-moore", "http://thecolbertreport.cc.com/videos/elm4s5/sign-off---not-stephen-s-show" ], "guest": "Capt. Charles Moore" }, { "date": "2010-01-07", "videos": [ "http://thecolbertreport.cc.com/videos/uo3v4r/intro---01-07-10", "http://thecolbertreport.cc.com/videos/f2zb2u/failure-to-connect-the-dots", "http://thecolbertreport.cc.com/videos/z3kdhi/fatal-subtraction---barry-scheck", "http://thecolbertreport.cc.com/videos/wi0ong/tip-wag---burj-dubai--avatar---transgender-appointees", "http://thecolbertreport.cc.com/videos/c3suh9/james-fowler", "http://thecolbertreport.cc.com/videos/tso1cs/sign-off---goodnight" ], "guest": "Barry Scheck, James Fowler" }, { "date": "2010-01-11", "videos": [ "http://thecolbertreport.cc.com/videos/xptxw6/harry-reid-s-racial-praise", "http://thecolbertreport.cc.com/videos/3s1wqs/move-your-money---eugene-jarecki", "http://thecolbertreport.cc.com/videos/y47i8f/colbert-platinum---estate-tax---skull-ballot-box", "http://thecolbertreport.cc.com/videos/4q61kj/morgan-freeman", "http://thecolbertreport.cc.com/videos/8e60wq/sign-off---stephen-will-be-right-back" ], "guest": "Eugene Jarecki, Morgan Freeman" }, { "date": "2010-01-12", "videos": [ "http://thecolbertreport.cc.com/videos/qjn9bh/intro---01-12-10", "http://thecolbertreport.cc.com/videos/7qig8p/roxxxy-the-sex-robot", "http://thecolbertreport.cc.com/videos/8ln9tv/cheating-death---alzheimer-s--jet-lag---female-libido", "http://thecolbertreport.cc.com/videos/7jfkm7/raj-patel" ], "guest": "Raj Patel" }, { "date": "2010-01-13", "videos": [ "http://thecolbertreport.cc.com/videos/w3lt72/intro---01-13-10", "http://thecolbertreport.cc.com/videos/34mknq/game-change-gossip", "http://thecolbertreport.cc.com/videos/kwpeqs/sport-report---gilbert-arenas---mark-mcgwire", "http://thecolbertreport.cc.com/videos/t39jgx/movies-that-are-destroying-america---avatar-edition", "http://thecolbertreport.cc.com/videos/1xyrig/john-heilemann", "http://thecolbertreport.cc.com/videos/erf677/sign-off---mark-mcgwire-action-figure" ], "guest": "John Heilemann" }, { "date": "2010-01-14", "videos": [ "http://thecolbertreport.cc.com/videos/t151qr/intro---01-14-10", "http://thecolbertreport.cc.com/videos/dbcboq/watercressgate", "http://thecolbertreport.cc.com/videos/et1vio/the-word---honor-bound", "http://thecolbertreport.cc.com/videos/7owg19/haiti-disaster-relief-donations---kathleen-sebelius", "http://thecolbertreport.cc.com/videos/gqd029/kathleen-sebelius", "http://thecolbertreport.cc.com/videos/afqd2o/sign-off---text-for-haiti-disaster-relief" ], "guest": "Kathleen Sebelius" }, { "date": "2010-01-18", "videos": [ "http://thecolbertreport.cc.com/videos/i2h2wa/intro---01-18-10", "http://thecolbertreport.cc.com/videos/uqolbx/massachusetts-special-election", "http://thecolbertreport.cc.com/videos/6s93dq/coal-comfort---margaret-palmer", "http://thecolbertreport.cc.com/videos/2kgg0x/own-a-piece-of-histor-me---original-interview-table", "http://thecolbertreport.cc.com/videos/r6fzoi/emily-pilloton", "http://thecolbertreport.cc.com/videos/47fs6h/sign-off---home-barbershop-quartet-game" ], "guest": "Dr. Margaret Palmer, Emily Pilloton" }, { "date": "2010-01-19", "videos": [ "http://thecolbertreport.cc.com/videos/w2qqgl/intro---01-19-10", "http://thecolbertreport.cc.com/videos/9t5rlw/onward-christian-soldiers", "http://thecolbertreport.cc.com/videos/eseeb0/skate-expectations---speedskating-team-training", "http://thecolbertreport.cc.com/videos/nw0obk/skate-expectations---speedskating-team-training---tucker-fredricks", "http://thecolbertreport.cc.com/videos/wljw31/stephen-bosworth", "http://thecolbertreport.cc.com/videos/5zz1m5/sign-off---teleprompter-in-italics" ], "guest": "Amb. Stephen Bosworth" }, { "date": "2010-01-20", "videos": [ "http://thecolbertreport.cc.com/videos/oarl2s/intro---01-20-10", "http://thecolbertreport.cc.com/videos/9fshqm/boston-dream-guy", "http://thecolbertreport.cc.com/videos/h7cxuq/skate-expectations---speedskating-race", "http://thecolbertreport.cc.com/videos/r0fs08/skate-expectations---speedskating-team-training---colbert-vs--davis", "http://thecolbertreport.cc.com/videos/9qoq3s/dick-ebersol", "http://thecolbertreport.cc.com/videos/ekjbd1/sign-off---original-interview-table-auction" ], "guest": "Dick Ebersol" }, { "date": "2010-01-21", "videos": [ "http://thecolbertreport.cc.com/videos/dhnvbi/intro---01-21-10", "http://thecolbertreport.cc.com/videos/a891l1/own-a-piece-of-histor-me---legendary-interview-table", "http://thecolbertreport.cc.com/videos/3t1wu4/taliban-public-relations", "http://thecolbertreport.cc.com/videos/61faxb/the-word---two-faced", "http://thecolbertreport.cc.com/videos/fqdy69/threatdown---airport-security-edition", "http://thecolbertreport.cc.com/videos/nchr4z/john-farmer", "http://thecolbertreport.cc.com/videos/ngpu7c/sign-off---raise-money-for-haiti-relief" ], "guest": "John Farmer" }, { "date": "2010-01-25", "videos": [ "http://thecolbertreport.cc.com/videos/ucog8c/intro---01-25-10", "http://thecolbertreport.cc.com/videos/2i26ye/obama-gets-called-for-jury-duty", "http://thecolbertreport.cc.com/videos/iyaiyz/the-word---manifest-density", "http://thecolbertreport.cc.com/videos/fgn6yx/alpha-dog-of-the-week---harold-ford-jr-", "http://thecolbertreport.cc.com/videos/y99wku/kati-marton", "http://thecolbertreport.cc.com/videos/6u56ui/sign-off---50th-anniversary-of-bubble-wrap" ], "guest": "Kati Marton" }, { "date": "2010-01-26", "videos": [ "http://thecolbertreport.cc.com/videos/8ukd1u/andre-bauer-is-not-against-animals", "http://thecolbertreport.cc.com/videos/1qu3mj/democrats-must-fight-back---paul-begala", "http://thecolbertreport.cc.com/videos/4cv6sy/tip-wag---creigh-deeds---scarebear-trail-companion", "http://thecolbertreport.cc.com/videos/t59ksv/mika-brzezinski", "http://thecolbertreport.cc.com/videos/oz7mss/own-a-piece-of-histor-me---original-c-shaped-anchor-desk" ], "guest": "Paul Begala, Mika Brzezinski" }, { "date": "2010-01-27", "videos": [ "http://thecolbertreport.cc.com/videos/5wqyfx/intro---01-27-10", "http://thecolbertreport.cc.com/videos/69904a/hamid-karzai-s-fashionable-hat", "http://thecolbertreport.cc.com/videos/99bavp/the-word---prece-don-t", "http://thecolbertreport.cc.com/videos/9hb7jh/fox-news-puts-james-o-keefe-into-context", "http://thecolbertreport.cc.com/videos/suw63r/arthur-benjamin", "http://thecolbertreport.cc.com/videos/iljqkj/sign-off---give-stephen-an-ipad" ], "guest": "Arthur Benjamin" }, { "date": "2010-01-28", "videos": [ "http://thecolbertreport.cc.com/videos/pg6y12/stephen-s-state-of-the-union-speech", "http://thecolbertreport.cc.com/videos/lnaqfo/david-gergen", "http://thecolbertreport.cc.com/videos/jsxv0a/sport-report---all-white-basketball---jana-rawlinson", "http://thecolbertreport.cc.com/videos/xebsoq/sign-off---bid-on-stephen-s-c-shaped-desk" ], "guest": "David Gergen" }, { "date": "2010-02-01", "videos": [ "http://thecolbertreport.cc.com/videos/pg94s5/the-word---siren-song", "http://thecolbertreport.cc.com/videos/2n1vl2/sport-report---nicole-detling-miller---jessica-smith", "http://thecolbertreport.cc.com/videos/k0hjb1/harold-ford-jr-", "http://thecolbertreport.cc.com/videos/biwfer/sign-off---u-s-a-" ], "guest": "Nicole Detling Miller, Jessica Smith, Harold Ford Jr." }, { "date": "2010-02-02", "videos": [ "http://thecolbertreport.cc.com/videos/u6k7x8/intro---02-02-10", "http://thecolbertreport.cc.com/videos/idx9j1/the-word---cognoscor-ergo-sum", "http://thecolbertreport.cc.com/videos/2ffk5q/bananafish-tale---henry-allen", "http://thecolbertreport.cc.com/videos/0xtws0/eliot-spitzer", "http://thecolbertreport.cc.com/videos/wfnsyt/sign-off---kentucky-fried-regret" ], "guest": "Eliot Spitzer" }, { "date": "2010-02-03", "videos": [ "http://thecolbertreport.cc.com/videos/pmvmz3/intro---02-03-10", "http://thecolbertreport.cc.com/videos/4nj8ql/be-almost-all-that-you-can-be", "http://thecolbertreport.cc.com/videos/5iocp5/job-man-caravan", "http://thecolbertreport.cc.com/videos/sysu7h/job-man-caravan---peter-cove", "http://thecolbertreport.cc.com/videos/t6rlnb/john-durant", "http://thecolbertreport.cc.com/videos/s0494z/sign-off---office-pool" ], "guest": "Peter Cove, John Durant" }, { "date": "2010-02-04", "videos": [ "http://thecolbertreport.cc.com/videos/zn4dgm/intro---02-04-10", "http://thecolbertreport.cc.com/videos/qkvdcs/hermaphrodites-can-t-be-gay", "http://thecolbertreport.cc.com/videos/qqtebr/tip-wag---waterboarding---canada-s-history", "http://thecolbertreport.cc.com/videos/6a6j6j/formidable-opponent---khalid-sheikh-mohammed-s-trial", "http://thecolbertreport.cc.com/videos/sm98y8/henry-louis-gates--jr-", "http://thecolbertreport.cc.com/videos/bsgq92/own-a-piece-of-histor-me---fireplace-portrait" ], "guest": "Henry Louis Gates" }, { "date": "2010-02-08", "videos": [ "http://thecolbertreport.cc.com/videos/ek3awf/exclusive---skate-expectations---bobsled-team-tryouts-pt--1", "http://thecolbertreport.cc.com/videos/52kgrq/office-super-bowl-ad-pool", "http://thecolbertreport.cc.com/videos/2idiz7/the-word---faux--n--tell", "http://thecolbertreport.cc.com/videos/mtoffp/sarah-palin-uses-a-hand-o-prompter", "http://thecolbertreport.cc.com/videos/xdafq2/jonathan-safran-foer", "http://thecolbertreport.cc.com/videos/r5okcx/sign-off---goodnight" ], "guest": "Jonathan Safran Foer" }, { "date": "2010-02-09", "videos": [ "http://thecolbertreport.cc.com/videos/msydxm/exclusive---skate-expectations---bobsled-team-tryouts-pt--2", "http://thecolbertreport.cc.com/videos/s5t5z4/celebrate-black-history-month-with-heineken", "http://thecolbertreport.cc.com/videos/nwoc1b/corporate-free-speech---chris-dodd", "http://thecolbertreport.cc.com/videos/884juj/alpha-dog-of-the-week---markus-bestin", "http://thecolbertreport.cc.com/videos/uao9dj/george-stephanopoulos", "http://thecolbertreport.cc.com/videos/zcybb6/sign-off---it-s-lonely-at-the-top" ], "guest": "George Stephanopoulos" }, { "date": "2010-02-10", "videos": [ "http://thecolbertreport.cc.com/videos/ka4dxt/exclusive---skate-expectations---bobsled-team-tryouts-pt--3", "http://thecolbertreport.cc.com/videos/l0cv8x/intro---02-10-10", "http://thecolbertreport.cc.com/videos/br6hwk/we-re-off-to-see-the-blizzard", "http://thecolbertreport.cc.com/videos/cu5mso/better-know-a-district---illinois--5th", "http://thecolbertreport.cc.com/videos/3752v8/better-know-a-district---illinois--5th---mike-quigley", "http://thecolbertreport.cc.com/videos/34z9mm/claire-danes", "http://thecolbertreport.cc.com/videos/f2whru/sign-off---goodnight" ], "guest": "Claire Danes" }, { "date": "2010-02-11", "videos": [ "http://thecolbertreport.cc.com/videos/eyfb9f/exclusive---skate-expectations---curling-team-tryouts-pt--1", "http://thecolbertreport.cc.com/videos/65cpdn/iran-begins-enriching-uranian", "http://thecolbertreport.cc.com/videos/n5w4fs/the-word---political-suicide", "http://thecolbertreport.cc.com/videos/li6roe/sport-report---global-snow-drive---al-michaels", "http://thecolbertreport.cc.com/videos/s9qfmt/david-ross", "http://thecolbertreport.cc.com/videos/qbth0f/sign-off---see-you-in-vancouver" ], "guest": "Al Michaels, David Ross" }, { "date": "2010-02-22", "videos": [ "http://thecolbertreport.cc.com/videos/jvyagn/exclusive---skate-expectations---speedskating-team-training-pt--1", "http://thecolbertreport.cc.com/videos/rbcb67/intro---02-22-10", "http://thecolbertreport.cc.com/videos/racwcb/vancouverage-2010---ed-colbert", "http://thecolbertreport.cc.com/videos/tzovg4/better-know-a-riding---vancouver-s-south", "http://thecolbertreport.cc.com/videos/5l4d9t/better-know-a-riding---vancouver-s-south---ujjal-dosanjh", "http://thecolbertreport.cc.com/videos/gg3l88/shaun-white", "http://thecolbertreport.cc.com/videos/iohppn/sign-off---you-are-not-americans" ], "guest": "Shaun White" }, { "date": "2010-02-23", "videos": [ "http://thecolbertreport.cc.com/videos/iar6l3/exclusive---skate-expectations---speedskating-team-training-pt--2", "http://thecolbertreport.cc.com/videos/us6yyq/america-s-olympic-wins---lindsey-vonn", "http://thecolbertreport.cc.com/videos/1ftd3s/olympic-international-houses", "http://thecolbertreport.cc.com/videos/yd5amw/bob-costas", "http://thecolbertreport.cc.com/videos/4vx1ll/sign-off---bob-costas-rides-the-moose" ], "guest": "Lindsey Vonn, Bob Costas" }, { "date": "2010-02-24", "videos": [ "http://thecolbertreport.cc.com/videos/j11loy/exclusive---better-know-a-riding---vancouver-s-south---ujjal-dosanjh-pt--1", "http://thecolbertreport.cc.com/videos/eom1sq/exclusive---better-know-a-riding---vancouver-s-south---ujjal-dosanjh-pt--2", "http://thecolbertreport.cc.com/videos/8olwnj/exclusive---better-know-a-riding---vancouver-s-south---ujjal-dosanjh-pt--3", "http://thecolbertreport.cc.com/videos/l0ax8q/exclusive---skate-expectations---speedskating-team-training-pt--3", "http://thecolbertreport.cc.com/videos/php8ta/cold-war-update---olympic-edition", "http://thecolbertreport.cc.com/videos/mrk7jd/freud-rage---the-iceman-counseleth", "http://thecolbertreport.cc.com/videos/7u3h32/ryan-st--onge---jeret-peterson", "http://thecolbertreport.cc.com/videos/ampazf/sign-off---as-they-say-in-canada" ], "guest": "Scott Hamilton, Jeret Peterson, Ryan St. Onge" }, { "date": "2010-02-25", "videos": [ "http://thecolbertreport.cc.com/videos/i93x4n/exclusive---skate-expectations---speedskating-team-training-pt--4", "http://thecolbertreport.cc.com/videos/e7hgxz/intro---02-25-10", "http://thecolbertreport.cc.com/videos/jy3odd/stephen-distracts-bob-costas", "http://thecolbertreport.cc.com/videos/zoz0j2/freud-rage---the-iceman-counseleth---shani-davis", "http://thecolbertreport.cc.com/videos/iactcg/off-notice---canadian-iceholes", "http://thecolbertreport.cc.com/videos/j2htnd/seth-wescott", "http://thecolbertreport.cc.com/videos/2pub5y/sign-off---thank-you--everyone" ], "guest": "Shani Davis, Seth Wescott" }, { "date": "2010-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/r61kzy/intro---stephen-wins-the-olympics", "http://thecolbertreport.cc.com/videos/z9bfu8/president-obama-mentions-stephen", "http://thecolbertreport.cc.com/videos/4nmlgo/health-care-marriage-counseling", "http://thecolbertreport.cc.com/videos/6qwf52/olympics-wrap-up---michael-buble", "http://thecolbertreport.cc.com/videos/ncbadn/don-cheadle", "http://thecolbertreport.cc.com/videos/zbx22j/sign-off---goodnight" ], "guest": "Don Cheadle" }, { "date": "2010-03-02", "videos": [ "http://thecolbertreport.cc.com/videos/mevtpj/intro---03-02-10", "http://thecolbertreport.cc.com/videos/wa48j7/president-obama-s-first-physical", "http://thecolbertreport.cc.com/videos/u1ymnx/the-word---kid-owe", "http://thecolbertreport.cc.com/videos/odsatp/colbert-platinum---necker-nymph---lexus-lfa", "http://thecolbertreport.cc.com/videos/cc44qu/david-brooks", "http://thecolbertreport.cc.com/videos/ci6g0d/sign-off---goose-that-lays-the-golden-egg" ], "guest": "David Brooks" }, { "date": "2010-03-03", "videos": [ "http://thecolbertreport.cc.com/videos/srp7ci/jim-bunning-ends-filibuster", "http://thecolbertreport.cc.com/videos/37u7lc/greece-s-economic-downfall---scheherazade-rehman", "http://thecolbertreport.cc.com/videos/elhxu1/tip-wag---american-academy-of-pediatrics---starbucks", "http://thecolbertreport.cc.com/videos/m631tw/garry-wills", "http://thecolbertreport.cc.com/videos/d3nhmb/sign-off---goodnight" ], "guest": "Scheherazade Rehman, Garry Wills" }, { "date": "2010-03-04", "videos": [ "http://thecolbertreport.cc.com/videos/lfv3jf/health-care-magic", "http://thecolbertreport.cc.com/videos/cgobmb/iraqracy", "http://thecolbertreport.cc.com/videos/qdumax/tip-wag---james-o-keefe---sean-hannity", "http://thecolbertreport.cc.com/videos/vy9si5/barry-schwartz", "http://thecolbertreport.cc.com/videos/r3uuup/sign-off---see-you-later--alligator" ], "guest": "Barry Schwartz" }, { "date": "2010-03-08", "videos": [ "http://thecolbertreport.cc.com/videos/1919hp/exclusive---olympic-international-houses-pt--2", "http://thecolbertreport.cc.com/videos/zqfavl/action-center---health-care-bill---ezra-klein", "http://thecolbertreport.cc.com/videos/1nrjt6/tom-hanks-pt--1", "http://thecolbertreport.cc.com/videos/49pae4/tom-hanks-pt--2", "http://thecolbertreport.cc.com/videos/60qghm/sign-off---one-thought", "http://thecolbertreport.cc.com/videos/xdowah/exclusive---olympic-international-houses-pt--1" ], "guest": "Tom Hanks" }, { "date": "2010-03-09", "videos": [ "http://thecolbertreport.cc.com/videos/6zrwd6/consumer-alert---pringles", "http://thecolbertreport.cc.com/videos/rokdab/the-word---define---conquer", "http://thecolbertreport.cc.com/videos/b670fj/tip-wag---joe-lieberman--the-pope---sharks", "http://thecolbertreport.cc.com/videos/evq830/annie-leonard", "http://thecolbertreport.cc.com/videos/887xl8/sign-off---goodnight" ], "guest": "Annie Leonard" }, { "date": "2010-03-10", "videos": [ "http://thecolbertreport.cc.com/videos/rj79bv/intro---03-10-10", "http://thecolbertreport.cc.com/videos/ij37tl/non-sexual-groping", "http://thecolbertreport.cc.com/videos/94dkr8/health-care-vote-information-nerve-center---charlie-cook", "http://thecolbertreport.cc.com/videos/9m4kr7/survival-seed-bank", "http://thecolbertreport.cc.com/videos/ski7ov/sean-carroll", "http://thecolbertreport.cc.com/videos/4k81na/sign-off---the-colbert-repoll" ], "guest": "Sean Carroll" }, { "date": "2010-03-11", "videos": [ "http://thecolbertreport.cc.com/videos/nce2ba/karl-rove-s-new-book", "http://thecolbertreport.cc.com/videos/8tmwv8/the-colbert-repoll---scott-rasmussen", "http://thecolbertreport.cc.com/videos/8r95fc/monkey-on-the-lam---florida", "http://thecolbertreport.cc.com/videos/c8f0b1/david-aaronovitch", "http://thecolbertreport.cc.com/videos/96nihd/sign-off---thanks--karl-rove" ], "guest": "David Aaronovitch" }, { "date": "2010-03-15", "videos": [ "http://thecolbertreport.cc.com/videos/mz0yt2/intro---03-15-10", "http://thecolbertreport.cc.com/videos/hut7vd/daylight-savings-time", "http://thecolbertreport.cc.com/videos/cfbe28/the-word---afghanistan", "http://thecolbertreport.cc.com/videos/402t35/i-can-t-believe-it-s-not-buddha---raj-patel", "http://thecolbertreport.cc.com/videos/rf3mus/robert-baer", "http://thecolbertreport.cc.com/videos/mdf427/sign-off---goodnight-with-balloon" ], "guest": "Robert Baer" }, { "date": "2010-03-16", "videos": [ "http://thecolbertreport.cc.com/videos/fmjopd/intro---03-16-10", "http://thecolbertreport.cc.com/videos/jz5m0e/barack-joe-bama", "http://thecolbertreport.cc.com/videos/wuyjzf/i-s-on-edjukashun---texas-school-board", "http://thecolbertreport.cc.com/videos/wl96gx/thought-for-food---donna-simpson--le-whif---cat-litter", "http://thecolbertreport.cc.com/videos/4h8104/rebecca-skloot", "http://thecolbertreport.cc.com/videos/r6jed2/sign-off---remember-to-wear-green" ], "guest": "Rebecca Skloot" }, { "date": "2010-03-17", "videos": [ "http://thecolbertreport.cc.com/videos/86ybsq/ireland-s-shamrock-shortage", "http://thecolbertreport.cc.com/videos/wpflq2/sport-report---vasectomies--chess-boxing---golf", "http://thecolbertreport.cc.com/videos/m84hav/united-states-census-2010", "http://thecolbertreport.cc.com/videos/wqbtkw/nell-irvin-painter", "http://thecolbertreport.cc.com/videos/vvqhqa/sign-off---goodnight" ], "guest": "Nell Irvin Painter" }, { "date": "2010-03-18", "videos": [ "http://thecolbertreport.cc.com/videos/9cthmz/middle-eastern-dogs", "http://thecolbertreport.cc.com/videos/oymi80/glenn-beck-attacks-social-justice---james-martin", "http://thecolbertreport.cc.com/videos/70uuap/cheating-death---clenched-fingers---pill-reminder", "http://thecolbertreport.cc.com/videos/42czdy/mary-matalin", "http://thecolbertreport.cc.com/videos/xqfew6/sign-off---goodnight" ], "guest": "Mary Matalin" }, { "date": "2010-03-29", "videos": [ "http://thecolbertreport.cc.com/videos/uolmzb/passover-dinner-with-elijah", "http://thecolbertreport.cc.com/videos/ua8bnx/geriatric-breeding-program", "http://thecolbertreport.cc.com/videos/ixrazk/the-word---napoleon-blown-apart", "http://thecolbertreport.cc.com/videos/m8ik8j/passover-commercialism", "http://thecolbertreport.cc.com/videos/yksbdg/claire-mccaskill", "http://thecolbertreport.cc.com/videos/s0mkwg/sign-off---friedrich-schiller" ], "guest": "Sen. Claire McCaskill" }, { "date": "2010-03-30", "videos": [ "http://thecolbertreport.cc.com/videos/13gooh/intro---03-30-10", "http://thecolbertreport.cc.com/videos/fbk80n/ricky-martin-is-gay", "http://thecolbertreport.cc.com/videos/fvq7gv/the-word---forgive-and-forget", "http://thecolbertreport.cc.com/videos/dx0lyr/thought-for-food---corn-diapers--fatty-foods---jamie-oliver", "http://thecolbertreport.cc.com/videos/51a308/simon-johnson", "http://thecolbertreport.cc.com/videos/c9ef0m/sign-off---pringles---whipped-cream" ], "guest": "Simon Johnson" }, { "date": "2010-03-31", "videos": [ "http://thecolbertreport.cc.com/videos/xyd8rc/intro---03-31-10", "http://thecolbertreport.cc.com/videos/phkk0m/who-s-not-honoring-me-now----peabody-awards", "http://thecolbertreport.cc.com/videos/mnvsrm/tip-wag---hutaree-militia---abc", "http://thecolbertreport.cc.com/videos/p9l3um/easter-under-attack---peeps-display-update", "http://thecolbertreport.cc.com/videos/wj35p0/craig-mullaney", "http://thecolbertreport.cc.com/videos/bnjl9e/sign-off---finger-pointing-award" ], "guest": "Craig Mullaney" }, { "date": "2010-04-01", "videos": [ "http://thecolbertreport.cc.com/videos/cej48a/intro---04-01-10", "http://thecolbertreport.cc.com/videos/iymjih/stephen-gets-a-free-ipad", "http://thecolbertreport.cc.com/videos/2nbqob/elephant-graveyard---david-frum", "http://thecolbertreport.cc.com/videos/d9x5mh/jell-o-tampering", "http://thecolbertreport.cc.com/videos/3z9wwh/judith-shulevitz", "http://thecolbertreport.cc.com/videos/vjehbr/sign-off---goodnight-with-an-ipad" ], "guest": "David Frum, Judith Shulevitz" }, { "date": "2010-04-05", "videos": [ "http://thecolbertreport.cc.com/videos/5ehjj8/intro---04-05-10", "http://thecolbertreport.cc.com/videos/9ef1ri/stephen-converts-to-3d", "http://thecolbertreport.cc.com/videos/xo27p1/the-word---bait-and-snitch", "http://thecolbertreport.cc.com/videos/rp7kua/threatdown---fox--the-obamas---time-traveling-brandy-thieves", "http://thecolbertreport.cc.com/videos/672vju/dean-kamen", "http://thecolbertreport.cc.com/videos/zv5abl/sign-off---goodnight-in-3d" ], "guest": "Dean Kamen" }, { "date": "2010-04-06", "videos": [ "http://thecolbertreport.cc.com/videos/l4nkoq/science-catfight---joe-bastardi-vs--brenda-ekwurzel", "http://thecolbertreport.cc.com/videos/506dri/scrabble-allows-proper-names", "http://thecolbertreport.cc.com/videos/hovkbz/al-sharpton", "http://thecolbertreport.cc.com/videos/z3ifg9/sign-off---goodnight" ], "guest": "Joe Bastardi, Brenda Ekwurzel, Rev. Al Sharpton" }, { "date": "2010-04-07", "videos": [ "http://thecolbertreport.cc.com/videos/b1trvk/tiki-barber-cheats-on-his-wife", "http://thecolbertreport.cc.com/videos/ov8dk6/tip-wag---hello-kitty-wine---pig-s-blood-filters", "http://thecolbertreport.cc.com/videos/ds7vyt/nailed--em---fentimans-victorian-lemonade", "http://thecolbertreport.cc.com/videos/23bsc5/david-simon", "http://thecolbertreport.cc.com/videos/c3sk5b/sign-off---hello-kitty-wine---cigarettes" ], "guest": "David Simon" }, { "date": "2010-04-08", "videos": [ "http://thecolbertreport.cc.com/videos/x3hnt4/intro---04-08-10", "http://thecolbertreport.cc.com/videos/p89oku/tiger-s-nike-commercial", "http://thecolbertreport.cc.com/videos/06i9x0/the-word---affirmative-inaction", "http://thecolbertreport.cc.com/videos/as4xr9/the-final-final-frontier", "http://thecolbertreport.cc.com/videos/kkc8ee/neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/54hsqy/sign-off---no-man-is-a-failure" ], "guest": "Neil DeGrasse Tyson" }, { "date": "2010-04-12", "videos": [ "http://thecolbertreport.cc.com/videos/5mdm7i/exclusive---julian-assange-extended-interview", "http://thecolbertreport.cc.com/videos/vxvlp9/unpaid-internship-crackdown", "http://thecolbertreport.cc.com/videos/ag970g/justice-stevens-replacement---jeffrey-toobin", "http://thecolbertreport.cc.com/videos/3a0o7p/wikileaks-military-video", "http://thecolbertreport.cc.com/videos/q1yz2t/julian-assange", "http://thecolbertreport.cc.com/videos/abcefn/sign-off---goodnight" ], "guest": "Jeffrey Toobin, Julian Assange" }, { "date": "2010-04-13", "videos": [ "http://thecolbertreport.cc.com/videos/z1lfjo/dow-hits-11-000", "http://thecolbertreport.cc.com/videos/fzwwcp/the-word---the-lost-cause", "http://thecolbertreport.cc.com/videos/l0qwni/thought-for-food---mentally-ill-advertisers---german-cupcakes", "http://thecolbertreport.cc.com/videos/aab36z/jon-mooallem", "http://thecolbertreport.cc.com/videos/qrdpob/sign-off---cupcake-chicken-sandwich" ], "guest": "Jon Mooallem" }, { "date": "2010-04-14", "videos": [ "http://thecolbertreport.cc.com/videos/i50gi7/president-obama-bows-again", "http://thecolbertreport.cc.com/videos/xhpjb5/sunday-morning-fact-checking---jake-tapper---bill-adair", "http://thecolbertreport.cc.com/videos/f941v8/ryanair-charges-for-toilets", "http://thecolbertreport.cc.com/videos/ohefue/david-shields", "http://thecolbertreport.cc.com/videos/igm53s/sign-off---china-s-central-finance-ministry" ], "guest": "David Shields" }, { "date": "2010-04-15", "videos": [ "http://thecolbertreport.cc.com/videos/eskkbc/intro---04-15-10", "http://thecolbertreport.cc.com/videos/1fannu/stephen-saves-the-space-program", "http://thecolbertreport.cc.com/videos/1ymc3v/tip-wag---forbes---hipsters", "http://thecolbertreport.cc.com/videos/5gztgb/formula-01-liquid-genetic-material", "http://thecolbertreport.cc.com/videos/q2q4mc/aimee-mullins", "http://thecolbertreport.cc.com/videos/t03669/sign-off---tax-deadline" ], "guest": "Aimee Mullins" }, { "date": "2010-04-19", "videos": [ "http://thecolbertreport.cc.com/videos/o36u2p/marilyn-monroe-s-x-rays", "http://thecolbertreport.cc.com/videos/55ox6j/goldman-sachs--fraud-case---andrew-ross-sorkin", "http://thecolbertreport.cc.com/videos/cyx4fw/volcano-eyjafjallajokull", "http://thecolbertreport.cc.com/videos/ca04kl/george-will", "http://thecolbertreport.cc.com/videos/8di6ao/sign-off---too-big-to-fail" ], "guest": "Andrew Ross Sorkin, George Will" }, { "date": "2010-04-20", "videos": [ "http://thecolbertreport.cc.com/videos/5kfqlg/intro---04-20-10", "http://thecolbertreport.cc.com/videos/q0xdhc/robotic-voice-simulator---foreign-accent-syndrome", "http://thecolbertreport.cc.com/videos/f5imzl/p-k--winsome---tea-party-consulting", "http://thecolbertreport.cc.com/videos/2o8c1s/stephen-refuses-to-celebrate-4-20", "http://thecolbertreport.cc.com/videos/n3iff5/jeffrey-katzenberg", "http://thecolbertreport.cc.com/videos/kuy0dk/sign-off---as-they-say-in-japan" ], "guest": "Jeffrey Katzenberg" }, { "date": "2010-04-21", "videos": [ "http://thecolbertreport.cc.com/videos/6z2omj/the-new--100-bill", "http://thecolbertreport.cc.com/videos/2nsr1s/the-word---no-problemo", "http://thecolbertreport.cc.com/videos/mqfg58/nailed--em---drive-through-rapping", "http://thecolbertreport.cc.com/videos/0teg38/craig-robinson", "http://thecolbertreport.cc.com/videos/2tayao/sign-off---donate-to-john-legend-s-charity" ], "guest": "Craig Robinson" }, { "date": "2010-04-22", "videos": [ "http://thecolbertreport.cc.com/videos/62j0m5/newspapers-celebrate-earth-day", "http://thecolbertreport.cc.com/videos/tqucn8/the-word---straight-to-video", "http://thecolbertreport.cc.com/videos/g660yb/bonus-word---defamation-of-independents", "http://thecolbertreport.cc.com/videos/0le7r3/gorillaz", "http://thecolbertreport.cc.com/videos/s79r6n/sign-off---this-is-a-fun-job" ], "guest": "Gorillaz" }, { "date": "2010-04-26", "videos": [ "http://thecolbertreport.cc.com/videos/i6lszt/intro---04-26-10", "http://thecolbertreport.cc.com/videos/exfe65/boobquake-day-causes-earthquake", "http://thecolbertreport.cc.com/videos/ddudkb/the-word---docu-drama", "http://thecolbertreport.cc.com/videos/4qgs1h/indecision-2010---midterm-elections---sue-lowden", "http://thecolbertreport.cc.com/videos/j7hi89/sharon-jones" ], "guest": "Sharon Jones and the Dap-Kings" }, { "date": "2010-04-27", "videos": [ "http://thecolbertreport.cc.com/videos/5m4fi7/intro---04-27-10", "http://thecolbertreport.cc.com/videos/7b23mk/the-real-lloyd-blankfein", "http://thecolbertreport.cc.com/videos/ais5bh/stephen-hawking-is-such-an-a-hole---encountering-aliens", "http://thecolbertreport.cc.com/videos/rjye16/conn-iggulden", "http://thecolbertreport.cc.com/videos/68bzkf/sign-off---six-flags-discount-tickets" ], "guest": "Conn Iggulden" }, { "date": "2010-04-28", "videos": [ "http://thecolbertreport.cc.com/videos/g493lv/intro---04-28-10", "http://thecolbertreport.cc.com/videos/uzkxfc/gulf-of-mexico-oil-spill", "http://thecolbertreport.cc.com/videos/tzdwrb/cheating-death---tobacco-mints--breast-milk---hallucinogens", "http://thecolbertreport.cc.com/videos/ke79c8/difference-makers---robert-ekas", "http://thecolbertreport.cc.com/videos/pj9ppq/gregg-easterbrook", "http://thecolbertreport.cc.com/videos/1tu0hz/sign-off---chief-wandering-meadow-s-headdress" ], "guest": "Gregg Easterbrook" }, { "date": "2010-04-29", "videos": [ "http://thecolbertreport.cc.com/videos/qu7aln/intro---rube-goldberg-machine", "http://thecolbertreport.cc.com/videos/dima6g/wind-farm---oil-spill", "http://thecolbertreport.cc.com/videos/u1djps/california-s-proposition-14---abel-maldonado", "http://thecolbertreport.cc.com/videos/yqd68y/tip-wag---scientists---kfc", "http://thecolbertreport.cc.com/videos/byd88g/ok-go" ], "guest": "Abel Maldonado, OK Go" }, { "date": "2010-05-03", "videos": [ "http://thecolbertreport.cc.com/videos/caaib9/times-square-terrorism", "http://thecolbertreport.cc.com/videos/i2zwg4/fda-salt-regulation---lori-roman---michael-jacobson", "http://thecolbertreport.cc.com/videos/bfve2i/bp-s-undersea-dome", "http://thecolbertreport.cc.com/videos/6yc052/elizabeth-warren", "http://thecolbertreport.cc.com/videos/jj9r4k/sign-off---lady-liberty-souvenirs" ], "guest": "Elizabeth Warren" }, { "date": "2010-05-04", "videos": [ "http://thecolbertreport.cc.com/videos/dula0l/intro---05-04-10", "http://thecolbertreport.cc.com/videos/zfi7tc/boom--doesn-t-go-the-dynamite", "http://thecolbertreport.cc.com/videos/dvwpph/the-word---flight-risk", "http://thecolbertreport.cc.com/videos/xyjhb7/stephen-hawking-is-such-an-a-hole---time-travel", "http://thecolbertreport.cc.com/videos/j2pf36/mark-moffett", "http://thecolbertreport.cc.com/videos/d97fmn/sign-off---michael-j--fox-gets-locked-in" ], "guest": "Michael J. Fox, Mark W. Moffett" }, { "date": "2010-05-05", "videos": [ "http://thecolbertreport.cc.com/videos/nlh1ly/intro---05-05-10", "http://thecolbertreport.cc.com/videos/2nfnz7/nashville-flood-wakeboarder", "http://thecolbertreport.cc.com/videos/bw8v97/the-enemy-within---backyard-clothesline", "http://thecolbertreport.cc.com/videos/2p2tqn/alpha-dog-of-the-week---george-rekers", "http://thecolbertreport.cc.com/videos/pnjs6i/dave-isay", "http://thecolbertreport.cc.com/videos/xufsxi/sign-off---dancing-with-julian" ], "guest": "David Isay" }, { "date": "2010-05-06", "videos": [ "http://thecolbertreport.cc.com/videos/pvx1hb/white-people-prayer-gap", "http://thecolbertreport.cc.com/videos/97ikxz/british-election-couverage---andrew-sullivan", "http://thecolbertreport.cc.com/videos/8a0q0r/movies-that-are-destroying-america---2010-summer-movie-edition", "http://thecolbertreport.cc.com/videos/xo7hie/stewart-brand", "http://thecolbertreport.cc.com/videos/0txjlv/sign-off---the-usa-today" ], "guest": "Stewart Brand" }, { "date": "2010-05-10", "videos": [ "http://thecolbertreport.cc.com/videos/8bpcly/intro---05-10-10", "http://thecolbertreport.cc.com/videos/0m67h9/house-returns-the-favor", "http://thecolbertreport.cc.com/videos/pxkemd/greece-wither-soon---scheherazade-rehman", "http://thecolbertreport.cc.com/videos/oejc0z/oil-containment-solution-randomizer", "http://thecolbertreport.cc.com/videos/6ikft9/gary-johnson", "http://thecolbertreport.cc.com/videos/xeq5yb/sign-off---goodnight" ], "guest": "Gov. Gary Johnson" }, { "date": "2010-05-11", "videos": [ "http://thecolbertreport.cc.com/videos/n8gkaf/intro---05-11-10", "http://thecolbertreport.cc.com/videos/pcdm2a/consumer-alert---best-friends-charm-bracelets", "http://thecolbertreport.cc.com/videos/1227nt/kagan-worship---dahlia-lithwick", "http://thecolbertreport.cc.com/videos/rp68kf/australian-sperm-shortage", "http://thecolbertreport.cc.com/videos/d04me7/hampton-sides", "http://thecolbertreport.cc.com/videos/qv4b2o/sign-off---wriststrong-arm" ], "guest": "Hampton Sides" }, { "date": "2010-05-12", "videos": [ "http://thecolbertreport.cc.com/videos/nyl5ye/intro---05-12-10", "http://thecolbertreport.cc.com/videos/rxu3ed/controlled-burn-of-a-natural-gas", "http://thecolbertreport.cc.com/videos/zf5e7d/threatdown---military-food-police--jazz-robots---pretty-girls", "http://thecolbertreport.cc.com/videos/0mg8t8/stephen-s-sound-advice---how-to-ace-the-sats", "http://thecolbertreport.cc.com/videos/jynvz7/deepak-chopra", "http://thecolbertreport.cc.com/videos/0mpxm3/sign-off---fire-extinguisher-shooting" ], "guest": "Deepak Chopra" }, { "date": "2010-05-13", "videos": [ "http://thecolbertreport.cc.com/videos/uic1xz/intro---05-13-10", "http://thecolbertreport.cc.com/videos/mp7sng/confirming-elena", "http://thecolbertreport.cc.com/videos/o1qad4/the-hold-steady", "http://thecolbertreport.cc.com/videos/ugcamu/sign-off---time-traveling-brandy-thief" ], "guest": "The Hold Steady" }, { "date": "2010-06-01", "videos": [ "http://thecolbertreport.cc.com/videos/1heoo5/intro---6-1-10", "http://thecolbertreport.cc.com/videos/395e6g/vodka-eyeballing", "http://thecolbertreport.cc.com/videos/6f9c47/up-brit-creek", "http://thecolbertreport.cc.com/videos/p943d0/failure-to-launch---atlantis-crew", "http://thecolbertreport.cc.com/videos/ngl48j/ayaan-hirsi-ali", "http://thecolbertreport.cc.com/videos/jygylj/sign-off---water-eyeballing" ], "guest": "Ayaan Hirsi Ali" }, { "date": "2010-06-02", "videos": [ "http://thecolbertreport.cc.com/videos/6707v3/intro---6-2-10", "http://thecolbertreport.cc.com/videos/gqwbeo/japan-s-special-election---kazuo-myazaki", "http://thecolbertreport.cc.com/videos/qrxaw1/tip-wag---foxconn--charles-taylor---naomi-campbell", "http://thecolbertreport.cc.com/videos/4dk71f/craziest-f--ing-thing-i-ve-ever-heard---gored-bullfighter", "http://thecolbertreport.cc.com/videos/dvcqzb/lisa-miller", "http://thecolbertreport.cc.com/videos/a4ztpz/sign-off---parting-gifts-for-kazuo-myazaki" ], "guest": "Lisa Miller" }, { "date": "2010-06-03", "videos": [ "http://thecolbertreport.cc.com/videos/d81bvl/intro---6-3-10", "http://thecolbertreport.cc.com/videos/iy7vo7/crude---unusual", "http://thecolbertreport.cc.com/videos/44gj25/who-s-watching-the-watchdog----liam-mccormack", "http://thecolbertreport.cc.com/videos/p34tly/who-s-riding-my-coattails-now----ipad-suit-pocket", "http://thecolbertreport.cc.com/videos/fo5d9i/vampire-weekend" ], "guest": "Vampire Weekend" }, { "date": "2010-06-07", "videos": [ "http://thecolbertreport.cc.com/videos/r4arov/intro---6-7-10", "http://thecolbertreport.cc.com/videos/y0xgng/charity-begins-at-11-30", "http://thecolbertreport.cc.com/videos/lc7nxu/oil-s-well-that-never-ends", "http://thecolbertreport.cc.com/videos/c2l6b4/oil-spill-rage---james-carville", "http://thecolbertreport.cc.com/videos/30w6f5/jonathan-alter", "http://thecolbertreport.cc.com/videos/ow5rnp/sign-off---gulf-of-america-fund" ], "guest": "James Carville, Jonathan Alter" }, { "date": "2010-06-08", "videos": [ "http://thecolbertreport.cc.com/videos/uj5obr/obama-s-whoomp--there-it-is-controversy", "http://thecolbertreport.cc.com/videos/yj9oop/the-word---p-r--mageddon", "http://thecolbertreport.cc.com/videos/n3e887/mark-frauenfelder", "http://thecolbertreport.cc.com/videos/r1zjxy/sign-off---the-most-useless-machine" ], "guest": "Mark Frauenfelder" }, { "date": "2010-06-09", "videos": [ "http://thecolbertreport.cc.com/videos/ou7te0/helen-thomas-s-reputation", "http://thecolbertreport.cc.com/videos/0eesk5/formidable-opponent---michael-oren", "http://thecolbertreport.cc.com/videos/41cjs4/shout-out---7th-eaccs", "http://thecolbertreport.cc.com/videos/12z179/sam-nunn", "http://thecolbertreport.cc.com/videos/hv8uj4/sign-off---50-hamburgers" ], "guest": "Amb. Michael Oren, Sen. Sam Nunn" }, { "date": "2010-06-10", "videos": [ "http://thecolbertreport.cc.com/videos/6iz8ha/bp-stock-sinks", "http://thecolbertreport.cc.com/videos/e46kh9/sport-report---soccer-debate---marc-fisher---mark-starr", "http://thecolbertreport.cc.com/videos/9rht3y/simulated-mars-mission", "http://thecolbertreport.cc.com/videos/19ikyl/alan-bean", "http://thecolbertreport.cc.com/videos/gewg17/sign-off---chocolate-syrup" ], "guest": "Alan Bean" }, { "date": "2010-06-14", "videos": [ "http://thecolbertreport.cc.com/videos/7xsbh3/intro---6-14-10", "http://thecolbertreport.cc.com/videos/vlk9h9/america-s-strained-relationship-with-england", "http://thecolbertreport.cc.com/videos/xhnftx/smokin--pole---the-quest-for-arctic-riches--canada---china", "http://thecolbertreport.cc.com/videos/b6bfik/who-s-not-honoring-me-now----tonys---mtv-movie-awards", "http://thecolbertreport.cc.com/videos/bd9ero/stephen-prothero", "http://thecolbertreport.cc.com/videos/t2lbqh/sign-off---the-new-oxford-american-dictionary" ], "guest": "Stephen Prothero" }, { "date": "2010-06-15", "videos": [ "http://thecolbertreport.cc.com/videos/ue0g9m/intro---6-15-10", "http://thecolbertreport.cc.com/videos/w6pwpk/testoster-ruin---hanna-rosin", "http://thecolbertreport.cc.com/videos/o42e2u/tip-wag---marshall-islands---disney-world-fate", "http://thecolbertreport.cc.com/videos/zkoqn2/carl-safina", "http://thecolbertreport.cc.com/videos/vr28jt/sign-off---hot-boxers" ], "guest": "Dr. Carl Safina" }, { "date": "2010-06-16", "videos": [ "http://thecolbertreport.cc.com/videos/vtw6mw/intro---6-16-10", "http://thecolbertreport.cc.com/videos/atwjd4/obama-s-bp-oil-spill-speech", "http://thecolbertreport.cc.com/videos/fq1qpx/the-word----tay-the-cour-e", "http://thecolbertreport.cc.com/videos/0occfp/brevity-is-the-soul-of-twit", "http://thecolbertreport.cc.com/videos/ak28k2/devo" ], "guest": "Devo" }, { "date": "2010-06-17", "videos": [ "http://thecolbertreport.cc.com/videos/zp0vlt/exclusive---who-s-watching-the-watchdog-pt--1", "http://thecolbertreport.cc.com/videos/mgk9uw/exclusive---who-s-watching-the-watchdog-pt--2", "http://thecolbertreport.cc.com/videos/lmlfss/obama-s-simplified-bp-oil-spill-speech", "http://thecolbertreport.cc.com/videos/r0x7kl/south-carolina-s-4th-district-primary---bob-inglis", "http://thecolbertreport.cc.com/videos/pw3z5k/colbert-platinum---summer-travel-edition", "http://thecolbertreport.cc.com/videos/psfs9q/david-mamet", "http://thecolbertreport.cc.com/videos/t0bf7h/sign-off---retweet-for-the-gulf-of-america-fund" ], "guest": "David Mamet" }, { "date": "2010-06-21", "videos": [ "http://thecolbertreport.cc.com/videos/3xh3zp/us-ties-with-slovenia", "http://thecolbertreport.cc.com/videos/tsbncg/fallback-position---astronaut-pt--1", "http://thecolbertreport.cc.com/videos/lw3o9e/joe-barton-s-misconstrued-misconstruction", "http://thecolbertreport.cc.com/videos/6rxgjl/wes-moore", "http://thecolbertreport.cc.com/videos/xr56ob/sign-off---spare-cursed-monkey-s-paw" ], "guest": "Wes Moore" }, { "date": "2010-06-22", "videos": [ "http://thecolbertreport.cc.com/videos/f7v2qo/who-s-riding-my-coattails-now----ipad-suit-pocket", "http://thecolbertreport.cc.com/videos/mt3j86/stanley-mcchrystal-talks-to-rolling-stone", "http://thecolbertreport.cc.com/videos/dry79y/fallback-position---astronaut-pt--2", "http://thecolbertreport.cc.com/videos/eyzb5g/usa-board-of-ophthalmological-freedom", "http://thecolbertreport.cc.com/videos/ej23e4/gloria-steinem", "http://thecolbertreport.cc.com/videos/jewfph/sign-off---goodnight" ], "guest": "Gloria Steinem" }, { "date": "2010-06-23", "videos": [ "http://thecolbertreport.cc.com/videos/h4yffi/intro---6-23-10", "http://thecolbertreport.cc.com/videos/wcoc11/us-defeats-algeria", "http://thecolbertreport.cc.com/videos/licobk/yahweh-or-no-way---the-blues-brothers---glenn-beck", "http://thecolbertreport.cc.com/videos/3dk57p/prophet-glenn-beck---father-guido-sarducci", "http://thecolbertreport.cc.com/videos/quds8l/tim-westergren", "http://thecolbertreport.cc.com/videos/p3f9t8/sign-off---tomorrow-s-fallback-position" ], "guest": "Tim Westergren" }, { "date": "2010-06-24", "videos": [ "http://thecolbertreport.cc.com/videos/k3vali/intro---6-24-10", "http://thecolbertreport.cc.com/videos/i8ohf4/put-the-cursed-monkey-paw-down", "http://thecolbertreport.cc.com/videos/5m2oyq/the-word---weapon-of-mass-construction", "http://thecolbertreport.cc.com/videos/6ppo8y/fallback-position---astronaut-pt--3", "http://thecolbertreport.cc.com/videos/3td47y/michael-specter", "http://thecolbertreport.cc.com/videos/86kjse/sign-off---general-s-cap" ], "guest": "Michael Specter" }, { "date": "2010-06-28", "videos": [ "http://thecolbertreport.cc.com/videos/cchudg/robert-c--byrd-dies-at-92", "http://thecolbertreport.cc.com/videos/t7kbm8/rolling-stone-article-on-mcchrystal---michael-hastings", "http://thecolbertreport.cc.com/videos/nxs1np/doomsday-bunkers", "http://thecolbertreport.cc.com/videos/kpz62f/john-waters", "http://thecolbertreport.cc.com/videos/q1un38/sign-off---goodnight" ], "guest": "Michael Hastings, John Waters" }, { "date": "2010-06-29", "videos": [ "http://thecolbertreport.cc.com/videos/8w7w4q/intro---6-29-10", "http://thecolbertreport.cc.com/videos/5i29xg/supreme-court-justice-sweetness", "http://thecolbertreport.cc.com/videos/gxmj8l/basketcase---stephie-s-knicks-hoop-de-doo-pt--1", "http://thecolbertreport.cc.com/videos/cxtlq7/lube-job", "http://thecolbertreport.cc.com/videos/t7eba8/julian-castro", "http://thecolbertreport.cc.com/videos/6s4ag9/sign-off---sweetness" ], "guest": "Mayor Julian Castro" }, { "date": "2010-06-30", "videos": [ "http://thecolbertreport.cc.com/videos/4nay3b/mysteries-of-the-ancient-unknown---king-tut-s-penis-pt--1", "http://thecolbertreport.cc.com/videos/200t0y/cold-war-update---north-korea---russian-spies", "http://thecolbertreport.cc.com/videos/85xlkw/nicholas-carr", "http://thecolbertreport.cc.com/videos/zz75v5/sign-off---goodnight" ], "guest": "Nicholas Carr" }, { "date": "2010-07-01", "videos": [ "http://thecolbertreport.cc.com/videos/qkh2oy/intro---7-1-10", "http://thecolbertreport.cc.com/videos/p1rz8m/al-qaeda-starts-inspire-magazine", "http://thecolbertreport.cc.com/videos/ytd0xh/threatdown---dawn--actual-food---texas-gop", "http://thecolbertreport.cc.com/videos/zgf08n/tangelo-american-john-boehner", "http://thecolbertreport.cc.com/videos/7p27ga/manny-howard", "http://thecolbertreport.cc.com/videos/lruog2/sign-off---obsessive-compulsive-disorder" ], "guest": "Manny Howard" }, { "date": "2010-07-05", "videos": [ "http://thecolbertreport.cc.com/videos/88l8y3/stephen-is-sick", "http://thecolbertreport.cc.com/videos/yw04k6/electronic-frontier-foundation---cindy-cohn", "http://thecolbertreport.cc.com/videos/2vgxvc/unemployment-benefits---paul-krugman", "http://thecolbertreport.cc.com/videos/tod2oy/michio-kaku", "http://thecolbertreport.cc.com/videos/59nr33/sign-off---the-hot-zone" ], "guest": "Paul Krugman, Dr. Michio Kaku" }, { "date": "2010-07-06", "videos": [ "http://thecolbertreport.cc.com/videos/jogb92/intro---7-6-10", "http://thecolbertreport.cc.com/videos/vh6d9y/latest-soap-opera-news", "http://thecolbertreport.cc.com/videos/v4t63q/the-word---the-white-stuff", "http://thecolbertreport.cc.com/videos/52xc1z/i-s-on-edjukashun---loyola--texas-textbooks---wal-mart", "http://thecolbertreport.cc.com/videos/44dhom/garret-keizer", "http://thecolbertreport.cc.com/videos/p9lstk/sign-off---goodnight" ], "guest": "Garret Keizer" }, { "date": "2010-07-07", "videos": [ "http://thecolbertreport.cc.com/videos/yx0x8s/the-carell-corral", "http://thecolbertreport.cc.com/videos/u8pmv7/the-economist-photoshops-obama-s-picture", "http://thecolbertreport.cc.com/videos/2vaaww/thought-for-food---kentucky-tuna---grilled-cheese-burger-melt", "http://thecolbertreport.cc.com/videos/7ctnwz/formula-401--beauty-from-my-beast", "http://thecolbertreport.cc.com/videos/s7mibo/steve-carell", "http://thecolbertreport.cc.com/videos/ytvd7r/sign-off---2010-sexy-spermatozoa-calendar" ], "guest": "Steve Carell" }, { "date": "2010-07-08", "videos": [ "http://thecolbertreport.cc.com/videos/381yrb/intro---7-8-10", "http://thecolbertreport.cc.com/videos/x5lln0/modest-con-2010", "http://thecolbertreport.cc.com/videos/zjdl0i/automatics-for-the-people---ilya-shapiro---jackie-hilly", "http://thecolbertreport.cc.com/videos/eieifn/emergency-thought-for-food---candwich-setback", "http://thecolbertreport.cc.com/videos/nlmfgk/arturo-rodriguez", "http://thecolbertreport.cc.com/videos/oc0gsm/sign-off---go-get-a-tan" ], "guest": "Arturo Rodriguez" }, { "date": "2010-07-26", "videos": [ "http://thecolbertreport.cc.com/videos/xsaeav/intro---7-26-10", "http://thecolbertreport.cc.com/videos/snrn4u/stephen-s-eco-vacation", "http://thecolbertreport.cc.com/videos/qqashr/racial-pro-firing", "http://thecolbertreport.cc.com/videos/1axxh8/nailed--em---polka-piracy", "http://thecolbertreport.cc.com/videos/u5kfga/hephzibah-anderson", "http://thecolbertreport.cc.com/videos/rcl3ml/sign-off---bud-light-lime" ], "guest": "Hephzibah Anderson" }, { "date": "2010-07-27", "videos": [ "http://thecolbertreport.cc.com/videos/aiaw4g/intro---7-27-10", "http://thecolbertreport.cc.com/videos/56iw57/bp-s-live-hayward-cam", "http://thecolbertreport.cc.com/videos/m571z2/that-s-the-way-i-leak-it---tom-blanton", "http://thecolbertreport.cc.com/videos/431v9v/tip-wag---baby-gap--dick-cheney---plants", "http://thecolbertreport.cc.com/videos/2afxlp/kevin-kline", "http://thecolbertreport.cc.com/videos/y6qd20/sign-off---goodnight" ], "guest": "Thomas S. Blanton, Kevin Kline" }, { "date": "2010-07-28", "videos": [ "http://thecolbertreport.cc.com/videos/it4pai/obama-blows-off-the-boy-scouts", "http://thecolbertreport.cc.com/videos/ce9wme/the-word---ownership-society", "http://thecolbertreport.cc.com/videos/k9y4mw/republican-gubernatorial-primary-battle-watch--010---tennessee", "http://thecolbertreport.cc.com/videos/hjiro1/elon-musk", "http://thecolbertreport.cc.com/videos/fl5n9q/sign-off---bit-of-advice" ], "guest": "Elon Musk" }, { "date": "2010-07-29", "videos": [ "http://thecolbertreport.cc.com/videos/cjuayn/intro---7-29-10", "http://thecolbertreport.cc.com/videos/dzk032/the-oil-is-missing", "http://thecolbertreport.cc.com/videos/i9hga3/thought-for-food---cereal--foot-long-cheeseburger---ecobot-iii", "http://thecolbertreport.cc.com/videos/jt67k1/apology-box", "http://thecolbertreport.cc.com/videos/sdjfj9/andy-cohen", "http://thecolbertreport.cc.com/videos/6hqby7/sign-off---cocktails" ], "guest": "Andy Cohen" }, { "date": "2010-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/07zpy3/intro---8-2-10", "http://thecolbertreport.cc.com/videos/o9k8cr/stephen-might-be-gay", "http://thecolbertreport.cc.com/videos/wx3505/sport-report---london-olympics---illegal-bullfighting", "http://thecolbertreport.cc.com/videos/3dwyx0/alpha-dog-of-the-week---david-h--brooks", "http://thecolbertreport.cc.com/videos/ln5q1u/jimmy-cliff" ], "guest": "Jimmy Cliff" }, { "date": "2010-08-03", "videos": [ "http://thecolbertreport.cc.com/videos/s8t2k9/brett-favre-retires-again", "http://thecolbertreport.cc.com/videos/noj1lw/consumer-protection-agency---barney-frank", "http://thecolbertreport.cc.com/videos/jrpte4/republican-gubernatorial-primary-battle-watch--010---basil-marceaux-com", "http://thecolbertreport.cc.com/videos/a5r0r5/laura-ingraham", "http://thecolbertreport.cc.com/videos/9838f3/sign-off---credit-card-agreement" ], "guest": "Laura Ingraham" }, { "date": "2010-08-04", "videos": [ "http://thecolbertreport.cc.com/videos/eirad0/basil-marceaux-com---obama-s-birthday", "http://thecolbertreport.cc.com/videos/4mbc26/p-k--winsome---black-viewer-ratings", "http://thecolbertreport.cc.com/videos/vhx4eu/threat-standdown---monkey-terrorism", "http://thecolbertreport.cc.com/videos/t5nlmh/michael-posner", "http://thecolbertreport.cc.com/videos/gc9gia/sign-off---nielsen-mandela" ], "guest": "Michael Posner" }, { "date": "2010-08-05", "videos": [ "http://thecolbertreport.cc.com/videos/tsl05q/intro---8-5-10", "http://thecolbertreport.cc.com/videos/1qu0ts/how-to-ruin-same-sex-marriages", "http://thecolbertreport.cc.com/videos/gw1rft/pope-s-baseball-cap---catholictv", "http://thecolbertreport.cc.com/videos/bdzvwl/savion-glover", "http://thecolbertreport.cc.com/videos/our78a/sign-off---tap-dancing" ], "guest": "Savion Glover" }, { "date": "2010-08-10", "videos": [ "http://thecolbertreport.cc.com/videos/cfbxpk/intro---8-10-10", "http://thecolbertreport.cc.com/videos/40r2zf/honoring-martin-luther-king", "http://thecolbertreport.cc.com/videos/jbgt2s/citizenship-down---akhil-amar", "http://thecolbertreport.cc.com/videos/v2az23/alpha-dog-of-the-week---steven-slater", "http://thecolbertreport.cc.com/videos/uhmewn/dylan-ratigan", "http://thecolbertreport.cc.com/videos/p3wgd1/sign-off---goodnight" ], "guest": "Dylan Ratigan" }, { "date": "2010-08-11", "videos": [ "http://thecolbertreport.cc.com/videos/jwpn0p/moral-compass-5000-action-center", "http://thecolbertreport.cc.com/videos/tpcehb/david-finkel", "http://thecolbertreport.cc.com/videos/j0nge7/sign-off---goodnight" ], "guest": "David Finkel" }, { "date": "2010-08-12", "videos": [ "http://thecolbertreport.cc.com/videos/ibivj9/intro---8-12-10", "http://thecolbertreport.cc.com/videos/t6cmn9/happy-ramadan", "http://thecolbertreport.cc.com/videos/tavgu2/the-word---weapon-of-mass-construction", "http://thecolbertreport.cc.com/videos/obv2rl/senior-moment", "http://thecolbertreport.cc.com/videos/lx17lm/chuck-close", "http://thecolbertreport.cc.com/videos/h6dwnn/sign-off---chuck-close-books" ], "guest": "Chuck Close" }, { "date": "2010-08-16", "videos": [ "http://thecolbertreport.cc.com/videos/q61axv/growing-intelligence-community---richard-clarke", "http://thecolbertreport.cc.com/videos/yh08ag/invasion-of-the-country-snatchers", "http://thecolbertreport.cc.com/videos/gr3fyt/john-fetterman", "http://thecolbertreport.cc.com/videos/6ksdhb/sign-off---starbucks-latte" ], "guest": "Richard Clarke, John Fetterman" }, { "date": "2010-08-17", "videos": [ "http://thecolbertreport.cc.com/videos/dlrtyi/intro---8-17-10", "http://thecolbertreport.cc.com/videos/c3sn86/newsweek-ranks-the-world-s-best-countries", "http://thecolbertreport.cc.com/videos/2hdefm/better-know-a-lobby---american-meat-institute", "http://thecolbertreport.cc.com/videos/tno3pg/fox-news-and-republican-party-make-it-official", "http://thecolbertreport.cc.com/videos/2kzgs4/barry-levine", "http://thecolbertreport.cc.com/videos/xsqp9j/sign-off---newsweek" ], "guest": "Barry Levine" }, { "date": "2010-08-18", "videos": [ "http://thecolbertreport.cc.com/videos/vby4js/intro---8-18-10", "http://thecolbertreport.cc.com/videos/50c2du/brett-favre-returns-to-football", "http://thecolbertreport.cc.com/videos/08wn77/the-word---borderline-personality", "http://thecolbertreport.cc.com/videos/l06vi1/don-t-shoot-the-schlessinger", "http://thecolbertreport.cc.com/videos/389e2m/thomas-french", "http://thecolbertreport.cc.com/videos/b2scuj/sign-off---sharpened-broom-handle" ], "guest": "Thomas French" }, { "date": "2010-08-19", "videos": [ "http://thecolbertreport.cc.com/videos/x0zwn9/intro---8-19-10", "http://thecolbertreport.cc.com/videos/m4f5im/the-word---what-if-you-threw-a-peace-and-nobody-came-", "http://thecolbertreport.cc.com/videos/2rjk08/all-s-well-that-ends-oil-well---michael-blum", "http://thecolbertreport.cc.com/videos/c2uztk/jon-krakauer", "http://thecolbertreport.cc.com/videos/g9w04r/sign-off---goodnight" ], "guest": "Jon Krakauer" }, { "date": "2010-08-23", "videos": [ "http://thecolbertreport.cc.com/videos/zn0m8s/stephen-wins-an-emmy", "http://thecolbertreport.cc.com/videos/xa3l6x/the-word---losing-his-religion", "http://thecolbertreport.cc.com/videos/8vazj8/aqua-threatdown---oyster-sluts--japanese-hackers---israeli-regulators", "http://thecolbertreport.cc.com/videos/jjg6uf/leslie-kean", "http://thecolbertreport.cc.com/videos/gbrydj/sign-off---balloon" ], "guest": "Leslie Kean" }, { "date": "2010-08-24", "videos": [ "http://thecolbertreport.cc.com/videos/8v2r6r/intro---8-24-10", "http://thecolbertreport.cc.com/videos/ay7pky/terror-bunker-5200", "http://thecolbertreport.cc.com/videos/rxmuip/the-word---control-self-delete", "http://thecolbertreport.cc.com/videos/7azwuj/mahmoody-blues", "http://thecolbertreport.cc.com/videos/vly30s/jeffrey-goldberg", "http://thecolbertreport.cc.com/videos/p0468k/sign-off---sanitized-goodnight" ], "guest": "Jeffrey Goldberg" }, { "date": "2010-08-25", "videos": [ "http://thecolbertreport.cc.com/videos/ckwof5/john-mccain-s-victorious-defeat", "http://thecolbertreport.cc.com/videos/bn16zn/stephen-colbert-university---andrew-hacker", "http://thecolbertreport.cc.com/videos/nmp9j3/mysteries-of-the-ancient-unknown---king-tut-s-penis-pt--2", "http://thecolbertreport.cc.com/videos/boejnl/heidi-cullen", "http://thecolbertreport.cc.com/videos/8mv6il/sign-off---calculator" ], "guest": "Andrew Hacker, Heidi Cullen" }, { "date": "2010-08-26", "videos": [ "http://thecolbertreport.cc.com/videos/8g8jfw/intro---8-26-10", "http://thecolbertreport.cc.com/videos/cg8fb2/fox-news-job-opening", "http://thecolbertreport.cc.com/videos/3k8c17/glenn-livid", "http://thecolbertreport.cc.com/videos/ozbh2e/you-mosque-be-kidding", "http://thecolbertreport.cc.com/videos/idhto6/richard-engel", "http://thecolbertreport.cc.com/videos/054o86/sign-off---speaking-fee" ], "guest": "Richard Engel" }, { "date": "2010-09-07", "videos": [ "http://thecolbertreport.cc.com/videos/99y0f6/intro---9-7-10", "http://thecolbertreport.cc.com/videos/xvxdbg/geese-witherspoon", "http://thecolbertreport.cc.com/videos/os39h8/better-know-a-district---delaware-s-at-large---mike-castle-update", "http://thecolbertreport.cc.com/videos/ylp5nt/anthony-romero", "http://thecolbertreport.cc.com/videos/olfody/sign-off---welcome-home-show" ], "guest": "Anthony Romero" }, { "date": "2010-09-08", "videos": [ "http://thecolbertreport.cc.com/videos/ynyu8x/intro---9-8-10", "http://thecolbertreport.cc.com/videos/kmgrcb/been-there--won-that---joe-biden---yogi-berra", "http://thecolbertreport.cc.com/videos/l21o2y/been-there--won-that---ray-odierno", "http://thecolbertreport.cc.com/videos/dp7uzb/joe-biden", "http://thecolbertreport.cc.com/videos/r1r2jw/sign-off---thanks-to-the-returning-troops" ], "guest": "Vice President Joe Biden, Gen. Raymond Odierno" }, { "date": "2010-09-09", "videos": [ "http://thecolbertreport.cc.com/videos/txd70l/been-there--won-that---jim-webb", "http://thecolbertreport.cc.com/videos/tvmzxz/been-there--won-that---david-petraeus", "http://thecolbertreport.cc.com/videos/9543jt/brent-cummings---josh-bleill" ], "guest": "Sen. Jim Webb, Lt. Col. Brent Cummings, John Legend" }, { "date": "2010-09-13", "videos": [ "http://thecolbertreport.cc.com/videos/4q0lgz/intro---9-13-10", "http://thecolbertreport.cc.com/videos/1x4nj0/microwave-programming", "http://thecolbertreport.cc.com/videos/wzt5ev/bears---balls---american-apparel---chocolatey", "http://thecolbertreport.cc.com/videos/nwwxfb/stop-sending-live-animals", "http://thecolbertreport.cc.com/videos/hr5uxa/lisa-birnbach", "http://thecolbertreport.cc.com/videos/w7kfgs/sign-off---goodnight" ], "guest": "Lisa Birnbach" }, { "date": "2010-09-14", "videos": [ "http://thecolbertreport.cc.com/videos/zipkzm/intro---9-14-10", "http://thecolbertreport.cc.com/videos/pet2x5/peta-criticizes-joe-biden", "http://thecolbertreport.cc.com/videos/7cbxuw/the-word---mutually-assured-coercion", "http://thecolbertreport.cc.com/videos/oh49ge/luther-campbell-opposes-ground-zero-mosque", "http://thecolbertreport.cc.com/videos/yevohc/sean-wilentz", "http://thecolbertreport.cc.com/videos/fugenz/sign-off---goodnight" ], "guest": "Sean Wilentz" }, { "date": "2010-09-15", "videos": [ "http://thecolbertreport.cc.com/videos/0hpaxs/intro---9-15-10", "http://thecolbertreport.cc.com/videos/f8g0cq/libertea", "http://thecolbertreport.cc.com/videos/7v15m5/atone-phone---joan-rivers-calls", "http://thecolbertreport.cc.com/videos/n9nk9d/saul-griffith", "http://thecolbertreport.cc.com/videos/mjozqh/sign-off---world-changing-announcement" ], "guest": "Saul Griffith" }, { "date": "2010-09-16", "videos": [ "http://thecolbertreport.cc.com/videos/uj8r4c/march-to-keep-fear-alive-announcement", "http://thecolbertreport.cc.com/videos/5klha6/threatdown---bedbugs---environmentalists---jerome-goddard", "http://thecolbertreport.cc.com/videos/pck634/lawrence-o-donnell", "http://thecolbertreport.cc.com/videos/h5yz8n/sign-off---march-to-keep-fear-alive" ], "guest": "Lawrence O'Donnell" }, { "date": "2010-09-20", "videos": [ "http://thecolbertreport.cc.com/videos/cahpkw/intro---9-20-10", "http://thecolbertreport.cc.com/videos/1fmwjo/christine-o-donnell-witch-test", "http://thecolbertreport.cc.com/videos/diatjd/tip-wag---chilean-miners--portland-press-herald---isa-blyth", "http://thecolbertreport.cc.com/videos/a4y4ey/march-to-keep-fear-alive-media-coverage", "http://thecolbertreport.cc.com/videos/b65ofd/pavement" ], "guest": "Pavement" }, { "date": "2010-09-21", "videos": [ "http://thecolbertreport.cc.com/videos/yi7cbo/intro---9-21-10", "http://thecolbertreport.cc.com/videos/t99up5/in-poor-taste---mark-shriver", "http://thecolbertreport.cc.com/videos/2vrsvg/colbertslist", "http://thecolbertreport.cc.com/videos/tnb3an/eric-schmidt", "http://thecolbertreport.cc.com/videos/kecowj/sign-off---sign-up-for-the-march-to-keep-fear-alive" ], "guest": "Eric Schmidt" }, { "date": "2010-09-22", "videos": [ "http://thecolbertreport.cc.com/videos/q8xj8c/intro---9-22-10", "http://thecolbertreport.cc.com/videos/gcap67/the-christine-o-donnell-clip-predictor-3000", "http://thecolbertreport.cc.com/videos/xq0472/the-word---the-more-you-no", "http://thecolbertreport.cc.com/videos/xr7q4y/fallback-position---migrant-worker-pt--1", "http://thecolbertreport.cc.com/videos/kgnwdf/guillermo-del-toro", "http://thecolbertreport.cc.com/videos/lnpblj/sign-off---stephen-won-t-forgive-you" ], "guest": "Guillermo Del Toro" }, { "date": "2010-09-23", "videos": [ "http://thecolbertreport.cc.com/videos/e9ulyf/intro---9-23-10", "http://thecolbertreport.cc.com/videos/puxqvp/fallback-position---migrant-worker-pt--2", "http://thecolbertreport.cc.com/videos/imp10g/sanchez-bump", "http://thecolbertreport.cc.com/videos/937jzh/oscar-goodman", "http://thecolbertreport.cc.com/videos/hitep1/sign-off---american-history-lesson" ], "guest": "Oscar Goodman" }, { "date": "2010-09-27", "videos": [ "http://thecolbertreport.cc.com/videos/esvw5v/intro---9-27-10", "http://thecolbertreport.cc.com/videos/aychpz/corn-packer-apology", "http://thecolbertreport.cc.com/videos/nc19il/the-delawert-report", "http://thecolbertreport.cc.com/videos/pcae92/the-word---army-of-mum", "http://thecolbertreport.cc.com/videos/kby55r/yahweh-or-no-way---ihop---antonio-federici-ad", "http://thecolbertreport.cc.com/videos/y2afey/ken-burns", "http://thecolbertreport.cc.com/videos/g2pys1/sign-off---goodnight" ], "guest": "Ken Burns" }, { "date": "2010-09-28", "videos": [ "http://thecolbertreport.cc.com/videos/s437p7/intro---9-28-10", "http://thecolbertreport.cc.com/videos/gspyir/left-behind---paul-begala", "http://thecolbertreport.cc.com/videos/57ib6e/terror-a-new-one", "http://thecolbertreport.cc.com/videos/ut4vp1/ross-douthat", "http://thecolbertreport.cc.com/videos/0pm7c2/sign-off---democratic-grave" ], "guest": "Paul Begala, Ross Douthat" }, { "date": "2010-09-29", "videos": [ "http://thecolbertreport.cc.com/videos/umvy3w/march-to-keep-fear-alive-insanity-bus", "http://thecolbertreport.cc.com/videos/kup6co/the-word---original-spin", "http://thecolbertreport.cc.com/videos/z1c69t/threatdown---record-breaking-gays--koalas---purell", "http://thecolbertreport.cc.com/videos/q56zhc/steven-rattner", "http://thecolbertreport.cc.com/videos/kn5pkq/sign-off---sign-up-for-the-march-to-keep-fear-alive" ], "guest": "Steve Rattner" }, { "date": "2010-09-30", "videos": [ "http://thecolbertreport.cc.com/videos/umgd4n/intro---9-30-10", "http://thecolbertreport.cc.com/videos/xic7q8/president-obama-endorses-the-rally-to-restore-sanity", "http://thecolbertreport.cc.com/videos/xd5pkh/droid-rage", "http://thecolbertreport.cc.com/videos/w8i263/stat-of-the-union", "http://thecolbertreport.cc.com/videos/h7gmgz/aaron-sorkin", "http://thecolbertreport.cc.com/videos/7zrc6h/sign-off---march-to-keep-fear-alive-costumes" ], "guest": "Aaron Sorkin" }, { "date": "2010-10-04", "videos": [ "http://thecolbertreport.cc.com/videos/vwiap8/intro---10-4-10", "http://thecolbertreport.cc.com/videos/h7fctl/we-world-war-won-it", "http://thecolbertreport.cc.com/videos/k8t4ao/the-word---it-s-a-small-minded-world", "http://thecolbertreport.cc.com/videos/nbdcz5/tip-wag---tea-party-coloring-book---calm-legislation", "http://thecolbertreport.cc.com/videos/pl2b2g/eugene-robinson", "http://thecolbertreport.cc.com/videos/3w0ogs/sign-off---matching-donor" ], "guest": "Eugene Robinson" }, { "date": "2010-10-05", "videos": [ "http://thecolbertreport.cc.com/videos/72j4yn/intro---10-5-10", "http://thecolbertreport.cc.com/videos/9xty22/american-sexual-habits", "http://thecolbertreport.cc.com/videos/0xyglo/gang-busters---john-burnett", "http://thecolbertreport.cc.com/videos/e4gleb/langur-monkey-security", "http://thecolbertreport.cc.com/videos/98qo87/leon-botstein", "http://thecolbertreport.cc.com/videos/gi2fk6/sign-off---goodnight" ], "guest": "Leon Botstein" }, { "date": "2010-10-06", "videos": [ "http://thecolbertreport.cc.com/videos/pg4r1d/intro---10-6-10", "http://thecolbertreport.cc.com/videos/gu3bg9/tiny-triumphs---environmentalist-ear-pollution", "http://thecolbertreport.cc.com/videos/rex0nc/rawesome-foods-raid", "http://thecolbertreport.cc.com/videos/6krvaq/mavis-staples---jeff-tweedy", "http://thecolbertreport.cc.com/videos/01gaiu/sign-off---you-are-not-alone" ], "guest": "Mavis Staples &amp; Jeff Tweedy" }, { "date": "2010-10-07", "videos": [ "http://thecolbertreport.cc.com/videos/sy1j26/indecision-2010---revenge-of-the-fallen---fearstock-com", "http://thecolbertreport.cc.com/videos/5qjigz/proposition-19---joseph-califano---gary-johnson", "http://thecolbertreport.cc.com/videos/rzuziw/donorschoose-org-fear-drawings", "http://thecolbertreport.cc.com/videos/077dy4/davis-guggenheim", "http://thecolbertreport.cc.com/videos/th4oe4/sign-off---don-t-go-to-donorschoose-com" ], "guest": "Davis Guggenheim" }, { "date": "2010-10-11", "videos": [ "http://thecolbertreport.cc.com/videos/mnxgqn/intro---10-11-10", "http://thecolbertreport.cc.com/videos/2buyr8/rich-iott-wears-a-nazi-uniform", "http://thecolbertreport.cc.com/videos/f1n1ah/threatdown---muslim-edition", "http://thecolbertreport.cc.com/videos/6x3w7h/formula-4-your-eyes-only", "http://thecolbertreport.cc.com/videos/l23gil/robert-reich", "http://thecolbertreport.cc.com/videos/6314hj/sign-off---stephen-needs-a-place-to-hold-his-march" ], "guest": "Robert Reich" }, { "date": "2010-10-12", "videos": [ "http://thecolbertreport.cc.com/videos/ksbkyk/intro---10-12-10", "http://thecolbertreport.cc.com/videos/que3dz/101-year-old-woman-becomes-a-u-s--citizen", "http://thecolbertreport.cc.com/videos/xpawsw/tip-wag---peabody-public-schools--andy-rooney---ground-zero-mosque-design", "http://thecolbertreport.cc.com/videos/o656bc/merch-to-keep-fear-alive", "http://thecolbertreport.cc.com/videos/bncunr/brendan-steinhauser", "http://thecolbertreport.cc.com/videos/4i1iy2/sign-off---apple-filled-with-razor-blades" ], "guest": "Brendan Steinhauser" }, { "date": "2010-10-13", "videos": [ "http://thecolbertreport.cc.com/videos/nkf1gw/intro---10-13-10", "http://thecolbertreport.cc.com/videos/40azz5/america-helps-rescue-chilean-miners", "http://thecolbertreport.cc.com/videos/fg5dcw/sport-report---steroids--commonwealth-games---brett-favre-s-sexting", "http://thecolbertreport.cc.com/videos/nq3g54/tax-shelter-skelter", "http://thecolbertreport.cc.com/videos/ip94pd/austan-goolsbee", "http://thecolbertreport.cc.com/videos/7n0fzv/sign-off---tic-tac-toe-with-austan-goolsbee" ], "guest": "Austan Goolsbee" }, { "date": "2010-10-14", "videos": [ "http://thecolbertreport.cc.com/videos/ke3ug4/transitive-property-of-christine-o-donnell", "http://thecolbertreport.cc.com/videos/jvi6id/people-who-are-destroying-america---landscaping-goats", "http://thecolbertreport.cc.com/videos/8kgt7i/rally-to-restore-sanity-and-or-fear-chinatown-bus-tickets", "http://thecolbertreport.cc.com/videos/wc2nwv/bill-bryson", "http://thecolbertreport.cc.com/videos/ns0u0b/sign-off---oprah-is-wonderful" ], "guest": "Bill Bryson" }, { "date": "2010-10-25", "videos": [ "http://thecolbertreport.cc.com/videos/ou6z90/indecision-2010---revenge-of-the-fallen---sean-bielat---ken-buck", "http://thecolbertreport.cc.com/videos/t96zw6/the-word---midterm-erection", "http://thecolbertreport.cc.com/videos/r3cpem/who-s-honoring-me-now----colbert-nation-five-years-of-excellence-award", "http://thecolbertreport.cc.com/videos/tx8w6w/nicholas-negroponte", "http://thecolbertreport.cc.com/videos/hjbcjo/sign-off---fifth-anniversary-portrait" ], "guest": "Nicholas Negroponte" }, { "date": "2010-10-26", "videos": [ "http://thecolbertreport.cc.com/videos/vtn4dg/intro---10-26-10", "http://thecolbertreport.cc.com/videos/upm6ow/stephen-appears-in-the-new-york-times-crossword-puzzle", "http://thecolbertreport.cc.com/videos/rh943m/the-word---invisible-inc-", "http://thecolbertreport.cc.com/videos/57deny/food-insurance-insurance", "http://thecolbertreport.cc.com/videos/9dol4n/garry-wills", "http://thecolbertreport.cc.com/videos/ifnetg/sign-off---stream-elvis-costello-s-national-ransom" ], "guest": "Gary Wills" }, { "date": "2010-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/qjfe6u/exclusive---have-you-seen-the-ghost-of-jon-", "http://thecolbertreport.cc.com/videos/iyha0d/intro---10-27-10", "http://thecolbertreport.cc.com/videos/a393lf/rand-paul-supporter-stomps-on-liberal-activist-s-head", "http://thecolbertreport.cc.com/videos/ah47vl/indecision-2010---revenge-of-the-fallen---tom-perriello", "http://thecolbertreport.cc.com/videos/k3z37d/snooki-halloween-costume---spooky-rally-song", "http://thecolbertreport.cc.com/videos/tmruw9/apolo-ohno", "http://thecolbertreport.cc.com/videos/g0i5r2/sign-off---2010-election-map-from-denny-s" ], "guest": "Rep. Tom Perriello, Apolo Anton Ohno" }, { "date": "2010-10-28", "videos": [ "http://thecolbertreport.cc.com/videos/ea746g/the-mcrib-is-back", "http://thecolbertreport.cc.com/videos/y2nj3n/fear-for-all-pt--1", "http://thecolbertreport.cc.com/videos/ttx9jf/fear-for-all-pt--2", "http://thecolbertreport.cc.com/videos/el1mv0/maira-kalman", "http://thecolbertreport.cc.com/videos/p6c0ah/sign-off---see-you-at-the-rally" ], "guest": "Maira Kalman" }, { "date": "2010-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/4or1uk/intro---11-1-10", "http://thecolbertreport.cc.com/videos/pjth2k/a-fond-look-back-at-the-rally", "http://thecolbertreport.cc.com/videos/6y87u2/midterm-senate-races---nevada--alaska---delaware", "http://thecolbertreport.cc.com/videos/ghbjcp/hispanic-and-gay-voters-should-stay-at-home", "http://thecolbertreport.cc.com/videos/r4udbe/jonathan-alter", "http://thecolbertreport.cc.com/videos/h06l8n/sign-off---don-t-forget-to-vote" ], "guest": "Jonathan Alter" }, { "date": "2010-11-02", "videos": [ "http://thecolbertreport.cc.com/videos/q6wjad/indecision-2010---intro---11-2-10", "http://thecolbertreport.cc.com/videos/5y5ul8/indecision-2010---gop-takes-house", "http://thecolbertreport.cc.com/videos/yubkdk/indecision-2010---david-frum", "http://thecolbertreport.cc.com/videos/ii11zs/indecision-2010---katrina-vanden-heuvel", "http://thecolbertreport.cc.com/videos/fpxe9g/indecision-2010---sign-off---election-to-end-all-elections" ], "guest": "Katrina vanden Heuvel, David Frum" }, { "date": "2010-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/npkdbl/intro---11-3-10", "http://thecolbertreport.cc.com/videos/dnol9b/we-hardly-better-knew-ye", "http://thecolbertreport.cc.com/videos/tsa7r8/stephen-colbert-gives-you-props", "http://thecolbertreport.cc.com/videos/g1n60y/doris-kearns-goodwin", "http://thecolbertreport.cc.com/videos/0ciqy7/sign-off---smiley-face-balloon" ], "guest": "Doris Kearns Goodwin" }, { "date": "2010-11-04", "videos": [ "http://thecolbertreport.cc.com/videos/ze4pgk/intro---11-4-10", "http://thecolbertreport.cc.com/videos/jssup2/spider-man-is-alaska-s-write-in-candidate", "http://thecolbertreport.cc.com/videos/59l5bf/tip-wag---tsa--bert---dogs", "http://thecolbertreport.cc.com/videos/px319n/elvis-costello" ], "guest": "Elvis Costello" }, { "date": "2010-11-08", "videos": [ "http://thecolbertreport.cc.com/videos/bf24qu/one-hour-in-the-future", "http://thecolbertreport.cc.com/videos/odml1w/the-word---nothingness", "http://thecolbertreport.cc.com/videos/450kbl/president-obama-s-expensive-trip-to-india", "http://thecolbertreport.cc.com/videos/itfuo6/reza-aslan", "http://thecolbertreport.cc.com/videos/flh0gj/sign-off---battleship" ], "guest": "Reza Aslan" }, { "date": "2010-11-09", "videos": [ "http://thecolbertreport.cc.com/videos/ndicnt/decision-points", "http://thecolbertreport.cc.com/videos/t6dluv/house-oversight-committee-hearings---abbe-lowell", "http://thecolbertreport.cc.com/videos/2tsnui/craziest-f--king-thing-i-ve-ever-heard---crab-vending-machines", "http://thecolbertreport.cc.com/videos/thu56b/cee-lo-green" ], "guest": "Cee-Lo Green" }, { "date": "2010-11-10", "videos": [ "http://thecolbertreport.cc.com/videos/r8nn6k/michelle-obama-s-embarrassing-handshake", "http://thecolbertreport.cc.com/videos/h0bv7g/america-s-job-loss---beri-fox", "http://thecolbertreport.cc.com/videos/qra7vl/statue-of-jesus", "http://thecolbertreport.cc.com/videos/0cxark/martha-stewart", "http://thecolbertreport.cc.com/videos/gd9t0s/sign-off---saltine-hors-d-oeuvres" ], "guest": "Martha Stewart" }, { "date": "2010-11-11", "videos": [ "http://thecolbertreport.cc.com/videos/vavqn0/colbert-platinum---kanye-west---million-dollar-advent-calendar-segment", "http://thecolbertreport.cc.com/videos/6py8bn/intro---11-11-10", "http://thecolbertreport.cc.com/videos/6obewf/stephen-absorbs-gene-shalit-s-opinions", "http://thecolbertreport.cc.com/videos/pigos8/colbert-platinum---kanye-west---million-dollar-advent-calendar", "http://thecolbertreport.cc.com/videos/8zchd5/stephen-trademarks-dated-catchphrases", "http://thecolbertreport.cc.com/videos/opi39p/quincy-jones", "http://thecolbertreport.cc.com/videos/dlv5sb/sign-off---if-it-walks-like-a-duck" ], "guest": "Quincy Jones" }, { "date": "2010-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/zwpnzb/finding-mr--goodwrench", "http://thecolbertreport.cc.com/videos/dzeed3/tsa-full-body-scanners---jeffrey-goldberg", "http://thecolbertreport.cc.com/videos/yi115x/garfield-and-president-obama-s-veterans-day-controversies", "http://thecolbertreport.cc.com/videos/zgerlg/david-stern", "http://thecolbertreport.cc.com/videos/f5nt0v/sign-off---garfield-loves-veterans" ], "guest": "David Stern" }, { "date": "2010-11-16", "videos": [ "http://thecolbertreport.cc.com/videos/a6jx8i/intro---11-16-10", "http://thecolbertreport.cc.com/videos/r1nlt4/prince-william-proposes-to-kate-middleton", "http://thecolbertreport.cc.com/videos/6x0tmp/thought-for-food---c-zurrrre--medal-of-hunger-winner---cheesercize", "http://thecolbertreport.cc.com/videos/5n8eoi/stephen-colbert-s-report", "http://thecolbertreport.cc.com/videos/brwtip/john-legend" ], "guest": "John Legend" }, { "date": "2010-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/13lnab/intro---11-17-10", "http://thecolbertreport.cc.com/videos/bzhpi2/charlie-rangel--you-got-mailed", "http://thecolbertreport.cc.com/videos/izlih7/old-people-in-space", "http://thecolbertreport.cc.com/videos/rhup4k/chair-apparent", "http://thecolbertreport.cc.com/videos/x10udl/ian-frazier", "http://thecolbertreport.cc.com/videos/iu8jdu/synchronize-watches-to-colbert-time" ], "guest": "Ian Frazier" }, { "date": "2010-11-18", "videos": [ "http://thecolbertreport.cc.com/videos/rip59b/stephen-pardons-joseph-gobbles", "http://thecolbertreport.cc.com/videos/6dqu0c/tip-wag---pope-benedict-xvi--trick-play---joseph-gobbles", "http://thecolbertreport.cc.com/videos/fbks4j/joseph-gobbles-shoots-jay-the-intern", "http://thecolbertreport.cc.com/videos/9ldbp0/salvatore-giunta", "http://thecolbertreport.cc.com/videos/92wwov/sign-off---happy-thanksgiving" ], "guest": "Staff Sgt. Salvatore Giunta" }, { "date": "2010-11-29", "videos": [ "http://thecolbertreport.cc.com/videos/fyh8jk/intro---11-29-10", "http://thecolbertreport.cc.com/videos/5liwl3/black-friday-interpretation", "http://thecolbertreport.cc.com/videos/qhebrf/better-business-hero", "http://thecolbertreport.cc.com/videos/1fhpey/dan-savage", "http://thecolbertreport.cc.com/videos/nilxac/sign-off---goodnight" ], "guest": "Dan Savage" }, { "date": "2010-11-30", "videos": [ "http://thecolbertreport.cc.com/videos/0th7i0/god-drops-steve-johnson-s-football-pass", "http://thecolbertreport.cc.com/videos/rd3bzl/wikileaks-document-dump---james-rubin", "http://thecolbertreport.cc.com/videos/t2kayc/soap-opera-product-placement", "http://thecolbertreport.cc.com/videos/5qjkay/tom-vilsack", "http://thecolbertreport.cc.com/videos/ovt98b/sign-off---chex-mix-product-placement" ], "guest": "Tom Vilsack" }, { "date": "2010-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/373wri/return-of-the-estate-tax", "http://thecolbertreport.cc.com/videos/hml13u/lame-duck-congress---jake-tapper", "http://thecolbertreport.cc.com/videos/df8z4y/cheating-death---calming-meat-goggles---the-ithrone", "http://thecolbertreport.cc.com/videos/hbifbv/michelle-rhee", "http://thecolbertreport.cc.com/videos/5oq9dq/sign-off---up-on-the-lingo" ], "guest": "Michelle Rhee" }, { "date": "2010-12-02", "videos": [ "http://thecolbertreport.cc.com/videos/d067b7/intro---12-2-10", "http://thecolbertreport.cc.com/videos/y4fa8v/john-thune-looks-presidential", "http://thecolbertreport.cc.com/videos/vaqkqk/the-word---the-great-white-wail", "http://thecolbertreport.cc.com/videos/efh5u1/the-blitzkrieg-on-grinchitude---atheist-billboard---capitol-christmas-tree", "http://thecolbertreport.cc.com/videos/trmu6j/david-stockman", "http://thecolbertreport.cc.com/videos/v9n94y/sign-off---chinese-finger-trap" ], "guest": "David Stockman" }, { "date": "2010-12-06", "videos": [ "http://thecolbertreport.cc.com/videos/exzvsm/cosmo-is-available-in-mongolia", "http://thecolbertreport.cc.com/videos/bwubcy/the-word---unrequited-gov", "http://thecolbertreport.cc.com/videos/eoidl7/mysteries-of-the-ancient-unknown---the-pursuit-of-the-pharaoh-s-phallus-pt--1", "http://thecolbertreport.cc.com/videos/wdodc8/garry-trudeau", "http://thecolbertreport.cc.com/videos/gktluk/sign-off---goodnight" ], "guest": "Garry Trudeau" }, { "date": "2010-12-07", "videos": [ "http://thecolbertreport.cc.com/videos/ishllr/extension-of-the-bush-tax-cuts", "http://thecolbertreport.cc.com/videos/n0u86v/mysteries-of-the-ancient-unknown---the-pursuit-of-the-pharaoh-s-phallus-pt--2", "http://thecolbertreport.cc.com/videos/ya6qw9/poll-to-repeal-don-t-ask--don-t-tell", "http://thecolbertreport.cc.com/videos/gf8r28/david-eisenhower---julie-nixon-eisenhower", "http://thecolbertreport.cc.com/videos/99syt9/sign-off---goodnight" ], "guest": "Julie Nixon Eisenhower &amp; David Eisenhower" }, { "date": "2010-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/f6likw/exclusive---steve-martin-extended-segment", "http://thecolbertreport.cc.com/videos/kml8x8/tip-wag---art-edition---brent-glass", "http://thecolbertreport.cc.com/videos/2akwcg/steve-martin-pt--1", "http://thecolbertreport.cc.com/videos/yqcbtk/steve-martin-pt--2", "http://thecolbertreport.cc.com/videos/ct0ud7/sign-off---steve-martin-mask" ], "guest": "Steve Martin" }, { "date": "2010-12-09", "videos": [ "http://thecolbertreport.cc.com/videos/znivka/israel-shark-conspiracy", "http://thecolbertreport.cc.com/videos/fi19uy/international-manhunt-for-julian-assange---daniel-ellsberg", "http://thecolbertreport.cc.com/videos/fk2pnu/art-stephen-up-challenge---william-wegman", "http://thecolbertreport.cc.com/videos/1akto9/julie-taymor", "http://thecolbertreport.cc.com/videos/hcd55s/sign-off---christmas-party" ], "guest": "Julie Taymor" }, { "date": "2010-12-13", "videos": [ "http://thecolbertreport.cc.com/videos/f2kl6o/intro---12-13-10", "http://thecolbertreport.cc.com/videos/eolk50/found-goldman-sachs-mastercard", "http://thecolbertreport.cc.com/videos/c1yv8b/the-word---swift-payment", "http://thecolbertreport.cc.com/videos/btsd4o/blitzkrieg-on-grinchitude---gretchen-carlson---christian-nation-christ-mas-tree", "http://thecolbertreport.cc.com/videos/rufuhr/patti-smith", "http://thecolbertreport.cc.com/videos/t0590z/sign-off---remembering-richard-holbrooke" ], "guest": "Patti Smith" }, { "date": "2010-12-14", "videos": [ "http://thecolbertreport.cc.com/videos/ycermm/goldman-sachs-lawyers-want-buckley-t--ratchford-s-card-back", "http://thecolbertreport.cc.com/videos/rsdutw/prop-8-challenge---david-boies", "http://thecolbertreport.cc.com/videos/4tx5ks/stephen-wins-twitter---biz-stone", "http://thecolbertreport.cc.com/videos/ouqrnm/stephen-sondheim", "http://thecolbertreport.cc.com/videos/ajg2h0/sign-off---closing-credits" ], "guest": "David Boies, Stephen Sondheim" }, { "date": "2010-12-15", "videos": [ "http://thecolbertreport.cc.com/videos/9gi4ae/intro---12-15-10", "http://thecolbertreport.cc.com/videos/67nfxh/scanner-defying-pancakes", "http://thecolbertreport.cc.com/videos/fv3gl9/world-war-3-0---omar-wasow", "http://thecolbertreport.cc.com/videos/rr8wvk/tiny-triumphs---lethal-drug-shortage", "http://thecolbertreport.cc.com/videos/e05lny/laird-hamilton", "http://thecolbertreport.cc.com/videos/nv267b/sign-off---winter-fashion-tip" ], "guest": "Omar Wasow, Laird Hamilton" }, { "date": "2010-12-16", "videos": [ "http://thecolbertreport.cc.com/videos/cb861t/christmas-holy-week", "http://thecolbertreport.cc.com/videos/m38gcf/jesus-is-a-liberal-democrat", "http://thecolbertreport.cc.com/videos/tvxon5/amy-sedaris", "http://thecolbertreport.cc.com/videos/zejxdk/paul-simon" ], "guest": "Amy Sedaris, Paul Simon" } ], "2011": [ { "date": "2011-01-03", "videos": [ "http://thecolbertreport.cc.com/videos/a5rzlq/intro---1-3-11", "http://thecolbertreport.cc.com/videos/pgayak/snowpocalypse-2010", "http://thecolbertreport.cc.com/videos/7b084t/tip-wag---susan-g--komen-foundation---spider-man-musical", "http://thecolbertreport.cc.com/videos/44ybv8/the-enemy-within---caboodle-ranch", "http://thecolbertreport.cc.com/videos/vopb2f/ed-rendell", "http://thecolbertreport.cc.com/videos/bvg4tu/sign-off---home-improvement-tip" ], "guest": "Sen. Bernie Sanders" }, { "date": "2011-01-04", "videos": [ "http://thecolbertreport.cc.com/videos/40y983/intro---1-4-11", "http://thecolbertreport.cc.com/videos/tq4xo3/native-american-overlords", "http://thecolbertreport.cc.com/videos/kafccc/gold-faithful", "http://thecolbertreport.cc.com/videos/0ds0c9/gold-faithful---ron-paul---david-leonhardt", "http://thecolbertreport.cc.com/videos/leatvt/geoffrey-canada", "http://thecolbertreport.cc.com/videos/h983ts/sign-off---12-dutchmen-answer" ], "guest": "John Heilemann" }, { "date": "2011-01-05", "videos": [ "http://thecolbertreport.cc.com/videos/upvgg0/intro---1-5-11", "http://thecolbertreport.cc.com/videos/ttqn4k/huckleberry-finn-censorship", "http://thecolbertreport.cc.com/videos/4c01zx/what-s-a-reince-priebus-", "http://thecolbertreport.cc.com/videos/d2586v/yellowline-international--inc-", "http://thecolbertreport.cc.com/videos/1yfs5a/atul-gawande", "http://thecolbertreport.cc.com/videos/ta25ww/sign-off---dark-side-of-the-moon" ], "guest": "Steve Case" }, { "date": "2011-01-06", "videos": [ "http://thecolbertreport.cc.com/videos/gfffz6/shout-out-to-arby-s", "http://thecolbertreport.cc.com/videos/g7dtso/john-boehner-s-large-gavel", "http://thecolbertreport.cc.com/videos/t27er5/cheating-death---placebo-effect--immortality---wild-lynx", "http://thecolbertreport.cc.com/videos/n6wqjn/bill-o-reilly-proves-god-s-existence---neil-degrasse-tyson", "http://thecolbertreport.cc.com/videos/i48v1q/ronald-depinho", "http://thecolbertreport.cc.com/videos/x8bqqt/sign-off---boris-the-lynx" ], "guest": "Dr. Ronald DePinho" }, { "date": "2011-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/qi5a0o/intro---1-10-11", "http://thecolbertreport.cc.com/videos/xl3r2n/pundits-lay-blame-for-senseless-arizona-attack", "http://thecolbertreport.cc.com/videos/6s01yh/bull-sessions", "http://thecolbertreport.cc.com/videos/cng4n9/difference-makers---galactic-edition-pt--1", "http://thecolbertreport.cc.com/videos/oelxfx/difference-makers---galactic-edition-pt--2", "http://thecolbertreport.cc.com/videos/gk32r8/fen-montaigne", "http://thecolbertreport.cc.com/videos/oslcyl/sign-off---goodnight" ], "guest": "Fen Montaigne" }, { "date": "2011-01-11", "videos": [ "http://thecolbertreport.cc.com/videos/97pzie/intro---1-11-11", "http://thecolbertreport.cc.com/videos/q63emf/snowstorm-preparation", "http://thecolbertreport.cc.com/videos/rbg8gh/metunes---grammy-vote---dan-auerbach--patrick-carney---ezra-koenig", "http://thecolbertreport.cc.com/videos/oqami3/lithuania-perfume", "http://thecolbertreport.cc.com/videos/mqh8rb/chris-hughes", "http://thecolbertreport.cc.com/videos/8re8oa/sign-off---pringles" ], "guest": "Chris Hughes" }, { "date": "2011-01-12", "videos": [ "http://thecolbertreport.cc.com/videos/1aza8n/50-cent-makes-money-on-twitter", "http://thecolbertreport.cc.com/videos/b4mxvn/the-word---life--liberty-and-the-pursuit-of-angriness", "http://thecolbertreport.cc.com/videos/56kjjw/bernard-henri-levy-pt--1", "http://thecolbertreport.cc.com/videos/cmxyxs/bernard-henri-levy-pt--2", "http://thecolbertreport.cc.com/videos/splrfl/sign-off---goodnight" ], "guest": "Bernard-Henri Levy" }, { "date": "2011-01-13", "videos": [ "http://thecolbertreport.cc.com/videos/h5qwzv/hitler-s-inspiring-tucson-memorial-speech", "http://thecolbertreport.cc.com/videos/nhx7bu/thought-for-food---fruit-pouch--doritos-ad---super-big-gulp", "http://thecolbertreport.cc.com/videos/wdqdqn/israeli-vulture-spy", "http://thecolbertreport.cc.com/videos/xczq8w/kevin-spacey", "http://thecolbertreport.cc.com/videos/iyyhr8/sign-off---new-york-post" ], "guest": "Kevin Spacey" }, { "date": "2011-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/iuhos5/intro---1-17-11", "http://thecolbertreport.cc.com/videos/ztaz7m/martin-luther-king-jr--day-sales", "http://thecolbertreport.cc.com/videos/9ycstf/the-word---run-for-your-life", "http://thecolbertreport.cc.com/videos/ib4cpu/art-stephen-up-challenge---wade-hampton", "http://thecolbertreport.cc.com/videos/kd5rmr/sherry-turkle", "http://thecolbertreport.cc.com/videos/tj76rr/sign-off---new-york-post" ], "guest": "Sherry Turkle" }, { "date": "2011-01-18", "videos": [ "http://thecolbertreport.cc.com/videos/fi5nk7/intro---1-18-11", "http://thecolbertreport.cc.com/videos/y6lk8z/mika-brzezinski-experiences-palin-fatigue", "http://thecolbertreport.cc.com/videos/1zj4bl/the-word---disintegration", "http://thecolbertreport.cc.com/videos/l4vdiw/coma-cozy", "http://thecolbertreport.cc.com/videos/zeukt7/cornel-west", "http://thecolbertreport.cc.com/videos/njlf77/sign-off---coma-cozy" ], "guest": "Cornel West" }, { "date": "2011-01-19", "videos": [ "http://thecolbertreport.cc.com/videos/4e1xmn/intro---1-19-11", "http://thecolbertreport.cc.com/videos/0s8rfq/black-tie-dinner-for-hu-jintao", "http://thecolbertreport.cc.com/videos/nujiex/tip-wag---four-loko---horoscopes", "http://thecolbertreport.cc.com/videos/vb8d7c/shout-out---preston-pysh", "http://thecolbertreport.cc.com/videos/czmy3b/ron-reagan", "http://thecolbertreport.cc.com/videos/0ycmn7/sign-off---i-eat-america--and-so-can-you---recall" ], "guest": "Ron Reagan Jr." }, { "date": "2011-01-20", "videos": [ "http://thecolbertreport.cc.com/videos/091ydv/rush-limbaugh-speaks-chinese", "http://thecolbertreport.cc.com/videos/bq6mnl/state-budget-shortfalls---christine-todd-whitman", "http://thecolbertreport.cc.com/videos/c8u4qm/50th-anniversary-of-jfk-s-inaugural-address", "http://thecolbertreport.cc.com/videos/6pfgfg/chris-matthews", "http://thecolbertreport.cc.com/videos/jjup5d/sign-off---donald-pellview" ], "guest": "Chris Matthews" }, { "date": "2011-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/z2h5xs/intro---1-24-11", "http://thecolbertreport.cc.com/videos/ry0uh0/stephen-rejects-keith-olbermann-s-power", "http://thecolbertreport.cc.com/videos/e7bfej/the-word---coverage-of-denial", "http://thecolbertreport.cc.com/videos/mjnoqk/art-stephen-up-challenge---banksy", "http://thecolbertreport.cc.com/videos/rsyf0v/charlie-rose", "http://thecolbertreport.cc.com/videos/v0sh08/sign-off---keith-olbermug" ], "guest": "Charlie Rose" }, { "date": "2011-01-25", "videos": [ "http://thecolbertreport.cc.com/videos/1mhey7/intro---1-25-11", "http://thecolbertreport.cc.com/videos/d21szi/the--battle-hymn-of-the-tiger-mother--controversy", "http://thecolbertreport.cc.com/videos/5198pt/threatdown---radical-muslim-snacks--flying-robot-drones---coked-up-vacuums", "http://thecolbertreport.cc.com/videos/ooebba/nazi-ometer", "http://thecolbertreport.cc.com/videos/2lr90o/amy-chua", "http://thecolbertreport.cc.com/videos/71c1bx/sign-off---stephen-welcomes-cody-price" ], "guest": "Amy Chua" }, { "date": "2011-01-26", "videos": [ "http://thecolbertreport.cc.com/videos/99necf/anonymous-insider-author-speculation", "http://thecolbertreport.cc.com/videos/d2sy94/obama-s-state-of-the-union-address---michael-waldman", "http://thecolbertreport.cc.com/videos/za0351/mr--smith-goes-to-the-state-legislature--then-later-possibly-washington---curtis-oda", "http://thecolbertreport.cc.com/videos/wja66h/christine-yvette-lewis", "http://thecolbertreport.cc.com/videos/7znx6n/sign-off---man-handler---fork-phone" ], "guest": "Michael Waldman, Christine Yvette Lewis" }, { "date": "2011-01-27", "videos": [ "http://thecolbertreport.cc.com/videos/fllqqg/intro---1-27-11", "http://thecolbertreport.cc.com/videos/959fok/candyquake", "http://thecolbertreport.cc.com/videos/bhf8jv/time-traveling-porn---daryl-bem", "http://thecolbertreport.cc.com/videos/uffqf8/gordita-supreme-court", "http://thecolbertreport.cc.com/videos/zgxlja/brian-greene", "http://thecolbertreport.cc.com/videos/nkbrns/sign-off---goodnight" ], "guest": "Dr. Daryl Bem, Brian Greene" }, { "date": "2011-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/2wwddt/intro---1-31-11", "http://thecolbertreport.cc.com/videos/uv1y3k/mubarak--mu-problems", "http://thecolbertreport.cc.com/videos/w70tw3/mubarak--mu-problems---samer-shehata", "http://thecolbertreport.cc.com/videos/35ink0/paul-offit", "http://thecolbertreport.cc.com/videos/ccilnn/sign-off---kim-jong-bear" ], "guest": "Samer Shehata, Dr. Paul Offit" }, { "date": "2011-02-01", "videos": [ "http://thecolbertreport.cc.com/videos/wk9d57/hosni-mubarak-will-not-run-again", "http://thecolbertreport.cc.com/videos/ie8q6j/thought-for-food---nestle-corporation", "http://thecolbertreport.cc.com/videos/2ucxw7/thought-for-food---wyngz---wal-mart", "http://thecolbertreport.cc.com/videos/odeko3/wal-mart-collaborates-with-obama-administration---leslie-dach", "http://thecolbertreport.cc.com/videos/4shxg7/michael-lewis", "http://thecolbertreport.cc.com/videos/s7oggh/sign-off---digiorno-pizza---boneless-wyngz" ], "guest": "Leslie Dach, Michael Lewis" }, { "date": "2011-02-02", "videos": [ "http://thecolbertreport.cc.com/videos/zdhdko/intro---2-2-11", "http://thecolbertreport.cc.com/videos/ct2jwf/bing-gets-served", "http://thecolbertreport.cc.com/videos/a4bw27/cairo-turns-into-the-jersey-shore", "http://thecolbertreport.cc.com/videos/q27618/crisis-in-egypt", "http://thecolbertreport.cc.com/videos/yjimo0/tip-wag---british-superman---big-flats-beer", "http://thecolbertreport.cc.com/videos/dme3nu/sean-dorrance-kelly", "http://thecolbertreport.cc.com/videos/n2upjg/sign-off---christiane-aman-purr---big-flats-beer" ], "guest": "Sean Kelly" }, { "date": "2011-02-03", "videos": [ "http://thecolbertreport.cc.com/videos/nn8o94/intro---2-3-11", "http://thecolbertreport.cc.com/videos/lo20rh/crisis-in-egypt---anderson-cooper---bill-o-reilly", "http://thecolbertreport.cc.com/videos/vuogyk/sport-report---super-bowl-edition", "http://thecolbertreport.cc.com/videos/91t3tp/affirmative-reaction", "http://thecolbertreport.cc.com/videos/i5rwqs/jane-mcgonigal", "http://thecolbertreport.cc.com/videos/hffd6m/sign-off---newest-member-of-the-colbert-nation" ], "guest": "Jane McGonigal" }, { "date": "2011-02-14", "videos": [ "http://thecolbertreport.cc.com/videos/kruhy0/intro---2-14-11", "http://thecolbertreport.cc.com/videos/4drnjr/mysteries-of-the-ancient-unknown---egyptian-coincidence", "http://thecolbertreport.cc.com/videos/gv0hvh/the-enemy-within---toddler-edition", "http://thecolbertreport.cc.com/videos/qtecuk/james-murphy-of-lcd-soundsystem", "http://thecolbertreport.cc.com/videos/4qawhf/sign-off---scoops-of-americone-dream" ], "guest": "LCD Soundsystem" }, { "date": "2011-02-15", "videos": [ "http://thecolbertreport.cc.com/videos/ynf8rd/intro---2-15-11", "http://thecolbertreport.cc.com/videos/sjuyr9/italian-bunga-bunga-parties---egyptian-democracy", "http://thecolbertreport.cc.com/videos/ara6q6/egyptian-democracy---christiane-amanpour", "http://thecolbertreport.cc.com/videos/n9a7wj/mr--smith-goes-to-the-state-legislature--then-later-possibly-washington---ron-gould", "http://thecolbertreport.cc.com/videos/uobmig/david-albright", "http://thecolbertreport.cc.com/videos/95itm9/sign-off---christiane-aman-purr-s-safari-suit" ], "guest": "Christiane Amanpour, David Albright" }, { "date": "2011-02-16", "videos": [ "http://thecolbertreport.cc.com/videos/bbqm6g/intro---2-16-11", "http://thecolbertreport.cc.com/videos/bojft9/republican-voters-doubt-obama-s-american-citizenship", "http://thecolbertreport.cc.com/videos/uk8a3q/tip-wag---colbuffington-re-post--repo-games---whale-fail", "http://thecolbertreport.cc.com/videos/8r9j45/murdoch-he-wrote", "http://thecolbertreport.cc.com/videos/re8ih2/eric-foner", "http://thecolbertreport.cc.com/videos/i84xxd/sign-off---general-butterbean" ], "guest": "Eric Foner" }, { "date": "2011-02-17", "videos": [ "http://thecolbertreport.cc.com/videos/62enfw/the-huffington-post-posts-about-the-colbuffington-re-post", "http://thecolbertreport.cc.com/videos/yjsn8n/clarence-thomas-s-financial-disclosure-controversy", "http://thecolbertreport.cc.com/videos/tvwda6/project-magazine-cover-boy", "http://thecolbertreport.cc.com/videos/sjlg3t/jeffrey-leonard", "http://thecolbertreport.cc.com/videos/m0qkxm/sign-off---project-magazine-cover" ], "guest": "Jeffrey Leonard" }, { "date": "2011-02-21", "videos": [ "http://thecolbertreport.cc.com/videos/86hqgf/turmoil-in-the-middle-east---turmoil-in-the-middle-west", "http://thecolbertreport.cc.com/videos/lp0v0e/cheating-death---ablibalify---bing-bongavax", "http://thecolbertreport.cc.com/videos/fwkicl/rick-santorum-internet-search", "http://thecolbertreport.cc.com/videos/8du0y6/eugene-jarecki", "http://thecolbertreport.cc.com/videos/58iq33/sign-off---goodnight" ], "guest": "Eugene Jarecki" }, { "date": "2011-02-22", "videos": [ "http://thecolbertreport.cc.com/videos/bqnw4a/intro---2-22-11", "http://thecolbertreport.cc.com/videos/bm2a1j/a-less-perfect-union", "http://thecolbertreport.cc.com/videos/usnwve/a-less-perfect-union---randi-weingarten", "http://thecolbertreport.cc.com/videos/f6avpd/wisco-inferno---jon-erpenbach", "http://thecolbertreport.cc.com/videos/p92sec/bing-west", "http://thecolbertreport.cc.com/videos/2kp9tj/sign-off---democrat-call" ], "guest": "Randi Weingarten, Bing West" }, { "date": "2011-02-23", "videos": [ "http://thecolbertreport.cc.com/videos/pd1kio/intro---2-23-11", "http://thecolbertreport.cc.com/videos/883h13/usa-today-infographic-sells-out", "http://thecolbertreport.cc.com/videos/fn2n7y/bust-in-show", "http://thecolbertreport.cc.com/videos/tnaq8e/nailed--em---mark-burdett", "http://thecolbertreport.cc.com/videos/iap6wk/stephanie-coontz", "http://thecolbertreport.cc.com/videos/uyxtz0/sign-off---rebroadcasts" ], "guest": "Stephanie Coontz" }, { "date": "2011-02-24", "videos": [ "http://thecolbertreport.cc.com/videos/7a9kp1/era-of-american-dental-exceptionalism-is-over", "http://thecolbertreport.cc.com/videos/xjtazd/corporate-hacker-tries-to-take-down-wikileaks", "http://thecolbertreport.cc.com/videos/8jruu4/corporate-hacker-tries-to-take-down-wikileaks---glenn-greenwald", "http://thecolbertreport.cc.com/videos/tyiacl/republicans-flirt-with-presidential-candidacy", "http://thecolbertreport.cc.com/videos/hxtqey/mike-huckabee", "http://thecolbertreport.cc.com/videos/6ahql2/sign-off---elephant-beat" ], "guest": "Glenn Greenwald, Mike Huckabee" }, { "date": "2011-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/8jxxuv/intro---2-28-11", "http://thecolbertreport.cc.com/videos/8fpe6c/anonymous-hacks-the-colbert-report", "http://thecolbertreport.cc.com/videos/ohhby5/tip-wag---joe-reed---levi-s-ex-girlfriend-jeans", "http://thecolbertreport.cc.com/videos/lrah7j/art-stephen-up-challenge---phillips-de-pury-auction", "http://thecolbertreport.cc.com/videos/4oq5za/michael-scheuer", "http://thecolbertreport.cc.com/videos/qg45nm/sign-off---tomorrow-s-goodnight-preview" ], "guest": "Michael Scheuer" }, { "date": "2011-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/dbc523/intro---3-1-11", "http://thecolbertreport.cc.com/videos/hl74h7/muammar-al-gaddafi-competes-with-charlie-sheen", "http://thecolbertreport.cc.com/videos/ce6ez1/the-word---new-country-for-old-men", "http://thecolbertreport.cc.com/videos/6zdcls/senior-moment---geriatric-porn", "http://thecolbertreport.cc.com/videos/zxzpiz/evan-osnos", "http://thecolbertreport.cc.com/videos/b6gm2j/sign-off---welcome-zachary-paul-dahm" ], "guest": "Evan Osnos" }, { "date": "2011-03-02", "videos": [ "http://thecolbertreport.cc.com/videos/44fqvj/intro---3-2-11", "http://thecolbertreport.cc.com/videos/jh2tli/wisconsin-prank-call-bill", "http://thecolbertreport.cc.com/videos/i9x3xr/the-word---economic-boom", "http://thecolbertreport.cc.com/videos/uz0ktw/eulogy-spot", "http://thecolbertreport.cc.com/videos/7lrvtf/harry-connick-jr-", "http://thecolbertreport.cc.com/videos/ninj2e/sign-off---demise-of-the-white-pages" ], "guest": "Harry Connick Jr." }, { "date": "2011-03-03", "videos": [ "http://thecolbertreport.cc.com/videos/nb3zpi/fox-news-suspends-contributors", "http://thecolbertreport.cc.com/videos/7vwzpc/ice-cream-fight-with-jimmy-fallon", "http://thecolbertreport.cc.com/videos/4oi0dh/ice-cream-hallucination-with-jimmy-fallon", "http://thecolbertreport.cc.com/videos/zxu7kb/mark-moffett", "http://thecolbertreport.cc.com/videos/2x8ter/sign-off---late-night-snack" ], "guest": "Mark W. Moffett" }, { "date": "2011-03-07", "videos": [ "http://thecolbertreport.cc.com/videos/432mwn/intro---3-7-11", "http://thecolbertreport.cc.com/videos/dmu7rh/stephen-wants-an-ipad-2", "http://thecolbertreport.cc.com/videos/zql2lp/on-notice---mike-huckabee", "http://thecolbertreport.cc.com/videos/mrhaui/america-s-next-gop-model", "http://thecolbertreport.cc.com/videos/ux0w7b/joshua-foer", "http://thecolbertreport.cc.com/videos/un3kdu/art-stephen-up-challenge---bid-on-stephen-s-portrait" ], "guest": "Joshua Foer" }, { "date": "2011-03-08", "videos": [ "http://thecolbertreport.cc.com/videos/2s9pic/happy-mardi-gras---international-women-s-day", "http://thecolbertreport.cc.com/videos/29cv4a/light-bulb-ban", "http://thecolbertreport.cc.com/videos/yuo5to/light-bulb-ban---dale-bryk", "http://thecolbertreport.cc.com/videos/2nv2ie/charlie-sheen---fake-rahm-emanuel-on-twitter", "http://thecolbertreport.cc.com/videos/dqh7vp/dan-sinker", "http://thecolbertreport.cc.com/videos/wjd0wx/sign-off---welcome-zoe-simone-sanchez" ], "guest": "Dan Sinker" }, { "date": "2011-03-09", "videos": [ "http://thecolbertreport.cc.com/videos/oivxm4/intro---3-9-11", "http://thecolbertreport.cc.com/videos/durtx6/stephen-gives-up-catholicism-for-lent", "http://thecolbertreport.cc.com/videos/c3zm6w/bench-press", "http://thecolbertreport.cc.com/videos/qi1r7y/bench-press---anthony-weiner", "http://thecolbertreport.cc.com/videos/mbmsxi/david-brooks", "http://thecolbertreport.cc.com/videos/bh348l/sign-off---jewish-stephen" ], "guest": "David Brooks" }, { "date": "2011-03-10", "videos": [ "http://thecolbertreport.cc.com/videos/au4itm/intro---3-10-11", "http://thecolbertreport.cc.com/videos/w8nzdj/newt-gingrich-wants-to-screw-america", "http://thecolbertreport.cc.com/videos/hagj8b/colbert-pac-ad", "http://thecolbertreport.cc.com/videos/k698u1/peter-king-understands-violent-radicalism", "http://thecolbertreport.cc.com/videos/84jg83/reza-aslan", "http://thecolbertreport.cc.com/videos/x9iaae/sign-off---enjoy-the-moment" ], "guest": "Reza Aslan" }, { "date": "2011-03-21", "videos": [ "http://thecolbertreport.cc.com/videos/tkzzdn/intro---3-21-11", "http://thecolbertreport.cc.com/videos/btot11/crisis-in-the-middle-everywhere---japan---libya", "http://thecolbertreport.cc.com/videos/kvj8rv/raging-art-on---art-1", "http://thecolbertreport.cc.com/videos/9m4lpg/sign-off---dueling-banjos" ], "guest": "Steve Martin and the Steep Canyon Rangers" }, { "date": "2011-03-22", "videos": [ "http://thecolbertreport.cc.com/videos/67fxmc/intro---3-22-11", "http://thecolbertreport.cc.com/videos/4k1vs5/californians-respond-to-japanese-disaster", "http://thecolbertreport.cc.com/videos/tadiop/raging-art-on---art-2", "http://thecolbertreport.cc.com/videos/7fv2d8/crisis-in-the-middle-everywhere---cnn-and-fox-news-fight-in-libya", "http://thecolbertreport.cc.com/videos/iky4d9/ayman-mohyeldin", "http://thecolbertreport.cc.com/videos/f8fwxt/sign-off---goodnight" ], "guest": "Ayman Mohyeldin" }, { "date": "2011-03-23", "videos": [ "http://thecolbertreport.cc.com/videos/m2qxvd/top-news-stories-all-at-once", "http://thecolbertreport.cc.com/videos/3rhe0w/raging-art-on---art-3", "http://thecolbertreport.cc.com/videos/3ccbj2/the-word---over-reactor", "http://thecolbertreport.cc.com/videos/wd1pjd/nathan-myhrvold", "http://thecolbertreport.cc.com/videos/l5f2yi/sign-off---pistachio-ice-cream" ], "guest": "Nathan Myhrvold" }, { "date": "2011-03-24", "videos": [ "http://thecolbertreport.cc.com/videos/awwa6r/intro---3-24-11", "http://thecolbertreport.cc.com/videos/o0idw2/bears---balls---misery-edition", "http://thecolbertreport.cc.com/videos/pst3ox/eat--pray-to-eat---laurie-garrett", "http://thecolbertreport.cc.com/videos/strtop/channeled-rage", "http://thecolbertreport.cc.com/videos/rfce7l/jody-williams", "http://thecolbertreport.cc.com/videos/3z7nhm/sign-off---john-oliver-s-new-york-stand-up-show" ], "guest": "Jody Williams" }, { "date": "2011-03-28", "videos": [ "http://thecolbertreport.cc.com/videos/2u3wdk/intro---3-28-11", "http://thecolbertreport.cc.com/videos/vou6it/shout-out-to-cece-lederer", "http://thecolbertreport.cc.com/videos/xeu06g/chaos-in-chaonada", "http://thecolbertreport.cc.com/videos/s3xgtv/tip-wag---cigarette-tax--abortion-waiting-period---bargain-travelers", "http://thecolbertreport.cc.com/videos/c06ht5/maine-squeeze", "http://thecolbertreport.cc.com/videos/2p412b/michael-moore", "http://thecolbertreport.cc.com/videos/lplrhl/sign-off---movits--streams--out-of-my-head-" ], "guest": "Michael Moore" }, { "date": "2011-03-29", "videos": [ "http://thecolbertreport.cc.com/videos/xysvku/intro---3-29-11", "http://thecolbertreport.cc.com/videos/wtajtw/turd-sandwich-in-libya", "http://thecolbertreport.cc.com/videos/fkwv1e/yahweh-or-no-way---christianity-is-fattening", "http://thecolbertreport.cc.com/videos/oa9b4m/stephen-s-next-religion---stephen-prothero", "http://thecolbertreport.cc.com/videos/730dpm/jimmy-fallon-promises-a-performance-by-stephen", "http://thecolbertreport.cc.com/videos/7m3guo/anthony-fauci", "http://thecolbertreport.cc.com/videos/ms1yr8/sign-off---do-not-help-jimmy-fallon" ], "guest": "Dr. Anthony Fauci" }, { "date": "2011-03-30", "videos": [ "http://thecolbertreport.cc.com/videos/6nwkpk/exclusive---reporter-gets-nailed-by-san-francisco-cop", "http://thecolbertreport.cc.com/videos/xysvku/intro---3-29-11", "http://thecolbertreport.cc.com/videos/wtajtw/turd-sandwich-in-libya", "http://thecolbertreport.cc.com/videos/fkwv1e/yahweh-or-no-way---christianity-is-fattening", "http://thecolbertreport.cc.com/videos/oa9b4m/stephen-s-next-religion---stephen-prothero", "http://thecolbertreport.cc.com/videos/730dpm/jimmy-fallon-promises-a-performance-by-stephen", "http://thecolbertreport.cc.com/videos/7m3guo/anthony-fauci", "http://thecolbertreport.cc.com/videos/ms1yr8/sign-off---do-not-help-jimmy-fallon" ], "guest": "Tim Shriver" }, { "date": "2011-03-30", "videos": [ "http://thecolbertreport.cc.com/videos/zxtidm/james-o-keefe-asks-for-donations", "http://thecolbertreport.cc.com/videos/8stgre/colbert-pac", "http://thecolbertreport.cc.com/videos/dtl1ew/colbert-pac---trevor-potter", "http://thecolbertreport.cc.com/videos/i3lpcq/stephen-practices-rebecca-black-s--friday-", "http://thecolbertreport.cc.com/videos/wug1p5/tim-shriver", "http://thecolbertreport.cc.com/videos/dwx5m0/sign-off---goodnight" ], "guest": "Tim Shriver" }, { "date": "2011-03-31", "videos": [ "http://thecolbertreport.cc.com/videos/a6ko78/intro---3-31-11", "http://thecolbertreport.cc.com/videos/oth30j/congressional-budget-menorah", "http://thecolbertreport.cc.com/videos/j56fvd/madison-as-hell", "http://thecolbertreport.cc.com/videos/o6su04/piers-gibbon", "http://thecolbertreport.cc.com/videos/gq7wfn/sign-off---congressional-budget-menorah-fire" ], "guest": "Piers Gibbon" }, { "date": "2011-04-04", "videos": [ "http://thecolbertreport.cc.com/videos/nknyci/government-shutdown-menorah", "http://thecolbertreport.cc.com/videos/8fsxhp/stephen-shows-off-the-ipad-2", "http://thecolbertreport.cc.com/videos/953smc/the-word---that-new-smell-smell", "http://thecolbertreport.cc.com/videos/zr09m5/the-glennpocalypse", "http://thecolbertreport.cc.com/videos/j7j5ds/andrew-chaikin", "http://thecolbertreport.cc.com/videos/9h7n61/sign-off---inescapables" ], "guest": "Andrew Chaikin" }, { "date": "2011-04-05", "videos": [ "http://thecolbertreport.cc.com/videos/x139me/tim-pawlenty-appeals-to-youth-vote", "http://thecolbertreport.cc.com/videos/dq1pyh/renaissance-nemesis---frank-jameso", "http://thecolbertreport.cc.com/videos/zw8gjf/james-franco-pt--1", "http://thecolbertreport.cc.com/videos/91jml7/james-franco-pt--2", "http://thecolbertreport.cc.com/videos/upimil/sign-off---frank-jameso" ], "guest": "James Franco" }, { "date": "2011-04-06", "videos": [ "http://thecolbertreport.cc.com/videos/1fi1u8/wisconsin-supreme-court-race", "http://thecolbertreport.cc.com/videos/vu85n8/my-fair-colbert---hugo-vickers-pt--1", "http://thecolbertreport.cc.com/videos/53yz6p/wd-40-1", "http://thecolbertreport.cc.com/videos/q5s3lh/sir-david-tang", "http://thecolbertreport.cc.com/videos/oqhpiw/sign-off---wd-40-1-cleaner" ], "guest": "Sir David Tang" }, { "date": "2011-04-07", "videos": [ "http://thecolbertreport.cc.com/videos/x9mvny/exclusive---my-fair-colbert---charming-prince-philip", "http://thecolbertreport.cc.com/videos/ruv6gp/exclusive---my-fair-colbert---ghost-of-an-irishman", "http://thecolbertreport.cc.com/videos/k0xu9f/intro---4-7-11", "http://thecolbertreport.cc.com/videos/a3oo5c/the-koran-s-best-day-ever", "http://thecolbertreport.cc.com/videos/uepxed/my-fair-colbert---hugo-vickers-pt--2", "http://thecolbertreport.cc.com/videos/4zz0jd/my-fair-colbert---hugo-vickers-pt--3", "http://thecolbertreport.cc.com/videos/hv2afg/jeff-greenfield", "http://thecolbertreport.cc.com/videos/b9aslx/sign-off---goodnight" ], "guest": "Jeff Greenfield" }, { "date": "2011-04-11", "videos": [ "http://thecolbertreport.cc.com/videos/5p5wwd/countdown-to-government-shutdown", "http://thecolbertreport.cc.com/videos/wueypc/pap-smears-at-walgreens", "http://thecolbertreport.cc.com/videos/5o6455/thought-for-food---chocolate-air--denny-s---bacon-cologne", "http://thecolbertreport.cc.com/videos/5ej465/jamie-hyneman---adam-savage", "http://thecolbertreport.cc.com/videos/sse1uc/sign-off---champagne-flute-of-lead-paint" ], "guest": "Jamie Hyneman &amp; Adam Savage" }, { "date": "2011-04-12", "videos": [ "http://thecolbertreport.cc.com/videos/hvb9sp/intro---4-12-11", "http://thecolbertreport.cc.com/videos/ez4az7/jon-kyl-tweets-not-intended-to-be-factual-statements", "http://thecolbertreport.cc.com/videos/xcin15/mitt-happens", "http://thecolbertreport.cc.com/videos/l039ce/mitt-happens---rick-brookhiser", "http://thecolbertreport.cc.com/videos/pqpkrr/threat-level--rainbow", "http://thecolbertreport.cc.com/videos/2gpjkk/ray-kurzweil", "http://thecolbertreport.cc.com/videos/ry2cgl/sign-off---goodnight" ], "guest": "Ray Kurzweil" }, { "date": "2011-04-13", "videos": [ "http://thecolbertreport.cc.com/videos/tjsqfs/tim-pawlenty-declares-candidacy-before-he-s-ready", "http://thecolbertreport.cc.com/videos/ha4gop/the-word---buy-and-cellulite", "http://thecolbertreport.cc.com/videos/jc9fbz/the-enemy-within---unicyclists", "http://thecolbertreport.cc.com/videos/nm38xu/morgan-spurlock", "http://thecolbertreport.cc.com/videos/l1ikyh/sign-off---doritos-suit" ], "guest": "Morgan Spurlock" }, { "date": "2011-04-14", "videos": [ "http://thecolbertreport.cc.com/videos/fziyvf/obama-needs-charts-and-graphs", "http://thecolbertreport.cc.com/videos/pfzzi1/viacom-ruins-stephen-s-pac-dream", "http://thecolbertreport.cc.com/videos/yzb7q2/colbert-super-pac---trevor-potter", "http://thecolbertreport.cc.com/videos/k099cq/easter-under-attack---egg-edition", "http://thecolbertreport.cc.com/videos/iybrlk/caroline-kennedy", "http://thecolbertreport.cc.com/videos/rjwyn0/sign-off---ipad" ], "guest": "Caroline Kennedy" }, { "date": "2011-04-25", "videos": [ "http://thecolbertreport.cc.com/videos/00rg0h/catholic-bender", "http://thecolbertreport.cc.com/videos/tml3zz/obama-s-tax-return---road-to-the-trump-house", "http://thecolbertreport.cc.com/videos/e943tp/cheating-death---vaxa-international--lap-band-surgery---restless-leg-syndrome", "http://thecolbertreport.cc.com/videos/nxhrou/ron-paul", "http://thecolbertreport.cc.com/videos/8813vl/sign-off---vacsa-not-masturbating" ], "guest": "Rep. Ron Paul" }, { "date": "2011-04-26", "videos": [ "http://thecolbertreport.cc.com/videos/hl20qf/intro---4-26-11", "http://thecolbertreport.cc.com/videos/zv4zje/mitt-romney-s--peacetime--gaffe", "http://thecolbertreport.cc.com/videos/rmltni/charles-manson-believes-in-global-warming", "http://thecolbertreport.cc.com/videos/i3gdyb/a-c--grayling", "http://thecolbertreport.cc.com/videos/qxdqyc/sign-off---taser" ], "guest": "A.C. Grayling" }, { "date": "2011-04-27", "videos": [ "http://thecolbertreport.cc.com/videos/d9mieg/intro---4-27-11", "http://thecolbertreport.cc.com/videos/cnt2qq/america-needs-to-see-obama-s-report-cards", "http://thecolbertreport.cc.com/videos/vog079/tip-wag---faa--casio-watches---postal-service", "http://thecolbertreport.cc.com/videos/qu6i2l/anderson-cooper-goes-on-the-absurd-u-chart", "http://thecolbertreport.cc.com/videos/okt7ac/ice-t", "http://thecolbertreport.cc.com/videos/bi5bau/sign-off---goodnight-in-spanish" ], "guest": "Ice-T" }, { "date": "2011-04-28", "videos": [ "http://thecolbertreport.cc.com/videos/xcnvxf/intro---4-28-11", "http://thecolbertreport.cc.com/videos/6ei496/stephen-waits-for-his-royal-wedding-invitation-in-london", "http://thecolbertreport.cc.com/videos/8ureil/progressives-united---russ-feingold", "http://thecolbertreport.cc.com/videos/dfmioz/homeland-security-eliminates-color-coded-terror-alert-system", "http://thecolbertreport.cc.com/videos/r7zj9a/wade-graham", "http://thecolbertreport.cc.com/videos/tsom8o/sign-off---off-to-the-royal-wedding" ], "guest": "Wade Graham" }, { "date": "2011-05-02", "videos": [ "http://thecolbertreport.cc.com/videos/792my5/intro---5-2-11", "http://thecolbertreport.cc.com/videos/6kw3l1/long-awaited--we-got-bin-laden--party", "http://thecolbertreport.cc.com/videos/501cxj/carefree-pre-9-11-world", "http://thecolbertreport.cc.com/videos/w147rj/relations-with-pakistan---richard-haass", "http://thecolbertreport.cc.com/videos/x03tm5/francis-fukuyama", "http://thecolbertreport.cc.com/videos/s3o1z2/sign-off---obama-s-timer-runs-out" ], "guest": "Francis Fukuyama" }, { "date": "2011-05-03", "videos": [ "http://thecolbertreport.cc.com/videos/v58m27/intro---5-3-11", "http://thecolbertreport.cc.com/videos/h9f07a/osama-bin-laden-is-still-dead", "http://thecolbertreport.cc.com/videos/5n9zp7/obama-takes-credit-for-bin-laden-s-assassination", "http://thecolbertreport.cc.com/videos/h1wdo9/journalistic-grintegrity", "http://thecolbertreport.cc.com/videos/u2r1n6/rex-ryan", "http://thecolbertreport.cc.com/videos/ukrfvl/sign-off---special-kiss" ], "guest": "Rex Ryan" }, { "date": "2011-05-04", "videos": [ "http://thecolbertreport.cc.com/videos/edkk4q/intro---5-4-11", "http://thecolbertreport.cc.com/videos/ndiuxr/terrorists--they-re-just-like-us-", "http://thecolbertreport.cc.com/videos/kbkvj6/stephen-searches-for-shared-bathroom-key", "http://thecolbertreport.cc.com/videos/kt1w5q/movies-that-are-destroying-america---saving-america-edition", "http://thecolbertreport.cc.com/videos/50b5cb/amy-farrell", "http://thecolbertreport.cc.com/videos/jcmie8/sign-off---goodnight" ], "guest": "Amy Farrell" }, { "date": "2011-05-05", "videos": [ "http://thecolbertreport.cc.com/videos/lbrn85/stephen-confesses-to-a-distracted-media", "http://thecolbertreport.cc.com/videos/avpz0y/threatdown---superman--madden-nfl-12----glee-", "http://thecolbertreport.cc.com/videos/g2bhyr/inaugural-republican-presidential-debate---donald-trump-s-wisdom", "http://thecolbertreport.cc.com/videos/4neb1g/bill-james", "http://thecolbertreport.cc.com/videos/k2or8w/sign-off---dennis-kucinich-heat-vision" ], "guest": "Bill James" }, { "date": "2011-05-09", "videos": [ "http://thecolbertreport.cc.com/videos/dkbe7y/intro---5-9-11", "http://thecolbertreport.cc.com/videos/6rdbxz/hasidic-newspaper-removes-hillary-clinton", "http://thecolbertreport.cc.com/videos/mqyr6k/herman-cain-wins-the-first-republican-presidential-debate", "http://thecolbertreport.cc.com/videos/38grqn/the-word---autocratic-for-the-people", "http://thecolbertreport.cc.com/videos/d8bi6b/lupe-fiasco", "http://thecolbertreport.cc.com/videos/vonv0r/sign-off---lupe-fiasco-s--lasers-" ], "guest": "Lupe Fiasco" }, { "date": "2011-05-10", "videos": [ "http://thecolbertreport.cc.com/videos/r02fac/newt-gingrich---donald-trump-announce-future-announcements", "http://thecolbertreport.cc.com/videos/w3lgcs/yahweh-or-no-way---thor---apocalypse-billboard", "http://thecolbertreport.cc.com/videos/zu0ju2/difference-makers---donald-trump", "http://thecolbertreport.cc.com/videos/i4gyok/geoffrey-rush", "http://thecolbertreport.cc.com/videos/wmfolw/sign-off---a-rare-correction" ], "guest": "Geoffrey Rush" }, { "date": "2011-05-11", "videos": [ "http://thecolbertreport.cc.com/videos/g0js2x/intro---5-11-11", "http://thecolbertreport.cc.com/videos/txo75b/herman-cain-claims-the-colbert-bump", "http://thecolbertreport.cc.com/videos/1ssaiz/corp-constituency", "http://thecolbertreport.cc.com/videos/nfv0i1/corp-constituency---trevor-potter", "http://thecolbertreport.cc.com/videos/rqvi06/award-to-the-wise", "http://thecolbertreport.cc.com/videos/sjt27k/eric-greitens", "http://thecolbertreport.cc.com/videos/q3siyv/sign-off---press-hat" ], "guest": "Eric Greitens" }, { "date": "2011-05-12", "videos": [ "http://thecolbertreport.cc.com/videos/mp7mrs/intro---5-12-11", "http://thecolbertreport.cc.com/videos/zz94qv/obama-s-latino-panderfest", "http://thecolbertreport.cc.com/videos/vkp4tr/terror--a-new-one", "http://thecolbertreport.cc.com/videos/9o0mt6/terror--a-new-one---lawrence-wright", "http://thecolbertreport.cc.com/videos/dqvz13/if-at-first-you-don-t-secede", "http://thecolbertreport.cc.com/videos/yx5grt/john-bradshaw", "http://thecolbertreport.cc.com/videos/sw8fy6/sign-off---stephen-s-super-pac-needs-support" ], "guest": "John Bradshaw" }, { "date": "2011-05-16", "videos": [ "http://thecolbertreport.cc.com/videos/9xaxr4/mike-huckabee---donald-trump-drop-out", "http://thecolbertreport.cc.com/videos/duon08/fig-newton-gingrich-2012", "http://thecolbertreport.cc.com/videos/epwg6t/stephen-files-super-pac-request", "http://thecolbertreport.cc.com/videos/g3ep11/alison-klayman", "http://thecolbertreport.cc.com/videos/4r7evh/sign-off---goodnight" ], "guest": "Alison Klayman" }, { "date": "2011-05-17", "videos": [ "http://thecolbertreport.cc.com/videos/ip5tv7/intro---5-17-11", "http://thecolbertreport.cc.com/videos/1ugsri/world-s-oldest-panda-dies", "http://thecolbertreport.cc.com/videos/l4p5dq/the-word---enhanced-rejustification", "http://thecolbertreport.cc.com/videos/pg06l0/arnold-schwarzenegger-s-sex-scandal", "http://thecolbertreport.cc.com/videos/58filp/amy-kremer", "http://thecolbertreport.cc.com/videos/no1rv9/sign-off---goodnight" ], "guest": "Amy Kremer" }, { "date": "2011-05-18", "videos": [ "http://thecolbertreport.cc.com/videos/faf2no/exclusive---austan-goolsbee-extended-interview-pt--1", "http://thecolbertreport.cc.com/videos/6pf58s/exclusive---austan-goolsbee-extended-interview-pt--2", "http://thecolbertreport.cc.com/videos/bdi4g4/exclusive---austan-goolsbee-extended-interview-pt--3", "http://thecolbertreport.cc.com/videos/6khcvr/intro---5-18-11", "http://thecolbertreport.cc.com/videos/55ye8a/osama-bin-laden-s-replacement", "http://thecolbertreport.cc.com/videos/tohq6g/tip-wag---ohio-legislature---facebook", "http://thecolbertreport.cc.com/videos/2cxcrh/breaking-newt", "http://thecolbertreport.cc.com/videos/vvu071/austan-goolsbee", "http://thecolbertreport.cc.com/videos/sklv51/sign-off---long-austan-goolsbee-interview" ], "guest": "Austan Goolsbee" }, { "date": "2011-05-19", "videos": [ "http://thecolbertreport.cc.com/videos/7qmvog/john-lithgow-performs-gingrich-press-release", "http://thecolbertreport.cc.com/videos/pb82sf/better-know-a-district---illinois--18th---aaron-schock-update", "http://thecolbertreport.cc.com/videos/3gd1zf/clergy-matic-ecclesi-action-center-3-16", "http://thecolbertreport.cc.com/videos/5ec3r8/kareem-abdul-jabbar", "http://thecolbertreport.cc.com/videos/p12tcc/sign-off---history-of-life-on-earth" ], "guest": "Kareem Abdul-Jabbar" }, { "date": "2011-05-31", "videos": [ "http://thecolbertreport.cc.com/videos/gn9ut5/intro---5-31-11", "http://thecolbertreport.cc.com/videos/xxn340/charleston-to-bermuda-yacht-race", "http://thecolbertreport.cc.com/videos/fgthom/sarah-palin-s-bus-tour", "http://thecolbertreport.cc.com/videos/bmwaxh/fec-questions---trevor-potter", "http://thecolbertreport.cc.com/videos/7bl2ga/invisible-judgment", "http://thecolbertreport.cc.com/videos/ox3on4/james-stewart", "http://thecolbertreport.cc.com/videos/vn091b/sign-off---goodnight" ], "guest": "James B. Stewart" }, { "date": "2011-06-01", "videos": [ "http://thecolbertreport.cc.com/videos/nos79v/intro---6-1-11", "http://thecolbertreport.cc.com/videos/mqb30h/sarah-palin-visits-the-times-square-applebee-s", "http://thecolbertreport.cc.com/videos/ul70kx/meat-tweet", "http://thecolbertreport.cc.com/videos/jph6sv/harmful-cell-phones", "http://thecolbertreport.cc.com/videos/beqc1p/who-s-riding-my-coattails-now----jimmy-fallon", "http://thecolbertreport.cc.com/videos/5a4ke7/robert-f--kennedy-jr-", "http://thecolbertreport.cc.com/videos/3enqpr/sign-off---iphone" ], "guest": "Robert Kennedy Jr." }, { "date": "2011-06-02", "videos": [ "http://thecolbertreport.cc.com/videos/7o4l3r/intro---6-2-11", "http://thecolbertreport.cc.com/videos/rqi6dy/dancing-on-the-ceiling", "http://thecolbertreport.cc.com/videos/1db84y/anthony-weiner-addresses-twitter-scandal", "http://thecolbertreport.cc.com/videos/qhexu1/tip-wag---osama-bin-laden---hugh-hefner", "http://thecolbertreport.cc.com/videos/8t7m7k/salman-khan", "http://thecolbertreport.cc.com/videos/rqa2ar/sign-off---goodnight" ], "guest": "Salman Khan" }, { "date": "2011-06-06", "videos": [ "http://thecolbertreport.cc.com/videos/bwqzbu/anthony-weiner-s-emergency-press-conference", "http://thecolbertreport.cc.com/videos/uvi91o/paul-revere-s-famous-ride", "http://thecolbertreport.cc.com/videos/x424g2/stephen-s-twitter-scandal", "http://thecolbertreport.cc.com/videos/qyadrw/obama-administration-replaces-food-pyramid", "http://thecolbertreport.cc.com/videos/fdolcv/werner-herzog", "http://thecolbertreport.cc.com/videos/ed6qec/stephen-s-midnight-ride" ], "guest": "Werner Herzog" }, { "date": "2011-06-07", "videos": [ "http://thecolbertreport.cc.com/videos/suzxde/scott-pelley-s-first-cbs-broadcast", "http://thecolbertreport.cc.com/videos/1w9fvc/the-word---hear-no-evil", "http://thecolbertreport.cc.com/videos/fvvawg/sugar-ray-leonard", "http://thecolbertreport.cc.com/videos/b4ot0e/apologies-to-shimshamistan" ], "guest": "Sugar Ray Leonard" }, { "date": "2011-06-08", "videos": [ "http://thecolbertreport.cc.com/videos/fq1085/herman-cain-wants-small-bills", "http://thecolbertreport.cc.com/videos/bmggoz/better-know-a-district---california-s-10th---john-garamendi", "http://thecolbertreport.cc.com/videos/ycdgvg/weiner-captures-manscaping-vote", "http://thecolbertreport.cc.com/videos/yvz8wj/bre-pettis", "http://thecolbertreport.cc.com/videos/ao2r17/sign-off---makerbot-head" ], "guest": "Bre Pettis" }, { "date": "2011-06-09", "videos": [ "http://thecolbertreport.cc.com/videos/tz9edm/shaquille-o-neal-retires", "http://thecolbertreport.cc.com/videos/umrvml/mitt-romney-leads-in-fox-news-poll", "http://thecolbertreport.cc.com/videos/qgxogp/the-word---the-business-end", "http://thecolbertreport.cc.com/videos/oneftb/andrew-breitbart-reveals-weiner-photo", "http://thecolbertreport.cc.com/videos/5f3kap/tom-ridge", "http://thecolbertreport.cc.com/videos/vvj5q2/sign-off---goodnight" ], "guest": "Tom Ridge" }, { "date": "2011-06-13", "videos": [ "http://thecolbertreport.cc.com/videos/0zzkov/anthony-weiner-gym-photos", "http://thecolbertreport.cc.com/videos/vgcql3/sport-report---miami-heat--fifa---freestyle-canoe-dancing", "http://thecolbertreport.cc.com/videos/vyyl7z/henry-kissinger-pt--1", "http://thecolbertreport.cc.com/videos/2j87li/henry-kissinger-pt--2", "http://thecolbertreport.cc.com/videos/w5b5l1/sign-off---goodnight" ], "guest": "Henry Kissinger" }, { "date": "2011-06-14", "videos": [ "http://thecolbertreport.cc.com/videos/lokk6e/intro---6-14-11", "http://thecolbertreport.cc.com/videos/egh1n7/elephants-in-the-room", "http://thecolbertreport.cc.com/videos/ykt712/close-sesame", "http://thecolbertreport.cc.com/videos/s6kp16/janny-scott", "http://thecolbertreport.cc.com/videos/j0gylk/sign-off---marshmallows" ], "guest": "Janny Scott" }, { "date": "2011-06-15", "videos": [ "http://thecolbertreport.cc.com/videos/d8iaxd/intro---6-15-11", "http://thecolbertreport.cc.com/videos/zj00ia/iran-bans-necklaces-and-shorts", "http://thecolbertreport.cc.com/videos/xbt4w9/kindergarten-gop", "http://thecolbertreport.cc.com/videos/ynp682/the-word---shock-the-vote", "http://thecolbertreport.cc.com/videos/46tlsv/senior-moment---pot-smoking-seniors", "http://thecolbertreport.cc.com/videos/5h6ee5/keith-olbermann", "http://thecolbertreport.cc.com/videos/5rh3rg/sign-off---stephen-wears-shorts" ], "guest": "Keith Olbermann" }, { "date": "2011-06-20", "videos": [ "http://thecolbertreport.cc.com/videos/2374v3/intro---6-20-11", "http://thecolbertreport.cc.com/videos/q7b70y/stephest-colbchella--011---rock-you-like-a-thirst-icane", "http://thecolbertreport.cc.com/videos/y7lr8u/threatdown---moo-shu-man-milk--centenarians---robo-slackers", "http://thecolbertreport.cc.com/videos/gds7n9/justin-vernon", "http://thecolbertreport.cc.com/videos/su735n/sign-off---bon-iver-bonus-song" ], "guest": "Bon Iver" }, { "date": "2011-06-21", "videos": [ "http://thecolbertreport.cc.com/videos/3o3le7/generic-republican-presidential-nominee", "http://thecolbertreport.cc.com/videos/ct0au7/stephest-colbchella--011---stephen-revives-his-music-career", "http://thecolbertreport.cc.com/videos/v43nph/2011--a-rock-odyssey-featuring-jack-white-pt--1", "http://thecolbertreport.cc.com/videos/7e8ifi/florence-welch", "http://thecolbertreport.cc.com/videos/ei7r0b/sign-off---talib-kweli-tomorrow" ], "guest": "Florence and the Machine" }, { "date": "2011-06-22", "videos": [ "http://thecolbertreport.cc.com/videos/f5h9ob/george-w--bush-helps-break-a-world-record", "http://thecolbertreport.cc.com/videos/ozlnky/2011--a-rock-odyssey-featuring-jack-white-pt--2", "http://thecolbertreport.cc.com/videos/u3bmmq/the-word---the-defining-moment", "http://thecolbertreport.cc.com/videos/c7shlp/talib-kweli" ], "guest": "Talib Kweli" }, { "date": "2011-06-23", "videos": [ "http://thecolbertreport.cc.com/videos/ihqt34/exclusive---2011--a-rock-odyssey-featuring-jack-white---catholic-throwdown", "http://thecolbertreport.cc.com/videos/zbc2ok/stephest-colbchella--011---stephen-announces-his-hit-song", "http://thecolbertreport.cc.com/videos/1if3ir/nation-building-in-america", "http://thecolbertreport.cc.com/videos/4evhq9/2011--a-rock-odyssey-featuring-jack-white-pt--3", "http://thecolbertreport.cc.com/videos/39or3g/jack-white" ], "guest": "The Black Belles" }, { "date": "2011-06-27", "videos": [ "http://thecolbertreport.cc.com/videos/8tiso3/intro---6-27-11", "http://thecolbertreport.cc.com/videos/zz1v27/tip-wag---scented-razors---rick-scott-s-approval-rating", "http://thecolbertreport.cc.com/videos/7e3kfb/stephen---jonathan-alter-at-gaillard-auditorium", "http://thecolbertreport.cc.com/videos/npgonl/good-point-other-point---ted-nugent-vs--millennials", "http://thecolbertreport.cc.com/videos/89vjk7/grover-norquist", "http://thecolbertreport.cc.com/videos/fe2wnr/sign-off---scented-box-cutter" ], "guest": "Grover Norquist" }, { "date": "2011-06-28", "videos": [ "http://thecolbertreport.cc.com/videos/gs5b2y/intro---6-28-11", "http://thecolbertreport.cc.com/videos/im5by3/michele-bachmann-compares-herself-to-john-wayne", "http://thecolbertreport.cc.com/videos/b2dez1/the-word---too-big-to-nail", "http://thecolbertreport.cc.com/videos/eztgrx/advertising-to-monkeys", "http://thecolbertreport.cc.com/videos/jfztdi/alexandra-pelosi", "http://thecolbertreport.cc.com/videos/1it2j9/sign-off---teleprompter-eulogy" ], "guest": "Alexandra Pelosi" }, { "date": "2011-06-29", "videos": [ "http://thecolbertreport.cc.com/videos/e7dlbc/intro---6-29-11", "http://thecolbertreport.cc.com/videos/s3xttd/4th-of-july-under-attack---fireworks-cancelled", "http://thecolbertreport.cc.com/videos/7gul1z/colbert-super-pac---irresponsible-advertising", "http://thecolbertreport.cc.com/videos/kco7lo/colbert-super-pac---trevor-potter-preps-stephen-for-his-fec-hearing", "http://thecolbertreport.cc.com/videos/o7wrgl/hometown-hero-town---lexington--ky", "http://thecolbertreport.cc.com/videos/zc23xv/gary-sinise", "http://thecolbertreport.cc.com/videos/80a7v2/sign-off---see-you-at-the-fec" ], "guest": "Gary Sinise" }, { "date": "2011-06-30", "videos": [ "http://thecolbertreport.cc.com/videos/3yk8uf/intro---6-30-11", "http://thecolbertreport.cc.com/videos/gffis7/colbert-super-pac---i-can-haz-super-pac-", "http://thecolbertreport.cc.com/videos/uf525x/colbert-super-pac---stephen-addresses-colbert-super-nation", "http://thecolbertreport.cc.com/videos/owodco/formidable-opponent---pakistan", "http://thecolbertreport.cc.com/videos/807lhi/timothy-garton-ash", "http://thecolbertreport.cc.com/videos/b2dqnd/sign-off---super-pac-donations" ], "guest": "Timothy Garton Ash" }, { "date": "2011-07-11", "videos": [ "http://thecolbertreport.cc.com/videos/t8xnmj/intro---7-11-11", "http://thecolbertreport.cc.com/videos/sgqex9/colbert-super-pac---pushing-the-limits", "http://thecolbertreport.cc.com/videos/m3svek/anti-frack-attacks", "http://thecolbertreport.cc.com/videos/2h3oe2/tip-wag---conservative-john-lennon---unfunny-germany", "http://thecolbertreport.cc.com/videos/z2r2b0/michael-shermer", "http://thecolbertreport.cc.com/videos/g47pr3/sign-off---super-pac-fundraising-goal" ], "guest": "Michael Shermer" }, { "date": "2011-07-12", "videos": [ "http://thecolbertreport.cc.com/videos/20gpt7/herman-cain-train", "http://thecolbertreport.cc.com/videos/7aive1/the-family-leader-s-controversial-pledge", "http://thecolbertreport.cc.com/videos/7sobpk/heterosexual-accountability-buddy", "http://thecolbertreport.cc.com/videos/vw4tol/dan-savage", "http://thecolbertreport.cc.com/videos/nkuukl/sign-off---fixing-the-boiler" ], "guest": "Dan Savage" }, { "date": "2011-07-13", "videos": [ "http://thecolbertreport.cc.com/videos/smsyco/intro---7-13-11", "http://thecolbertreport.cc.com/videos/70lgql/flagworth-2012", "http://thecolbertreport.cc.com/videos/7gb5kn/republicans-choose-none-of-the-above", "http://thecolbertreport.cc.com/videos/palj9t/obama-calls-the-republican-bluff", "http://thecolbertreport.cc.com/videos/5ulzg5/david-mccullough", "http://thecolbertreport.cc.com/videos/7xngpa/sign-off---pen-toss" ], "guest": "David McCullough" }, { "date": "2011-07-14", "videos": [ "http://thecolbertreport.cc.com/videos/h2i0g7/intro---7-14-11", "http://thecolbertreport.cc.com/videos/8oisqi/carmageddon", "http://thecolbertreport.cc.com/videos/uqj8qb/may-the-best-stephen-colbert-win", "http://thecolbertreport.cc.com/videos/a29405/murdoch-s-media-empire-might-go-down-the-toilet", "http://thecolbertreport.cc.com/videos/1o1flh/improvised-expressive-devices", "http://thecolbertreport.cc.com/videos/82ovjs/jose-antonio-vargas", "http://thecolbertreport.cc.com/videos/9nwz4n/sign-off---goodnight" ], "guest": "Jose Antonio Vargas" }, { "date": "2011-07-18", "videos": [ "http://thecolbertreport.cc.com/videos/ureory/intro---7-18-11", "http://thecolbertreport.cc.com/videos/ybue54/epic-blockbuster", "http://thecolbertreport.cc.com/videos/7t9e81/colbert-super-pac---cash-crawl", "http://thecolbertreport.cc.com/videos/73lwqj/colbert-super-pac---campaign-finance", "http://thecolbertreport.cc.com/videos/9q309t/blood-in-the-water---rupert-murdoch-s-news-of-the-world-scandal", "http://thecolbertreport.cc.com/videos/36812w/john-prendergast", "http://thecolbertreport.cc.com/videos/d8rt51/sign-off---prerecorded-episodes" ], "guest": "John Prendergast" }, { "date": "2011-07-19", "videos": [ "http://thecolbertreport.cc.com/videos/bcunwj/newt-s-white-whale", "http://thecolbertreport.cc.com/videos/nhl043/god-calls-rick-perry", "http://thecolbertreport.cc.com/videos/6cdpui/debt-ceiling-deadline-conspiracy", "http://thecolbertreport.cc.com/videos/maophz/david-carr", "http://thecolbertreport.cc.com/videos/50pek1/sign-off---goodnight" ], "guest": "David Carr" }, { "date": "2011-07-20", "videos": [ "http://thecolbertreport.cc.com/videos/pmh9y8/humanized-by-pie", "http://thecolbertreport.cc.com/videos/ozixqy/voter-id-laws", "http://thecolbertreport.cc.com/videos/2i29ww/congressional-partisan-rancor", "http://thecolbertreport.cc.com/videos/2p2ijk/michael-sandel", "http://thecolbertreport.cc.com/videos/tia7kd/sign-off---reading" ], "guest": "Michael Sandel" }, { "date": "2011-07-21", "videos": [ "http://thecolbertreport.cc.com/videos/egjics/intro---7-21-11", "http://thecolbertreport.cc.com/videos/l3rcr1/death-of-america-s-space-program", "http://thecolbertreport.cc.com/videos/vntv81/i-s-on-edjukashun---gay-history---disney-english", "http://thecolbertreport.cc.com/videos/6yym31/nbc--no-butt-coverage", "http://thecolbertreport.cc.com/videos/9catel/david-eagleman", "http://thecolbertreport.cc.com/videos/nn8qoh/sign-off---space-robot" ], "guest": "David Eagleman" }, { "date": "2011-07-25", "videos": [ "http://thecolbertreport.cc.com/videos/l0wxhe/y2-gay", "http://thecolbertreport.cc.com/videos/fbd6kf/norwegian-muslish-gunman-s-islam-esque-atrocity", "http://thecolbertreport.cc.com/videos/wznkdz/vaginal-puppeteering-vs--d--k-scrub", "http://thecolbertreport.cc.com/videos/z4gfkc/brian-cox", "http://thecolbertreport.cc.com/videos/9q5n38/sign-off---the-thinker" ], "guest": "Brian Cox" }, { "date": "2011-07-26", "videos": [ "http://thecolbertreport.cc.com/videos/bzl0xh/intro---7-26-11", "http://thecolbertreport.cc.com/videos/umjv5s/herman-cain-cancels-on-stephen", "http://thecolbertreport.cc.com/videos/zq2rpw/-poor--in-america", "http://thecolbertreport.cc.com/videos/j2gcnk/-poor--in-america---peter-edelman", "http://thecolbertreport.cc.com/videos/a4awyb/america-s-bucket-list", "http://thecolbertreport.cc.com/videos/azl59v/brooke-gladstone", "http://thecolbertreport.cc.com/videos/ly4qfz/sign-off---america-s-bucket-list" ], "guest": "Brooke Gladstone" }, { "date": "2011-07-27", "videos": [ "http://thecolbertreport.cc.com/videos/zq1omv/nissan-s--leaf-wave--deadline", "http://thecolbertreport.cc.com/videos/x50fvb/difference-makers---patrick-rodgers", "http://thecolbertreport.cc.com/videos/3o44r7/helium-runs-out", "http://thecolbertreport.cc.com/videos/omkngv/missy-cummings", "http://thecolbertreport.cc.com/videos/y4zc9o/sign-off---surveillance-drone-crash" ], "guest": "Mary \"Missy\" Cummings" }, { "date": "2011-07-28", "videos": [ "http://thecolbertreport.cc.com/videos/8c1oeo/the-republican-ring-of-power", "http://thecolbertreport.cc.com/videos/yzmsiz/colbert-super-pac---for-the-children", "http://thecolbertreport.cc.com/videos/e4r2vc/colbert-super-pac---matthew-dowd---ham-rove", "http://thecolbertreport.cc.com/videos/z6f8m4/buddy-roemer-pt--1", "http://thecolbertreport.cc.com/videos/n4ldiq/buddy-roemer-pt--2", "http://thecolbertreport.cc.com/videos/tzpdu5/sign-off---cone-of-silence" ], "guest": "Buddy Roemer" }, { "date": "2011-08-01", "videos": [ "http://thecolbertreport.cc.com/videos/aqw9op/intro---8-1-11", "http://thecolbertreport.cc.com/videos/lrz1ud/-three-billy-goats-gruff--budget-negotiations", "http://thecolbertreport.cc.com/videos/mgkqu6/the-word---with-great-power-comes-no-responsibility", "http://thecolbertreport.cc.com/videos/6v3oa3/from-ashes-to-bullets", "http://thecolbertreport.cc.com/videos/mqbxt0/tony-hsieh", "http://thecolbertreport.cc.com/videos/sqd53z/sign-off---sneakers" ], "guest": "Tony Hsieh" }, { "date": "2011-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/xaqx6o/intro---8-2-11", "http://thecolbertreport.cc.com/videos/j862uf/newt-gingrich-s-twitter-scandal", "http://thecolbertreport.cc.com/videos/pzfcj1/america-s-credit-grating", "http://thecolbertreport.cc.com/videos/y1xqdj/america-s-credit-grating---david-leonhardt", "http://thecolbertreport.cc.com/videos/gg2p1r/baby-teeth-economy", "http://thecolbertreport.cc.com/videos/id20x6/al-hunt", "http://thecolbertreport.cc.com/videos/h26uru/sign-off---goodnight" ], "guest": "Al Hunt" }, { "date": "2011-08-03", "videos": [ "http://thecolbertreport.cc.com/videos/br7gdf/intro---8-3-11", "http://thecolbertreport.cc.com/videos/3i1326/multiracial-spider-man", "http://thecolbertreport.cc.com/videos/f3w320/threatdown---fake-states--sharia-weather---monopoly", "http://thecolbertreport.cc.com/videos/cvc16w/women-s-health-nazi-plan", "http://thecolbertreport.cc.com/videos/6x0m3y/robert-wittman", "http://thecolbertreport.cc.com/videos/utsxoh/sign-off---official-flag-updater" ], "guest": "Robert Wittman" }, { "date": "2011-08-04", "videos": [ "http://thecolbertreport.cc.com/videos/t3bxny/intro---8-4-11", "http://thecolbertreport.cc.com/videos/8tx5s2/barack-obama-s-50th-birthday", "http://thecolbertreport.cc.com/videos/7ahjkr/colbert-super-pac---the-heroes-respond", "http://thecolbertreport.cc.com/videos/ma6ejy/wisconsin-s-recall-election---americans-for-prosperity-s-absentee-ballot-typos", "http://thecolbertreport.cc.com/videos/8q9pe2/sport-report---baseball-s-lowest-records---mlb-s-twitter-feed", "http://thecolbertreport.cc.com/videos/d8704f/anthony-bourdain", "http://thecolbertreport.cc.com/videos/afj5qe/sign-off---goodnight" ], "guest": "Anthony Bourdain" }, { "date": "2011-08-08", "videos": [ "http://thecolbertreport.cc.com/videos/smerqo/america-s-credit-downgrade", "http://thecolbertreport.cc.com/videos/y7x3es/colbert-super-pac---rick-perry-for-president", "http://thecolbertreport.cc.com/videos/lu1v74/doomsday-bargain-bunkers", "http://thecolbertreport.cc.com/videos/wkairk/nassir-ghaemi", "http://thecolbertreport.cc.com/videos/4zkkn5/sign-off---stephen-sniffs-a-marker" ], "guest": "Nassir Ghaemi" }, { "date": "2011-08-09", "videos": [ "http://thecolbertreport.cc.com/videos/tufpnm/intro---8-9-11", "http://thecolbertreport.cc.com/videos/pxptx8/heatsteria", "http://thecolbertreport.cc.com/videos/rtqznl/the-word---head-in-the-cloud", "http://thecolbertreport.cc.com/videos/gj6vb5/ric-ocasek" ], "guest": "The Cars" }, { "date": "2011-08-10", "videos": [ "http://thecolbertreport.cc.com/videos/mjvryb/intro---8-10-11", "http://thecolbertreport.cc.com/videos/1jlwac/hooker-drawer-market", "http://thecolbertreport.cc.com/videos/cw4el2/yahweh-or-no-way---mormons---god-s-poll-numbers", "http://thecolbertreport.cc.com/videos/uulxb3/god-s-job-performance---jim-martin", "http://thecolbertreport.cc.com/videos/15zleh/colbert-super-pac---campaign-donation-addiction", "http://thecolbertreport.cc.com/videos/zxka8u/elliot-ackerman", "http://thecolbertreport.cc.com/videos/mvgmwy/sign-off---e-mailing-colbert-nation" ], "guest": "Elliott Ackerman" }, { "date": "2011-08-11", "videos": [ "http://thecolbertreport.cc.com/videos/pi19ix/super-pac-ad---behind-the-green-corn", "http://thecolbertreport.cc.com/videos/x1aodj/super-pac-ad---episode-iv--a-new-hope", "http://thecolbertreport.cc.com/videos/etbj36/romney-2012----corporations-are-people-", "http://thecolbertreport.cc.com/videos/90ptp7/colbert-super-pac---rick-parry-with-an--a--for-america", "http://thecolbertreport.cc.com/videos/swbu9s/colbert-super-pac---confused-by-rick-parry-with-an--a--for-america", "http://thecolbertreport.cc.com/videos/yu257u/gloria-steinem", "http://thecolbertreport.cc.com/videos/7x3ryp/sign-off---stephen-s-emmy-award" ], "guest": "Gloria Steinem" }, { "date": "2011-08-15", "videos": [ "http://thecolbertreport.cc.com/videos/40fotx/exclusive---susan-rice-extended-interview-pt--1", "http://thecolbertreport.cc.com/videos/vvlrva/exclusive---susan-rice-extended-interview-pt--2", "http://thecolbertreport.cc.com/videos/lqjncy/susan-rice-extended-interview-pt--3", "http://thecolbertreport.cc.com/videos/0yyo1z/colbert-super-pac---stephen-apologizes-to-woi-in-des-moines", "http://thecolbertreport.cc.com/videos/dzchwi/colbert-super-pac---iowa-straw-poll-results", "http://thecolbertreport.cc.com/videos/dkh4ps/susan-rice-pt--1", "http://thecolbertreport.cc.com/videos/nla0b4/susan-rice-pt--2", "http://thecolbertreport.cc.com/videos/1rtsq5/sign-off---full-susan-rice-interview-online" ], "guest": "Amb. Susan Rice" }, { "date": "2011-08-16", "videos": [ "http://thecolbertreport.cc.com/videos/i0nwuy/exclusive---space-shuttle-atlantis-crew---extended-interview-pt--1", "http://thecolbertreport.cc.com/videos/8gjrx4/exclusive---space-shuttle-atlantis-crew---extended-interview-pt--2", "http://thecolbertreport.cc.com/videos/rmrfc3/the-etymology-of--obamacare-", "http://thecolbertreport.cc.com/videos/cjfda6/colbert-super-pac---persuadulux-6000", "http://thecolbertreport.cc.com/videos/m00z1i/colbert-super-pac---frank-luntz-commits-to-the-pac", "http://thecolbertreport.cc.com/videos/a8v2gy/nasa-s-greatest-moments-montage", "http://thecolbertreport.cc.com/videos/nnfhdg/chris-ferguson--doug-hurley--rex-walheim---sandy-magnus", "http://thecolbertreport.cc.com/videos/h83o7v/sign-off---stephen-s-launch-pad-nut" ], "guest": "STS-135 astronauts" }, { "date": "2011-08-17", "videos": [ "http://thecolbertreport.cc.com/videos/brmz0s/exclusive---jeff-bridges-for-summer-s-eve", "http://thecolbertreport.cc.com/videos/1cvtnm/intro---8-17-11", "http://thecolbertreport.cc.com/videos/yk47i3/colbert-super-pac---rick-perry-s-treasurer", "http://thecolbertreport.cc.com/videos/uiim37/tip-wag---evangelical-scientists---rick-santorum", "http://thecolbertreport.cc.com/videos/4km5oi/jeff-bridges", "http://thecolbertreport.cc.com/videos/1bb0sg/sign-off---jeff-bridges--album-cover" ], "guest": "Jeff Bridges" }, { "date": "2011-08-18", "videos": [ "http://thecolbertreport.cc.com/videos/237rh7/intro---8-18-11", "http://thecolbertreport.cc.com/videos/oqd808/russia-s-james-bonds-vs--america-s-barack-obama", "http://thecolbertreport.cc.com/videos/j31bbb/colbert-super-pac---parry-with-an-a-gate----day-6---we-may-have-did-it-", "http://thecolbertreport.cc.com/videos/94c0x7/colbert-super-pac---parry-with-an-a-gate----day-6---woi-in-des-moines-reports", "http://thecolbertreport.cc.com/videos/ger41z/anderson-cooper-s-kryptonite", "http://thecolbertreport.cc.com/videos/1yhudu/kevin-mitnick", "http://thecolbertreport.cc.com/videos/5r0lwc/sign-off---woi-in-des-moines" ], "guest": "Kevin Mitnick" }, { "date": "2011-09-06", "videos": [ "http://thecolbertreport.cc.com/videos/s3kv9p/michele-bachmann-s-natural-disaster-metaphor", "http://thecolbertreport.cc.com/videos/fk34r7/the-word---happy-endings", "http://thecolbertreport.cc.com/videos/ovw3t4/cheating-death---placebocisers---vaxamalgam", "http://thecolbertreport.cc.com/videos/1cua0e/tim-pawlenty", "http://thecolbertreport.cc.com/videos/d2roue/sign-off---placebocisers" ], "guest": "Gov. Tim Pawlenty" }, { "date": "2011-09-07", "videos": [ "http://thecolbertreport.cc.com/videos/1iqy2m/intro---9-7-11", "http://thecolbertreport.cc.com/videos/nw0vtw/this-weak-in-national-secowardty", "http://thecolbertreport.cc.com/videos/dhg1or/martin-luther-king-jr--memorial-paraphrase", "http://thecolbertreport.cc.com/videos/796niz/parry-with-an-a-gate----day-26---update", "http://thecolbertreport.cc.com/videos/h8ndj7/robin-wright", "http://thecolbertreport.cc.com/videos/we0bnb/sign-off---stephen-uses-his-ipad" ], "guest": "Robin B. Wright" }, { "date": "2011-09-08", "videos": [ "http://thecolbertreport.cc.com/videos/6ut02o/republican-presidential-debate-media-coverage", "http://thecolbertreport.cc.com/videos/0yghln/rick-perry-presents", "http://thecolbertreport.cc.com/videos/pf00vn/barack-obama-s-jobs-speech", "http://thecolbertreport.cc.com/videos/5x0a3c/tom-brokaw", "http://thecolbertreport.cc.com/videos/lwsx3m/sign-off---old-milwaukee-beer" ], "guest": "Tom Brokaw" }, { "date": "2011-09-12", "videos": [ "http://thecolbertreport.cc.com/videos/3ooncl/tea-party-face-off-preview", "http://thecolbertreport.cc.com/videos/4ig8mh/stephen-reports-on-an-old-fashioned-hero", "http://thecolbertreport.cc.com/videos/eicjwv/shopping-griefportunities", "http://thecolbertreport.cc.com/videos/sxy47f/diane-sawyer", "http://thecolbertreport.cc.com/videos/g2jfq9/sign-off---stephen-s-mug" ], "guest": "Diane Sawyer" }, { "date": "2011-09-13", "videos": [ "http://thecolbertreport.cc.com/videos/bgo24q/intro---9-13-11", "http://thecolbertreport.cc.com/videos/6jpgl3/cnn-tea-party-republican-debate", "http://thecolbertreport.cc.com/videos/swyrcg/barack-obama-s-american-jobs-act", "http://thecolbertreport.cc.com/videos/q1hw3n/barack-obama-s-american-jobs-act---paul-krugman", "http://thecolbertreport.cc.com/videos/t7gpb8/ron-paul-2012", "http://thecolbertreport.cc.com/videos/2cr39e/al-gore", "http://thecolbertreport.cc.com/videos/e1gewo/sign-off----stephen-colbert-" ], "guest": "Al Gore" }, { "date": "2011-09-14", "videos": [ "http://thecolbertreport.cc.com/videos/thyhg7/jobs-bill-clipgate", "http://thecolbertreport.cc.com/videos/gvt0ij/return-to-sender", "http://thecolbertreport.cc.com/videos/3h08e2/return-to-sender---phil-rubio", "http://thecolbertreport.cc.com/videos/gz48mn/rick-perry-s-hpv-vaccine-mandate", "http://thecolbertreport.cc.com/videos/dx27ks/michael-moore", "http://thecolbertreport.cc.com/videos/3rxw2x/sign-off---goodnight" ], "guest": "Michael Moore" }, { "date": "2011-09-15", "videos": [ "http://thecolbertreport.cc.com/videos/jgxmci/intro---9-15-11", "http://thecolbertreport.cc.com/videos/rte3k7/take-a-billion--leave-a-billion", "http://thecolbertreport.cc.com/videos/15vhbi/the-other-american-jobs-act", "http://thecolbertreport.cc.com/videos/rje3k2/jimmy-fallon---stephen-reminisce", "http://thecolbertreport.cc.com/videos/h90n13/fema-s-waffle-house-index", "http://thecolbertreport.cc.com/videos/b406bd/david-copperfield", "http://thecolbertreport.cc.com/videos/7m5lpn/sign-off---stephen-s-magic-trick" ], "guest": "David Copperfield" }, { "date": "2011-09-20", "videos": [ "http://thecolbertreport.cc.com/videos/tpoc1g/the-63rd-emmy-awards", "http://thecolbertreport.cc.com/videos/whouap/barack-obama-unveils-the--buffett-rule-", "http://thecolbertreport.cc.com/videos/pyq49u/the-word---death-and-taxes", "http://thecolbertreport.cc.com/videos/3q875w/the-gayest-penetration", "http://thecolbertreport.cc.com/videos/xnvm51/jeffrey-kluger", "http://thecolbertreport.cc.com/videos/t0vjb4/sign-off---colbert-nation-s-newest-members" ], "guest": "Jeffrey Kluger" }, { "date": "2011-09-21", "videos": [ "http://thecolbertreport.cc.com/videos/hc8ova/intro---9-21-11", "http://thecolbertreport.cc.com/videos/negwpt/coming-soon---hour-long-radiohead-special", "http://thecolbertreport.cc.com/videos/kyxdz3/european-union-collapse---war-fueled-recovery", "http://thecolbertreport.cc.com/videos/t51ow7/european-union-collapse---war-fueled-recovery---chrystia-freeland", "http://thecolbertreport.cc.com/videos/wvyk91/wall-street-under-siege", "http://thecolbertreport.cc.com/videos/z0celp/daniel-yergin", "http://thecolbertreport.cc.com/videos/y9o1cm/sign-off---cigar" ], "guest": "Daniel Yergin" }, { "date": "2011-09-22", "videos": [ "http://thecolbertreport.cc.com/videos/9dc7h4/defunct-satellite-hurtles-toward-earth", "http://thecolbertreport.cc.com/videos/szcqls/tip-wag---marine-corps---department-of-homeland-security", "http://thecolbertreport.cc.com/videos/6uyhy5/obama-s-u-n--gaffes---rick-perry-s-support-for-israel", "http://thecolbertreport.cc.com/videos/ncny69/jeremy-ben-ami", "http://thecolbertreport.cc.com/videos/akoxfi/sign-off---the-beloved-dog-lives-on" ], "guest": "Jeremy Ben-Ami" }, { "date": "2011-09-26", "videos": [ "http://thecolbertreport.cc.com/videos/1w32i4/intro---9-26-11", "http://thecolbertreport.cc.com/videos/p9c0ds/dr-pepper-presents-stephen-colbert-s-rocktember-with-radiohead", "http://thecolbertreport.cc.com/videos/u4qbft/the-word---i-think--therefore-i-brand", "http://thecolbertreport.cc.com/videos/grlcgn/radiohead", "http://thecolbertreport.cc.com/videos/xqeu3w/ignoring-global-warming", "http://thecolbertreport.cc.com/videos/wwvu7o/ignoring-global-warming---thom-yorke---ed-o-brien" ], "guest": "Radiohead" }, { "date": "2011-09-27", "videos": [ "http://thecolbertreport.cc.com/videos/9qb4vy/stephen---melinda-gates-foundation---donorschoose-org", "http://thecolbertreport.cc.com/videos/tsm4sg/rick-perry-s-debate-gaffe---arizona-s-primary-date", "http://thecolbertreport.cc.com/videos/5mvmay/sport-report---nascar-s-green-initiatives---nfl-pat-downs", "http://thecolbertreport.cc.com/videos/ptxagr/melinda-gates", "http://thecolbertreport.cc.com/videos/zlthc8/sign-off---beer-from-the-beerkenstocks" ], "guest": "Melinda Gates" }, { "date": "2011-09-28", "videos": [ "http://thecolbertreport.cc.com/videos/3qibl4/intro---9-28-11", "http://thecolbertreport.cc.com/videos/udzuyb/george-clooney-s-villa-parties", "http://thecolbertreport.cc.com/videos/tbuq71/the-word---labor-chains", "http://thecolbertreport.cc.com/videos/3qmkez/atone-phone---john-lithgow-calls", "http://thecolbertreport.cc.com/videos/ndmtp9/ken-burns", "http://thecolbertreport.cc.com/videos/osmia6/sign-off---reading---shofar-playing" ], "guest": "Ken Burns" }, { "date": "2011-09-29", "videos": [ "http://thecolbertreport.cc.com/videos/0agwtq/mark-cuban-dances", "http://thecolbertreport.cc.com/videos/ivvzeu/colbert-super-pac---ham-rove-s-secrets", "http://thecolbertreport.cc.com/videos/3yzu4u/colbert-super-pac---trevor-potter---stephen-s-shell-corporation", "http://thecolbertreport.cc.com/videos/ujyuht/colbert-super-pac-shh----the-donating-game", "http://thecolbertreport.cc.com/videos/qiwg3k/mark-cuban", "http://thecolbertreport.cc.com/videos/8ekdsc/sign-off---last-heroe--crawl" ], "guest": "Mark Cuban" }, { "date": "2011-10-03", "videos": [ "http://thecolbertreport.cc.com/videos/fehwjq/rick-perry-s-questionably-named-hunting-camp", "http://thecolbertreport.cc.com/videos/m272fc/supreme-courting-season", "http://thecolbertreport.cc.com/videos/v2njjc/supreme-courting-season---jeffrey-toobin", "http://thecolbertreport.cc.com/videos/25ffk2/threatdown---bears-in-rehab--bear-terminators---sanctimonious-enviro-bears", "http://thecolbertreport.cc.com/videos/wmazj5/jerome-groopman", "http://thecolbertreport.cc.com/videos/kp6658/sign-off---stephen-s-water-bottle" ], "guest": "Jerome Groopman" }, { "date": "2011-10-04", "videos": [ "http://thecolbertreport.cc.com/videos/wy82eg/intro---10-4-11", "http://thecolbertreport.cc.com/videos/3wq74s/chris-christie-2012", "http://thecolbertreport.cc.com/videos/3dpzet/chris-christie-2012---rick-davis", "http://thecolbertreport.cc.com/videos/cwuy2m/bocephus-s-eternal-question", "http://thecolbertreport.cc.com/videos/xhc68w/john-lithgow", "http://thecolbertreport.cc.com/videos/n16lxn/sign-off---formula-401-rumors" ], "guest": "John Lithgow" }, { "date": "2011-10-05", "videos": [ "http://thecolbertreport.cc.com/videos/0vn7mh/intro---10-5-11", "http://thecolbertreport.cc.com/videos/xnxfq5/herman-cain-2012", "http://thecolbertreport.cc.com/videos/dbbjic/herman-cain-2012---gay-choice", "http://thecolbertreport.cc.com/videos/6kkk93/tip-wag---mexico-city-marriage-licenses---modern-warfare-3-s-xp-promotion", "http://thecolbertreport.cc.com/videos/ifegp7/talib-kweli---yasiin-bey--a-k-a--mos-def-", "http://thecolbertreport.cc.com/videos/7edjef/sign-off---iphone-goodnight" ], "guest": "Mos Def &amp; Talib Kweli" }, { "date": "2011-10-06", "videos": [ "http://thecolbertreport.cc.com/videos/0qyxlz/colbert-super-pac-ad---foul-balls", "http://thecolbertreport.cc.com/videos/fri8e1/intro---10-6-11", "http://thecolbertreport.cc.com/videos/z103m6/sarah-palin-s-sad-news", "http://thecolbertreport.cc.com/videos/yarfv2/colbert-super-pac-shh----apology-to-ham-rove", "http://thecolbertreport.cc.com/videos/fottda/tribute-to-steve-jobs", "http://thecolbertreport.cc.com/videos/98xl59/jason-amerine", "http://thecolbertreport.cc.com/videos/oy1k9u/sign-off---goodnight" ], "guest": "Jason Amerine" }, { "date": "2011-10-17", "videos": [ "http://thecolbertreport.cc.com/videos/nng5h7/exclusive---harry-belafonte-extended-interview", "http://thecolbertreport.cc.com/videos/gj3y6l/occupy-wall-street-spreads", "http://thecolbertreport.cc.com/videos/z27tp0/the-word---look-out-for-the-little-guy", "http://thecolbertreport.cc.com/videos/6vl2zq/sport-report---nba-lockout---colbert-super-pac-ad", "http://thecolbertreport.cc.com/videos/01fxlb/harry-belafonte", "http://thecolbertreport.cc.com/videos/s0qu24/sign-off---goodnight" ], "guest": "Harry Belafonte" }, { "date": "2011-10-18", "videos": [ "http://thecolbertreport.cc.com/videos/h40j2n/talking-iphone-4s", "http://thecolbertreport.cc.com/videos/ta7e7u/herman-cain-s-electrified-fence", "http://thecolbertreport.cc.com/videos/cbwqbb/thought-for-food---school-potato-guidelines---fast-food-stamps", "http://thecolbertreport.cc.com/videos/3h8h2l/steven-pinker", "http://thecolbertreport.cc.com/videos/9c1bsf/sign-off---sixth-anniversary-portrait" ], "guest": "Steven Pinker" }, { "date": "2011-10-19", "videos": [ "http://thecolbertreport.cc.com/videos/iirczx/intro---10-19-11", "http://thecolbertreport.cc.com/videos/gghhza/herman-cain-canes-the-unemployed", "http://thecolbertreport.cc.com/videos/ubi151/job-killing-epa", "http://thecolbertreport.cc.com/videos/zi48pt/job-killing-epa---carol-browner", "http://thecolbertreport.cc.com/videos/f49qpp/rush-limbaugh-s-l-r-a--research", "http://thecolbertreport.cc.com/videos/fztuzs/ali-soufan", "http://thecolbertreport.cc.com/videos/kodm5a/sign-off---laptop-music" ], "guest": "Ali Soufan" }, { "date": "2011-10-20", "videos": [ "http://thecolbertreport.cc.com/videos/n73wq4/intro---10-20-11", "http://thecolbertreport.cc.com/videos/5p2a33/goodbye--muammar-al-gaddafi", "http://thecolbertreport.cc.com/videos/5xgc3k/tip-wag---tea-party-nation-pledge---spirit-airlines--ad-revenue", "http://thecolbertreport.cc.com/videos/ql433h/bill-o-reilly-s--pinheads---patriots-", "http://thecolbertreport.cc.com/videos/qw2pao/chris-martin" ], "guest": "Coldplay" }, { "date": "2011-10-24", "videos": [ "http://thecolbertreport.cc.com/videos/x027jm/exclusive---colbert-super-pac---frank-luntz---stephen-knows-his-classic-rock", "http://thecolbertreport.cc.com/videos/f8t1zf/america-s-top-mormons---jon-huntsman", "http://thecolbertreport.cc.com/videos/45wqla/colbert-super-pac----corporations-are-people-", "http://thecolbertreport.cc.com/videos/6s8sdq/colbert-super-pac----corporations-are-people----frank-luntz", "http://thecolbertreport.cc.com/videos/5jjhhv/colbert-super-pac----corporations-are-people----frank-luntz-s-focus-group", "http://thecolbertreport.cc.com/videos/541ucf/jon-huntsman", "http://thecolbertreport.cc.com/videos/53t2yg/sign-off---goodnight" ], "guest": "Jon Huntsman" }, { "date": "2011-10-25", "videos": [ "http://thecolbertreport.cc.com/videos/s25oo4/intro---10-25-11", "http://thecolbertreport.cc.com/videos/darfes/steve-jobs--biography", "http://thecolbertreport.cc.com/videos/3uz7qn/herman-cain-s-campaign-ad", "http://thecolbertreport.cc.com/videos/n2dzu0/flogging-the-americone-dream", "http://thecolbertreport.cc.com/videos/wsqtx0/susan-saladoff", "http://thecolbertreport.cc.com/videos/89ebii/sign-off---enjoying-americone-dream" ], "guest": "Susan Saladoff" }, { "date": "2011-10-26", "videos": [ "http://thecolbertreport.cc.com/videos/lj5z4k/colbert-super-pac-ad---ball-gag", "http://thecolbertreport.cc.com/videos/xlwljf/exclusive---hey--remember-this--alabama-", "http://thecolbertreport.cc.com/videos/fa0w0c/intro---10-26-11", "http://thecolbertreport.cc.com/videos/zwe40u/whales-aren-t-people", "http://thecolbertreport.cc.com/videos/7rtf6k/alabama-s-migrant-workers", "http://thecolbertreport.cc.com/videos/dcq3ky/war-on-halloween---costume-swapping---jesus-ween", "http://thecolbertreport.cc.com/videos/sqeewv/taylor-branch", "http://thecolbertreport.cc.com/videos/6twlww/sign-off---don-t-buy-these-books" ], "guest": "Taylor Branch" }, { "date": "2011-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/hfaq0j/intro---10-27-11", "http://thecolbertreport.cc.com/videos/gmesd4/shockupy-wall-street-fad", "http://thecolbertreport.cc.com/videos/xhn542/sport-report---nfl-fines---colbert-super-pac-s-second-nba-lockout-ad", "http://thecolbertreport.cc.com/videos/s2ax4o/toby-keith" ], "guest": "Toby Keith" }, { "date": "2011-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/l7lj84/sexy-costume-discrimination", "http://thecolbertreport.cc.com/videos/0svkvx/colbert-super-pac---occupy-wall-street-co-optportunity", "http://thecolbertreport.cc.com/videos/d4hmi3/colbert-super-pac---stephen-colbert-occupies-occupy-wall-street-pt--1", "http://thecolbertreport.cc.com/videos/4tqlz9/tip-wag---gun-freedom---healthcare-bartering", "http://thecolbertreport.cc.com/videos/n0jrmj/neil-macgregor", "http://thecolbertreport.cc.com/videos/tyvfoe/sign-off---goodnight" ], "guest": "Neil MacGregor" }, { "date": "2011-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/9346zn/intro---11-1-11", "http://thecolbertreport.cc.com/videos/ysh9bq/herman-cain-under-attack", "http://thecolbertreport.cc.com/videos/hqjgoz/colbert-super-pac---stephen-colbert-occupies-occupy-wall-street-pt--2", "http://thecolbertreport.cc.com/videos/yo2avl/yo-yo-ma--stuart-duncan--edgar-meyer---chris-thile", "http://thecolbertreport.cc.com/videos/pez22q/sign-off---goodnight" ], "guest": "Yo-Yo Ma" }, { "date": "2011-11-02", "videos": [ "http://thecolbertreport.cc.com/videos/394xx1/intro---11-2-11", "http://thecolbertreport.cc.com/videos/n3ifbc/herman-cain-s-international-affairs", "http://thecolbertreport.cc.com/videos/icx1x6/the-word---bite-the-hand-that-feeds-you", "http://thecolbertreport.cc.com/videos/6dlo6v/muffingate", "http://thecolbertreport.cc.com/videos/6jv4ha/michael-pollan", "http://thecolbertreport.cc.com/videos/c8yk04/sign-off---white-castle---beer" ], "guest": "Michael Pollan" }, { "date": "2011-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/db8sp6/intro---11-3-11", "http://thecolbertreport.cc.com/videos/tvwydl/ghost-sex", "http://thecolbertreport.cc.com/videos/gxg7x0/european-investment-prospectus", "http://thecolbertreport.cc.com/videos/2nhcbh/colbert-super-pac---herman-cain-s-fundraising---rush-limbaugh-s-stereotypes", "http://thecolbertreport.cc.com/videos/rwwdgv/nathan-wolfe", "http://thecolbertreport.cc.com/videos/g7b66l/sign-off---purell" ], "guest": "Nathan Wolfe" }, { "date": "2011-11-07", "videos": [ "http://thecolbertreport.cc.com/videos/px6doe/colbert-super-pac---issue-ads", "http://thecolbertreport.cc.com/videos/otywae/colbert-super-pac---issue-ads---trevor-potter", "http://thecolbertreport.cc.com/videos/6nuhjw/blood-in-the-water---larry-taylor-s-anti-semitic-slur", "http://thecolbertreport.cc.com/videos/xisem8/niall-ferguson", "http://thecolbertreport.cc.com/videos/e9gc1y/sign-off---goodnight" ], "guest": "Niall Ferguson" }, { "date": "2011-11-08", "videos": [ "http://thecolbertreport.cc.com/videos/m4n0nh/herman-cain-won-t-be-stopped", "http://thecolbertreport.cc.com/videos/yk540u/colbert-platinum---wealth-under-siege", "http://thecolbertreport.cc.com/videos/3krrxg/the-blitzkrieg-on-grinchitude---fired-santa-claus---colbert-super-pac-christmas", "http://thecolbertreport.cc.com/videos/s4sqap/seth-meyers", "http://thecolbertreport.cc.com/videos/fz9les/sign-off---custom-escape-yacht" ], "guest": "Seth Meyers" }, { "date": "2011-11-09", "videos": [ "http://thecolbertreport.cc.com/videos/qc00ca/intro---11-9-11", "http://thecolbertreport.cc.com/videos/gs7ppt/herman-cain-s-democrat-conspiracy", "http://thecolbertreport.cc.com/videos/e94bhi/the-word---bully-pulpit", "http://thecolbertreport.cc.com/videos/v1f4n3/americone-dream-of-the-future", "http://thecolbertreport.cc.com/videos/3k5pcf/james-martin", "http://thecolbertreport.cc.com/videos/9mrd4k/sign-off---feeding-jimmy-fallon-s-portrait" ], "guest": "Father Jim Martin" }, { "date": "2011-11-10", "videos": [ "http://thecolbertreport.cc.com/videos/qfc9xd/shock---aussie", "http://thecolbertreport.cc.com/videos/pg0q9t/rick-perry-s-sorry--oops", "http://thecolbertreport.cc.com/videos/g1tcu5/occupy-u-c--berkeley", "http://thecolbertreport.cc.com/videos/4vt0hx/brian-eno" ], "guest": "Brian Eno" }, { "date": "2011-11-14", "videos": [ "http://thecolbertreport.cc.com/videos/ufww4s/intro---11-14-11", "http://thecolbertreport.cc.com/videos/3zodum/cbs-snubs-michele-bachmann", "http://thecolbertreport.cc.com/videos/5vb30b/keystone-xl-oil-pipeline---bill-mckibben", "http://thecolbertreport.cc.com/videos/hu2y6t/vodka-tampons", "http://thecolbertreport.cc.com/videos/uoo5c0/thomas-thwaites", "http://thecolbertreport.cc.com/videos/9x16t1/sign-off---leaf-blower" ], "guest": "Thomas Thwaites" }, { "date": "2011-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/c73ioe/occupy-wall-street-decamped", "http://thecolbertreport.cc.com/videos/qzjgvi/difference-makers---jimmy-justice", "http://thecolbertreport.cc.com/videos/ufsd5o/bears---balls---celebrity-relics---gooooooold-", "http://thecolbertreport.cc.com/videos/f1tu06/elijah-wood", "http://thecolbertreport.cc.com/videos/0vuu1j/sign-off---one-ring" ], "guest": "Elijah Wood" }, { "date": "2011-11-16", "videos": [ "http://thecolbertreport.cc.com/videos/znljdd/intro---11-16-11", "http://thecolbertreport.cc.com/videos/ukaw6z/newt-gingrich-s-greek-cruise", "http://thecolbertreport.cc.com/videos/6dwdiy/tip-wag---pin-ups-for-ron-paul--movie-torture-tactics---offensive-merchandise", "http://thecolbertreport.cc.com/videos/z9qeks/elderly-occupier-pepper-sprayed", "http://thecolbertreport.cc.com/videos/94gywl/chris-matthews", "http://thecolbertreport.cc.com/videos/aekw8v/colbert-report-bedtime-stories---dragon---wizard" ], "guest": "Chris Matthews" }, { "date": "2011-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/hnwps8/intro---11-17-11", "http://thecolbertreport.cc.com/videos/41apq9/people-magazine-s-sexiest-man-alive-2011", "http://thecolbertreport.cc.com/videos/wdsxo5/the-word---the-1-", "http://thecolbertreport.cc.com/videos/h76098/thought-for-food---pushy-pops", "http://thecolbertreport.cc.com/videos/y88hzi/susan-orlean", "http://thecolbertreport.cc.com/videos/8d1q2a/sign-off---shout-out-to-the-black-belles" ], "guest": "Susan Orlean" }, { "date": "2011-11-28", "videos": [ "http://thecolbertreport.cc.com/videos/no4xhk/intro---11-28-11", "http://thecolbertreport.cc.com/videos/58ikdq/violent-black-friday", "http://thecolbertreport.cc.com/videos/h84vbf/tip-wag---barack-obama-s-omission--mitt-romney-s-ad---lululemon-s-tagline", "http://thecolbertreport.cc.com/videos/qggo98/stephen-colbert-s-mereporters", "http://thecolbertreport.cc.com/videos/ut1g77/siddhartha-mukherjee", "http://thecolbertreport.cc.com/videos/np8x21/sign-off---macbook" ], "guest": "Siddhartha Mukherjee" }, { "date": "2011-11-29", "videos": [ "http://thecolbertreport.cc.com/videos/92ekqe/intro---11-29-11", "http://thecolbertreport.cc.com/videos/fafzt9/he-said--she-said--she-said--she-said--she-said--she-was-paid-not-to-say", "http://thecolbertreport.cc.com/videos/r8p3nn/yahweh-or-no-way---altered-catholic-mass--papal-seat-belt---offensive-vodka-ad", "http://thecolbertreport.cc.com/videos/4dohxr/tinariwen-with-kyp-malone---tunde-adebimpe", "http://thecolbertreport.cc.com/videos/9nbfru/sign-off---tinariwen--album" ], "guest": "Tinariwen" }, { "date": "2011-11-30", "videos": [ "http://thecolbertreport.cc.com/videos/fc3loc/newt-gingrich-denies-lobbying", "http://thecolbertreport.cc.com/videos/akure9/barney-frank-s-retirement", "http://thecolbertreport.cc.com/videos/d0x6zg/better-know-a-district---massachusetts--4th---barney-frank-update", "http://thecolbertreport.cc.com/videos/j1oeb0/conservative-siri", "http://thecolbertreport.cc.com/videos/okgz78/stephen-sondheim", "http://thecolbertreport.cc.com/videos/ga76kd/sign-off---goodnight" ], "guest": "Stephen Sondheim" }, { "date": "2011-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/eclhxy/in-herman-cain-s-defense", "http://thecolbertreport.cc.com/videos/70sj7m/stop-online-piracy-act", "http://thecolbertreport.cc.com/videos/nmrgz9/stop-online-piracy-act---danny-goldberg---jonathan-zittrain", "http://thecolbertreport.cc.com/videos/pzi69s/mitt-romney-gets-testy", "http://thecolbertreport.cc.com/videos/pmypbg/richard-branson", "http://thecolbertreport.cc.com/videos/rhwqc7/sign-off---fire-extinguishing-powder" ], "guest": "Richard Branson" }, { "date": "2011-12-05", "videos": [ "http://thecolbertreport.cc.com/videos/yy5x27/2011-kennedy-center-honors", "http://thecolbertreport.cc.com/videos/xn3r3g/mysteries-of-the-ancient-unknown---2012-end-of-times", "http://thecolbertreport.cc.com/videos/f2zdhx/herman-cain-drops-out", "http://thecolbertreport.cc.com/videos/dt8216/jimmie-johnson", "http://thecolbertreport.cc.com/videos/0ewfq6/sign-off---slow-motion-race-replay" ], "guest": "Jimmie Johnson" }, { "date": "2011-12-06", "videos": [ "http://thecolbertreport.cc.com/videos/1o3huj/american-drone-in-iran", "http://thecolbertreport.cc.com/videos/fcu2h2/donald-s-trumptacular---stephen-s-south-carolina-serious--classy-republican-debate", "http://thecolbertreport.cc.com/videos/dphj6u/the-black-keys", "http://thecolbertreport.cc.com/videos/4t05a5/sign-off---glenn-eichler-s-graphic-novel" ], "guest": "The Black Keys" }, { "date": "2011-12-07", "videos": [ "http://thecolbertreport.cc.com/videos/5kfnqe/stephen-colbert-s-south-carolina-serious--classy-republican-debate---save-the-date", "http://thecolbertreport.cc.com/videos/h7qfup/colbert-super-pac---stephen-s-south-carolina-referendum", "http://thecolbertreport.cc.com/videos/6dds1t/colbert-super-pac---stephen-s-south-carolina-referendum---dick-harpootlian", "http://thecolbertreport.cc.com/videos/c66w64/jon-huntsman-sr--s-ad-buy", "http://thecolbertreport.cc.com/videos/pueyvf/david-hallberg" ], "guest": "David Hallberg" }, { "date": "2011-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/08g4y6/intro---12-8-11", "http://thecolbertreport.cc.com/videos/sd4lua/michigan-s-snow-cone-machines", "http://thecolbertreport.cc.com/videos/lbdchz/cheating-death---chicken-pox-lollipops---fecal-transplants", "http://thecolbertreport.cc.com/videos/3d10i3/rick-perry-s-pro-christmas-ad", "http://thecolbertreport.cc.com/videos/ovws10/jack-abramoff", "http://thecolbertreport.cc.com/videos/gt2hau/sign-off---goodnight" ], "guest": "Jack Abramoff" }, { "date": "2011-12-12", "videos": [ "http://thecolbertreport.cc.com/videos/iu3gnx/intro---12-12-11", "http://thecolbertreport.cc.com/videos/52a05g/christmas-cram", "http://thecolbertreport.cc.com/videos/zuufyt/tip-wag---liberal-dictionary---newt-gingrich-alert", "http://thecolbertreport.cc.com/videos/qv9fb0/norway-s-butter-shortage", "http://thecolbertreport.cc.com/videos/kx2u80/samuel-l--jackson", "http://thecolbertreport.cc.com/videos/v6sdfa/sign-off---merry-christmas" ], "guest": "Samuel L. Jackson" }, { "date": "2011-12-13", "videos": [ "http://thecolbertreport.cc.com/videos/rwb03h/intro---12-13-11", "http://thecolbertreport.cc.com/videos/7zgxss/trump-s-cancellation---stephen-s-south-carolina-serious--classy-re-announcement", "http://thecolbertreport.cc.com/videos/frhjj0/the-word---let-them-buy-cake", "http://thecolbertreport.cc.com/videos/flxy99/anderson-cooper-s-phallus-party-accusation", "http://thecolbertreport.cc.com/videos/sn7cpj/mark-whitaker", "http://thecolbertreport.cc.com/videos/eswjdg/sign-off---goodnight" ], "guest": "Mark Whitaker" }, { "date": "2011-12-14", "videos": [ "http://thecolbertreport.cc.com/videos/18wgz1/stephen-colbert-s-south-carolina-serious--classy-debate---nat-geo-wild-s-response", "http://thecolbertreport.cc.com/videos/khf3hx/christine-o-donnell-s-endorsement", "http://thecolbertreport.cc.com/videos/vg9vdy/stephen-colbert-s-big-gay-roundup---military-bestiality---homosexual-penguins", "http://thecolbertreport.cc.com/videos/qvom30/tv-hat", "http://thecolbertreport.cc.com/videos/lqslc3/ray-odierno" ], "guest": "Gen. Raymond Odierno" }, { "date": "2011-12-15", "videos": [ "http://thecolbertreport.cc.com/videos/8900sr/stephen-colbert-s-south-carolina-serious--classy-republican-debate---network-battle", "http://thecolbertreport.cc.com/videos/dwccb9/the-blitzkrieg-on-grinchitude---department-store-cutbacks---gun-filled-christmas", "http://thecolbertreport.cc.com/videos/9ugow2/fox-news--mitt-romney-photo-flub", "http://thecolbertreport.cc.com/videos/iqj0p8/daniel-craig", "http://thecolbertreport.cc.com/videos/tri39n/2011-goodbye" ], "guest": "Daniel Craig" } ], "2012": [ { "date": "2012-01-03", "videos": [ "http://thecolbertreport.cc.com/videos/9u9qx6/iowa-caucus-2012", "http://thecolbertreport.cc.com/videos/yx6r23/iowa-caucus---caucus-goer-s-choice", "http://thecolbertreport.cc.com/videos/5mqn59/iowa-caucus---megyn-shelly-s-prediction", "http://thecolbertreport.cc.com/videos/qx2w8n/kim-jong-il---in-memoriam", "http://thecolbertreport.cc.com/videos/ioguwl/bernie-sanders", "http://thecolbertreport.cc.com/videos/4ob0g2/sign-off---megyn-shelly" ], "guest": "Sen. Bernie Sanders" }, { "date": "2012-01-04", "videos": [ "http://thecolbertreport.cc.com/videos/s8am6m/iowa-caucus---mitt-romney-s-victory-speech---rick-santorum-s-coup", "http://thecolbertreport.cc.com/videos/m762nz/iowa-caucus---not-mitt-romney-s-super-pac", "http://thecolbertreport.cc.com/videos/x195wh/iowa-caucus---cable-news-coverage", "http://thecolbertreport.cc.com/videos/61k2nf/iowa-caucus---woi-in-des-moines-reports", "http://thecolbertreport.cc.com/videos/1ja4vs/john-heilemann", "http://thecolbertreport.cc.com/videos/xyq4st/sign-off---erin-burnett-pong" ], "guest": "John Heilemann" }, { "date": "2012-01-05", "videos": [ "http://thecolbertreport.cc.com/videos/8t37qs/intro---1-5-12", "http://thecolbertreport.cc.com/videos/js72my/fun-rick-santorum", "http://thecolbertreport.cc.com/videos/5xw4yi/the-word---catch-2012", "http://thecolbertreport.cc.com/videos/sjbolu/god-s-message-to-pat-robertson", "http://thecolbertreport.cc.com/videos/lgtesz/steve-case", "http://thecolbertreport.cc.com/videos/o6dbzj/sign-off---mayan-headwear---sacrificial-chicken" ], "guest": "Steve Case" }, { "date": "2012-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/y3wl1i/intro---1-9-12", "http://thecolbertreport.cc.com/videos/3m6txc/new-hampshire-gop-debates", "http://thecolbertreport.cc.com/videos/l08ywe/new-hampshire-gop-debates---moderate-extremes", "http://thecolbertreport.cc.com/videos/75c0w9/rick-santorum-on-gay-parents---bla-people", "http://thecolbertreport.cc.com/videos/e3zsob/melissa-harris-perry", "http://thecolbertreport.cc.com/videos/j2sskk/sign-off---jack-daniels" ], "guest": "Neil Shubin" }, { "date": "2012-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/9llvcg/new-hampshire-primary---mitt-romney-s-gaffe", "http://thecolbertreport.cc.com/videos/m98f4t/tip-wag---irresponsible-dead-people---insensitive-papa-john-s", "http://thecolbertreport.cc.com/videos/wwvi39/malice-in-blunderland", "http://thecolbertreport.cc.com/videos/fqk2fh/bill-moyers", "http://thecolbertreport.cc.com/videos/wdmkv8/sign-off---turntable" ], "guest": "Ben Gibbard" }, { "date": "2012-01-11", "videos": [ "http://thecolbertreport.cc.com/videos/bxzp6z/intro---1-11-12", "http://thecolbertreport.cc.com/videos/f8j0ng/commitment-to-mitt-romney", "http://thecolbertreport.cc.com/videos/7t7ct3/south-carolina-s-fresh-face", "http://thecolbertreport.cc.com/videos/73ux63/stephen-colbert-s-end-of-the-world-of-the-week---phobos-grunt", "http://thecolbertreport.cc.com/videos/wx04iy/george-stephanopoulos", "http://thecolbertreport.cc.com/videos/vjhrm3/sign-off---decision-of-a-lifetime" ], "guest": "George Stephanopoulos" }, { "date": "2012-01-12", "videos": [ "http://thecolbertreport.cc.com/videos/hrwtsb/colbert-super-pac---coordination-problem", "http://thecolbertreport.cc.com/videos/av6bvx/colbert-super-pac---coordination-resolution-with-jon-stewart", "http://thecolbertreport.cc.com/videos/5otlsk/mike-d-s-hip-hop-semantics", "http://thecolbertreport.cc.com/videos/ui35sv/mike-allen", "http://thecolbertreport.cc.com/videos/mnp9up/sign-off---ipad-ebook" ], "guest": "Mike Allen" }, { "date": "2012-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/dyktip/colbert-super-pac-ad---not-abel", "http://thecolbertreport.cc.com/videos/lec1ln/intro---1-16-12", "http://thecolbertreport.cc.com/videos/ke9tkw/jon-huntsman-out--rick-santorum-in", "http://thecolbertreport.cc.com/videos/buf78z/colbert-super-pac---mitt-romney-attack-ad", "http://thecolbertreport.cc.com/videos/uh4wcy/the-word---raise-cain", "http://thecolbertreport.cc.com/videos/cgtb89/scott-douglas", "http://thecolbertreport.cc.com/videos/td091t/sign-off----this-is-herman-cain--" ], "guest": "Rev. Scott Douglas" }, { "date": "2012-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/knvkbe/colbert-super-pac-ad---double-negative", "http://thecolbertreport.cc.com/videos/fe4nep/intro---1-17-12", "http://thecolbertreport.cc.com/videos/ufvy9m/colbert-super-pac---gop-attack-ads---herman-cain-ad", "http://thecolbertreport.cc.com/videos/qil57h/yahweh-or-no-way---online-christian-dating---seven-days-of-sex", "http://thecolbertreport.cc.com/videos/0alvjc/jennifer-granholm", "http://thecolbertreport.cc.com/videos/mbnjnn/sign-off---vote-for-herman-cain" ], "guest": "Jennifer Granholm" }, { "date": "2012-01-18", "videos": [ "http://thecolbertreport.cc.com/videos/bpbhtr/colbert-super-pac-ad---modern-stage-combat", "http://thecolbertreport.cc.com/videos/2f7upq/intro---1-18-12", "http://thecolbertreport.cc.com/videos/q6xocp/newt-gingrich-s-performance---mitt-romney-s-tax-returns", "http://thecolbertreport.cc.com/videos/fx3xum/stephen-s-approval-rating", "http://thecolbertreport.cc.com/videos/zvmmfs/colbert-super-pac---civility-ad---stephen-s-south-carolina-rally", "http://thecolbertreport.cc.com/videos/orzoc4/sopa---pipa", "http://thecolbertreport.cc.com/videos/i8qam3/david-frum", "http://thecolbertreport.cc.com/videos/3mfkme/sign-off---south-carolina-rally-with-herman-cain" ], "guest": "David Frum" }, { "date": "2012-01-19", "videos": [ "http://thecolbertreport.cc.com/videos/pebyno/troubled-gop-waters---stephen-under-attack", "http://thecolbertreport.cc.com/videos/7qvxgu/colbert-super-pac---john-paul-stevens", "http://thecolbertreport.cc.com/videos/k3pbui/carrie-rebora-barratt", "http://thecolbertreport.cc.com/videos/nno4x3/sign-off---flight-to-charleston--sc" ], "guest": "Carrie Rebora Barratt" }, { "date": "2012-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/kachyg/intro---1-23-12", "http://thecolbertreport.cc.com/videos/iql42n/newt-gingrich-s-south-carolina-kill", "http://thecolbertreport.cc.com/videos/50z46i/herman-cain-s-bittersweet-south-carolina-victory", "http://thecolbertreport.cc.com/videos/e3y9nd/rock-me-like-a-herman-cain-south-cain-olina-primary-rally---cain-elot-revisited", "http://thecolbertreport.cc.com/videos/vim94y/bruce-bueno-de-mesquita", "http://thecolbertreport.cc.com/videos/gu52h0/sign-off---sniffing-a-marker" ], "guest": "Bruce Bueno De Mesquita" }, { "date": "2012-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/n2rnnr/exclusive---rock-me-like-a-herman-cain-south-cain-olina-primary-rally-pt--1", "http://thecolbertreport.cc.com/videos/jc76hc/exclusive---rock-me-like-a-herman-cain-south-cain-olina-primary-rally-pt--2", "http://thecolbertreport.cc.com/videos/jog4lt/intro---1-24-12", "http://thecolbertreport.cc.com/videos/q3ro37/colbert-super-pac---hostage-crisis---day-2", "http://thecolbertreport.cc.com/videos/zop8mz/18th-gop-debate", "http://thecolbertreport.cc.com/videos/gzi3ec/grim-colberty-tales-with-maurice-sendak-pt--1", "http://thecolbertreport.cc.com/videos/kg7hw1/rick-santorum-s-senior-pandering", "http://thecolbertreport.cc.com/videos/381zai/andrew-sullivan", "http://thecolbertreport.cc.com/videos/14903e/sign-off---reading--bumble-ardy-" ], "guest": "Andrew Sullivan" }, { "date": "2012-01-25", "videos": [ "http://thecolbertreport.cc.com/videos/9f0foj/2012-state-of-the-union-address---gop-rebuttals", "http://thecolbertreport.cc.com/videos/2uwi0i/grim-colberty-tales-with-maurice-sendak-pt--2", "http://thecolbertreport.cc.com/videos/3un4zv/un-american-news---china-edition", "http://thecolbertreport.cc.com/videos/kwuhk6/terry-gross", "http://thecolbertreport.cc.com/videos/r2j6o1/sign-off---colonel-tuxedo-s-cat-food" ], "guest": "Terry Gross" }, { "date": "2012-01-26", "videos": [ "http://thecolbertreport.cc.com/videos/05qh1w/colbert-super-pac---hostage-crisis---day-4", "http://thecolbertreport.cc.com/videos/5gcr8j/mitt-romney---newt-gingrich-in-florida", "http://thecolbertreport.cc.com/videos/pudtpb/sean-hannity-s--the-great-american-panel-", "http://thecolbertreport.cc.com/videos/y191mp/the-great-available-panel", "http://thecolbertreport.cc.com/videos/sg6jkh/drew-barrymore", "http://thecolbertreport.cc.com/videos/kk56ka/sign-off---football-throwing" ], "guest": "Drew Barrymore" }, { "date": "2012-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/rcm539/colbert-super-pac---the-great-chase", "http://thecolbertreport.cc.com/videos/1ws9v2/colbert-super-pac---return-of-the-pac", "http://thecolbertreport.cc.com/videos/n3pkmh/threatdown---barack-obama--fundamentalist-flippers---coked-up-diplomats", "http://thecolbertreport.cc.com/videos/tlfrhi/gop---the-hispanic-vote", "http://thecolbertreport.cc.com/videos/amck6x/laurence-tribe", "http://thecolbertreport.cc.com/videos/v9f5m2/sign-off---shouting-goodnight" ], "guest": "Laurence H. Tribe" }, { "date": "2012-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/62pas5/intro---1-31-12", "http://thecolbertreport.cc.com/videos/f44hch/newt-gingrich-s-supporters", "http://thecolbertreport.cc.com/videos/udnnzi/the-word---american-history-x-d", "http://thecolbertreport.cc.com/videos/qs311n/bjork", "http://thecolbertreport.cc.com/videos/u7u9lh/sign-off----biophilia-" ], "guest": "Bjork" }, { "date": "2012-02-01", "videos": [ "http://thecolbertreport.cc.com/videos/yk5cpe/intro---2-1-12", "http://thecolbertreport.cc.com/videos/o3p6c2/black-history-celebration-moment", "http://thecolbertreport.cc.com/videos/3nohh2/mitt-romney-s-florida-victory", "http://thecolbertreport.cc.com/videos/uswa0x/colbert-super-pac---americone-dream-super-pack", "http://thecolbertreport.cc.com/videos/kqctrf/ameena-matthews", "http://thecolbertreport.cc.com/videos/5m98im/sign-off---americone-dream-super-pack" ], "guest": "Ameena Matthews" }, { "date": "2012-02-02", "videos": [ "http://thecolbertreport.cc.com/videos/4dia59/intro---2-2-12", "http://thecolbertreport.cc.com/videos/uu5zmj/the-meaning-of-groundhog-day", "http://thecolbertreport.cc.com/videos/bwbr2v/america-s-biggest-super-pac-donors", "http://thecolbertreport.cc.com/videos/lh3kq3/colbert-super-pac---thank-you", "http://thecolbertreport.cc.com/videos/04ottd/survivor-sues-newt-gingrich---dave-bickler", "http://thecolbertreport.cc.com/videos/a7r0zs/christiane-amanpour", "http://thecolbertreport.cc.com/videos/uzu0lz/sign-off---goodnight" ], "guest": "Christiane Amanpour" }, { "date": "2012-02-13", "videos": [ "http://thecolbertreport.cc.com/videos/hhq4en/intro---2-13-12", "http://thecolbertreport.cc.com/videos/2kynbu/linsanity-", "http://thecolbertreport.cc.com/videos/hgxqxc/people-who-are-destroying-america---sawstop", "http://thecolbertreport.cc.com/videos/ju995r/stephen-colbert-s-free-americone-dream-day", "http://thecolbertreport.cc.com/videos/eks7za/bill-mckibben", "http://thecolbertreport.cc.com/videos/k6qadu/sign-off---colbert-nation-newborn" ], "guest": "Bill McKibben" }, { "date": "2012-02-14", "videos": [ "http://thecolbertreport.cc.com/videos/u5h2yo/intro---2-14-12", "http://thecolbertreport.cc.com/videos/3rk6lv/westminster-kennel-club-dog-show-2012", "http://thecolbertreport.cc.com/videos/jx9ojl/contraception-crusade", "http://thecolbertreport.cc.com/videos/lyzukj/tip-wag---gay-building-marriage---transportation-safety-board-cell-phone-ban", "http://thecolbertreport.cc.com/videos/ej01p5/william-broad", "http://thecolbertreport.cc.com/videos/mhuyjx/sign-off---stephen-s-friend-lou-dog" ], "guest": "William Broad" }, { "date": "2012-02-20", "videos": [ "http://thecolbertreport.cc.com/videos/f1ta15/intro---2-20-12", "http://thecolbertreport.cc.com/videos/7ghzcu/mitt-romney---donald-trump-in-michigan", "http://thecolbertreport.cc.com/videos/lydem1/rick-santorum-s-energy-war-alarm", "http://thecolbertreport.cc.com/videos/tqad40/ann-patchett", "http://thecolbertreport.cc.com/videos/qgsly5/sign-off---caught-looking" ], "guest": "Ann Patchett" }, { "date": "2012-02-21", "videos": [ "http://thecolbertreport.cc.com/videos/vdtnp9/intro---2-21-12", "http://thecolbertreport.cc.com/videos/dgnc7d/douchebag-showdown", "http://thecolbertreport.cc.com/videos/mnahgd/colbert-super-pac---nancy-pelosi-s-ad---barack-obama-s-super-pac", "http://thecolbertreport.cc.com/videos/s0vtdx/robert-kagan", "http://thecolbertreport.cc.com/videos/x36uyb/sign-off---dark-lord-of-the-sith" ], "guest": "Robert Kagan" }, { "date": "2012-02-22", "videos": [ "http://thecolbertreport.cc.com/videos/n05gam/intro---2-22-12", "http://thecolbertreport.cc.com/videos/krghr1/stephen-s-lenten-sacrifice", "http://thecolbertreport.cc.com/videos/dv9iqc/the-word---surrender-to-a-buyer-power", "http://thecolbertreport.cc.com/videos/w2qw1t/better-know-a-district---california-s-8th", "http://thecolbertreport.cc.com/videos/d6raxz/nancy-pelosi", "http://thecolbertreport.cc.com/videos/9mdx7s/sign-off---conquistador-sacrifice" ], "guest": "Rep. Nancy Pelosi" }, { "date": "2012-02-23", "videos": [ "http://thecolbertreport.cc.com/videos/g3b2me/arizona-gop-debate", "http://thecolbertreport.cc.com/videos/6wnf2j/posthumous-mormon-baptism", "http://thecolbertreport.cc.com/videos/zzgfft/wheat-thins-sponsortunity", "http://thecolbertreport.cc.com/videos/jshg47/placido-domingo" ], "guest": "Placido Domingo" }, { "date": "2012-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/6llqzw/mitt-romney-s---rick-santorum-s-michigan-campaigns", "http://thecolbertreport.cc.com/videos/45yrtw/peggielene-bartels", "http://thecolbertreport.cc.com/videos/xr2dmf/sign-off---goodnight" ], "guest": "Peggielene Bartels" }, { "date": "2012-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/l484x8/intro---2-28-12", "http://thecolbertreport.cc.com/videos/b44eo3/the-colbert-report-s-1000th-show", "http://thecolbertreport.cc.com/videos/hsyhov/rising-oil-prices---john-kilduff", "http://thecolbertreport.cc.com/videos/gqa08a/mr--smith-goes-to-the-state-legislature--then-later-possibly-washington---bob-morris---kyle-jones", "http://thecolbertreport.cc.com/videos/0xatad/ross-eisenbrey", "http://thecolbertreport.cc.com/videos/8ebxgr/stephen-s-1000th-ticket" ], "guest": "Ross Eisenbrey" }, { "date": "2012-02-29", "videos": [ "http://thecolbertreport.cc.com/videos/ueosv6/intro---2-29-12", "http://thecolbertreport.cc.com/videos/y0ejfo/countdown-to-loving-mitt", "http://thecolbertreport.cc.com/videos/3dllp7/the-word---change-we-can-believe-in", "http://thecolbertreport.cc.com/videos/3adb3i/tip-wag---kansas--male-birth-control-pill---new-york-s-babyccino", "http://thecolbertreport.cc.com/videos/puth71/william-shatner", "http://thecolbertreport.cc.com/videos/dhcxcx/sign-off---goodnight" ], "guest": "William Shatner" }, { "date": "2012-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/ueosv6/intro---2-29-12", "http://thecolbertreport.cc.com/videos/y0ejfo/countdown-to-loving-mitt", "http://thecolbertreport.cc.com/videos/3dllp7/the-word---change-we-can-believe-in", "http://thecolbertreport.cc.com/videos/3adb3i/tip-wag---kansas--male-birth-control-pill---new-york-s-babyccino", "http://thecolbertreport.cc.com/videos/puth71/william-shatner", "http://thecolbertreport.cc.com/videos/dhcxcx/sign-off---goodnight" ], "guest": "Claire Danes" }, { "date": "2012-03-01", "videos": [ "http://thecolbertreport.cc.com/videos/eolisf/countdown-to-loving-mitt---jeb-bush", "http://thecolbertreport.cc.com/videos/bf1ekb/people-who-are-destroying-america---teachers", "http://thecolbertreport.cc.com/videos/ncu1ti/mysteries-of-the-ancient-unknown---yo-mama-jokes", "http://thecolbertreport.cc.com/videos/tw0ear/claire-danes", "http://thecolbertreport.cc.com/videos/4gz8ak/sign-off---jeb-bush-s-portrait" ], "guest": "Claire Danes" }, { "date": "2012-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/xceapv/countdown-to-loving-mitt---super-tuesday", "http://thecolbertreport.cc.com/videos/29dn96/rush-limbaugh-apologizes-to-sandra-fluke", "http://thecolbertreport.cc.com/videos/pww7ru/sport-report---pete-weber--danica-patrick---the-new-orleans-saints", "http://thecolbertreport.cc.com/videos/nwk5lf/audra-mcdonald" ], "guest": "Audra McDonald" }, { "date": "2012-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/4yvx5w/super-tuesday-party--putin-s-win---india-s-state-assembly", "http://thecolbertreport.cc.com/videos/nzr8wl/the-word---due-or-die", "http://thecolbertreport.cc.com/videos/rxyz0z/thought-for-food---responsible-snacking---second-breakfast", "http://thecolbertreport.cc.com/videos/h24vfx/jonathan-safran-foer", "http://thecolbertreport.cc.com/videos/em4ksp/sign-off---good-catch" ], "guest": "Jonathan Safran Foer" }, { "date": "2012-03-07", "videos": [ "http://thecolbertreport.cc.com/videos/i93vkc/intro---3-7-12", "http://thecolbertreport.cc.com/videos/3df60s/higgs-boson-humor", "http://thecolbertreport.cc.com/videos/y5rjly/countdown-to-loving-mitt---super-tuesday-results", "http://thecolbertreport.cc.com/videos/7v4ikl/cyber-republican-convention", "http://thecolbertreport.cc.com/videos/ciyqhs/iranian-irony-threat", "http://thecolbertreport.cc.com/videos/060vqq/willem-dafoe", "http://thecolbertreport.cc.com/videos/c0qp1t/sign-off---goodnight" ], "guest": "Willem Dafoe" }, { "date": "2012-03-08", "videos": [ "http://thecolbertreport.cc.com/videos/3nl0qx/eric-bolling-s-secret-gas-prices-plan", "http://thecolbertreport.cc.com/videos/fig5ri/herman-cain-s-avant-garde-pac-ad" ], "guest": "Don Fleming, Elvis Costello, Emmylou Harris" }, { "date": "2012-03-12", "videos": [ "http://thecolbertreport.cc.com/videos/c4fdt8/daylight-savings-socialism", "http://thecolbertreport.cc.com/videos/2v3qmo/republicans--southern-strategy", "http://thecolbertreport.cc.com/videos/lo9wk9/republicans--southern-strategy---dave--mudcat--saunders", "http://thecolbertreport.cc.com/videos/16w3vh/cheating-death---bacon-cure-for-nosebleeds---sound-wave-sterility", "http://thecolbertreport.cc.com/videos/nmtsxp/katherine-boo", "http://thecolbertreport.cc.com/videos/owkzk2/sign-off---goodnight-with-a-smile" ], "guest": "Katherine Boo" }, { "date": "2012-03-13", "videos": [ "http://thecolbertreport.cc.com/videos/bz7jdm/who-s-not-honoring-me-now----seattle-s-pop-conference", "http://thecolbertreport.cc.com/videos/qn0q26/threatdown---stoned-pat-robertson--muslim-american-reality-tv---pampered-bears", "http://thecolbertreport.cc.com/videos/h98570/republican-southern-primary---simplified-speeches", "http://thecolbertreport.cc.com/videos/msz5qh/andrew-bird" ], "guest": "Andrew Bird" }, { "date": "2012-03-14", "videos": [ "http://thecolbertreport.cc.com/videos/m77cwc/greg-smith-s-goldman-sachs-op-ed", "http://thecolbertreport.cc.com/videos/rwxeui/republican-southern-primary---rick-santorum-against-teleprompters", "http://thecolbertreport.cc.com/videos/yeczkv/republican-southern-primary---kermit-the-frog", "http://thecolbertreport.cc.com/videos/7n8gsd/monkey-on-the-lam---alabama", "http://thecolbertreport.cc.com/videos/zkum1o/mark-mckinnon", "http://thecolbertreport.cc.com/videos/d8t6uu/sign-off---goodnight" ], "guest": "Mark McKinnon" }, { "date": "2012-03-15", "videos": [ "http://thecolbertreport.cc.com/videos/eq8308/airport-security-for-senior-citizens", "http://thecolbertreport.cc.com/videos/zjy3q9/rush-limbaugh-loses-more-sponsors", "http://thecolbertreport.cc.com/videos/krx9gw/rick-santorum-visits-puerto-rico-and-speaks-from-his-heart", "http://thecolbertreport.cc.com/videos/vh5p5b/ireland-s-imported-sperm---ethnically-accurate-headgear", "http://thecolbertreport.cc.com/videos/8o29gb/dexter-filkins", "http://thecolbertreport.cc.com/videos/e66q9g/sign-off---goodnight" ], "guest": "Dexter Filkins" }, { "date": "2012-03-26", "videos": [ "http://thecolbertreport.cc.com/videos/no5p1a/exclusive---david-page-extended-interview", "http://thecolbertreport.cc.com/videos/a8lnqt/intro---3-26-12", "http://thecolbertreport.cc.com/videos/3ejcul/stephen-s-spring-break", "http://thecolbertreport.cc.com/videos/008ndt/the-word---dressed-to-kill", "http://thecolbertreport.cc.com/videos/7faawr/mitt-romney-etch-a-sketch-comparison", "http://thecolbertreport.cc.com/videos/rc1xqe/david-page", "http://thecolbertreport.cc.com/videos/20xgt7/sign-off---goodnight" ], "guest": "Dr. David Page" }, { "date": "2012-03-27", "videos": [ "http://thecolbertreport.cc.com/videos/rk3w4e/intro---3-27-12", "http://thecolbertreport.cc.com/videos/cua8o6/barack-obama-gun-control-conspiracy", "http://thecolbertreport.cc.com/videos/ykhpki/tip-wag---anti-prejudice-drug---dick-cheney-s-heart", "http://thecolbertreport.cc.com/videos/53yh09/thought-for-food---tacocopter", "http://thecolbertreport.cc.com/videos/ghn5jt/charles-murray", "http://thecolbertreport.cc.com/videos/y9plha/sign-off---goodnight" ], "guest": "Charles Murray" }, { "date": "2012-03-28", "videos": [ "http://thecolbertreport.cc.com/videos/lg7nrp/the-supreme-court-weighs-in-on-obamacare", "http://thecolbertreport.cc.com/videos/svf90k/the-supreme-court-weighs-in-on-obamacare---emily-bazelon", "http://thecolbertreport.cc.com/videos/tnvz1z/the-conservative-teen", "http://thecolbertreport.cc.com/videos/bmkpwj/mark-ruffalo", "http://thecolbertreport.cc.com/videos/jjebsm/sign-off---goodnight-snack" ], "guest": "Mark Ruffalo" }, { "date": "2012-03-29", "videos": [ "http://thecolbertreport.cc.com/videos/7erwuh/stephen-offers-colbert-super-pac-super-fun-pack", "http://thecolbertreport.cc.com/videos/9bgxui/intro---3-29-12", "http://thecolbertreport.cc.com/videos/nuvo4m/the-mega-millions-lottery", "http://thecolbertreport.cc.com/videos/7qagdx/colbert-super-pac---texan-supporters---super-fun-pack", "http://thecolbertreport.cc.com/videos/2m6prp/mitt-romney-tells-a-funny-story", "http://thecolbertreport.cc.com/videos/7dpy0t/peter-beinart", "http://thecolbertreport.cc.com/videos/r5oifs/sign-off---colbert-super-pac-super-fun-pack" ], "guest": "Peter Beinart" }, { "date": "2012-04-02", "videos": [ "http://thecolbertreport.cc.com/videos/8f8tya/intro---4-2-12", "http://thecolbertreport.cc.com/videos/1nq1ce/colbert-super-pac---super-fun-pack-treasure-hunt", "http://thecolbertreport.cc.com/videos/1bsxs9/the-beefstate-governors", "http://thecolbertreport.cc.com/videos/fmif88/yahweh-or-no-way---christian-card-counters--pope-benedict-on-marxism---pope-cologne", "http://thecolbertreport.cc.com/videos/5yl006/gary-johnson", "http://thecolbertreport.cc.com/videos/77h3h1/sign-off---goodnight" ], "guest": "Gov. Gary Johnson" }, { "date": "2012-04-03", "videos": [ "http://thecolbertreport.cc.com/videos/33j3ar/lftb-colbology", "http://thecolbertreport.cc.com/videos/z52jo4/colbert-super-pac---super-fun-pack-not-legal-advice---certificate-of-presidenthood", "http://thecolbertreport.cc.com/videos/v3p6ss/colbert-super-pac-shh----501c4-disclosure", "http://thecolbertreport.cc.com/videos/ag45p1/colbert-super-pac-shh----501c4-disclosure---trevor-potter", "http://thecolbertreport.cc.com/videos/y4berw/rick-santorum-speaks-from-his-heart---california-colleges", "http://thecolbertreport.cc.com/videos/1b9vpb/nikki-haley", "http://thecolbertreport.cc.com/videos/asl5su/sign-off---helmeted-ham-rove" ], "guest": "Gov. Nikki Haley" }, { "date": "2012-04-04", "videos": [ "http://thecolbertreport.cc.com/videos/2ihe55/intro---4-4-12", "http://thecolbertreport.cc.com/videos/6y1ct4/peabody-award-for-colbert-super-pac", "http://thecolbertreport.cc.com/videos/4io3p9/settling-for-mitt-romney", "http://thecolbertreport.cc.com/videos/x8e4ps/colbert-super-pac---republicans---the-latino-vote", "http://thecolbertreport.cc.com/videos/6ml3sk/wilford-brimley-calls---quaker-oats-makeover", "http://thecolbertreport.cc.com/videos/plj4a3/robert-ballard", "http://thecolbertreport.cc.com/videos/qyyf0b/sign-off---second-peabody-award" ], "guest": "Robert D. Ballard" }, { "date": "2012-04-05", "videos": [ "http://thecolbertreport.cc.com/videos/om9vmg/bad-news-about-good-unemployment-news", "http://thecolbertreport.cc.com/videos/lnmh56/colbert-s-very-wanted---manatee-mailbox", "http://thecolbertreport.cc.com/videos/0u9fik/dirt-bike-badass-in-the-lincoln-tunnel", "http://thecolbertreport.cc.com/videos/ji5xxu/anne-rice", "http://thecolbertreport.cc.com/videos/si0xcn/sign-off---lincoln-tunnel" ], "guest": "Anne Rice" }, { "date": "2012-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/8ziziz/easter-under-attack---bunny-vs--bilby", "http://thecolbertreport.cc.com/videos/oyaen8/searching-for-mr--right---mitt-romney---iowa-s-steve-king", "http://thecolbertreport.cc.com/videos/csp74m/stephen-colbert-s-shame-spiral---senior-citizen-gymnasts", "http://thecolbertreport.cc.com/videos/kruk2j/bob-lutz", "http://thecolbertreport.cc.com/videos/9wc34u/sign-off---remembering-mike-wallace" ], "guest": "Bob Lutz" }, { "date": "2012-04-10", "videos": [ "http://thecolbertreport.cc.com/videos/2n6qw1/intro---4-10-12", "http://thecolbertreport.cc.com/videos/82ub2z/rick-santorum-leaves-presidential-race", "http://thecolbertreport.cc.com/videos/qu7492/i-got-the-tweets-like-grassley", "http://thecolbertreport.cc.com/videos/3la5nh/tip-wag---coal-industry-crackdown---box-spring-bunker", "http://thecolbertreport.cc.com/videos/mfxyfn/stephen-colbert-s-lady-heroes---glen-grothman", "http://thecolbertreport.cc.com/videos/o4ah40/richard-hersh", "http://thecolbertreport.cc.com/videos/es5mrc/sign-off---goodnight" ], "guest": "Richard Hersh" }, { "date": "2012-04-11", "videos": [ "http://thecolbertreport.cc.com/videos/3ygjj0/amped-up-for-michelle-obama", "http://thecolbertreport.cc.com/videos/bc3gqm/the-word---whuh-how-", "http://thecolbertreport.cc.com/videos/ingur1/employing-a-veteran---sergeant-bryan-escobedo", "http://thecolbertreport.cc.com/videos/f8r4k5/michelle-obama-pt--1", "http://thecolbertreport.cc.com/videos/v3wlgc/michelle-obama-pt--2", "http://thecolbertreport.cc.com/videos/u0cci1/sign-off---goodnight" ], "guest": "Michelle Obama" }, { "date": "2012-04-12", "videos": [ "http://thecolbertreport.cc.com/videos/pzrkzg/intro---4-12-12", "http://thecolbertreport.cc.com/videos/m5gmsh/the-other-war-on-women", "http://thecolbertreport.cc.com/videos/v73czf/stephen-colbert-s-end-of-the-world-of-the-week---survivalist-singles---tsunami-food", "http://thecolbertreport.cc.com/videos/s55d89/cold-war-update---alleged-congressional-communists", "http://thecolbertreport.cc.com/videos/x9epzo/james-cameron", "http://thecolbertreport.cc.com/videos/avonwu/sign-off---goodnight" ], "guest": "James Cameron" }, { "date": "2012-04-16", "videos": [ "http://thecolbertreport.cc.com/videos/z2fjas/a-beautiful-war-for-women-segment", "http://thecolbertreport.cc.com/videos/2ixpov/secret-service-sex-scandal", "http://thecolbertreport.cc.com/videos/ilt6wv/a-beautiful-war-for-women", "http://thecolbertreport.cc.com/videos/44j8wl/newt-gingrich---gun-rights", "http://thecolbertreport.cc.com/videos/ru5vnr/bonnie-raitt" ], "guest": "Bonnie Raitt" }, { "date": "2012-04-17", "videos": [ "http://thecolbertreport.cc.com/videos/wpng4g/intro---4-17-12", "http://thecolbertreport.cc.com/videos/gxlf9b/mitt-romney-s-dinner-table-pranks", "http://thecolbertreport.cc.com/videos/sfsf06/thought-for-food---bug-food-coloring--hot-dog-stuffed-crust---drugged-poultry", "http://thecolbertreport.cc.com/videos/vklngm/gsa-spending-scandal", "http://thecolbertreport.cc.com/videos/6fhp9q/jonah-lehrer", "http://thecolbertreport.cc.com/videos/culsks/sign-off---goodnight" ], "guest": "Jonah Lehrer" }, { "date": "2012-04-18", "videos": [ "http://thecolbertreport.cc.com/videos/q3i7x8/intro---4-18-12", "http://thecolbertreport.cc.com/videos/ddq41n/searching-for-mr--right---mitt-romney---ohio-s-rob-portman", "http://thecolbertreport.cc.com/videos/er0kn7/the-word---gateway-hug", "http://thecolbertreport.cc.com/videos/vw1qdm/stephen-colbert-s-end-of-the-world-of-the-week---doomsday-preppers", "http://thecolbertreport.cc.com/videos/xzzk73/arianna-huffington", "http://thecolbertreport.cc.com/videos/tttdob/sign-off---goodnight-kiss" ], "guest": "Arianna Huffington" }, { "date": "2012-04-19", "videos": [ "http://thecolbertreport.cc.com/videos/hrfl05/intro---4-19-12", "http://thecolbertreport.cc.com/videos/a9n2pr/stephen-s-4-20-message", "http://thecolbertreport.cc.com/videos/zdgaqc/alpha-dog-of-the-week---cory-booker", "http://thecolbertreport.cc.com/videos/nb2ksl/the-enemy-within---bologna-border-bust", "http://thecolbertreport.cc.com/videos/uio9bo/time-s-2012-top-100-most-influential", "http://thecolbertreport.cc.com/videos/h2p67e/tavis-smiley---cornel-west", "http://thecolbertreport.cc.com/videos/g291q8/sign-off---time-s-top-100" ], "guest": "Tavis Smiley &amp; Cornel West" }, { "date": "2012-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/4wypj5/intro---4-23-12", "http://thecolbertreport.cc.com/videos/m8blpo/steve-doocy-s-silver-spoon-subtext-reporting", "http://thecolbertreport.cc.com/videos/2gwl1y/tip-wag--pheromone-parties---arizona-s--pre-life--laws", "http://thecolbertreport.cc.com/videos/v2y3wl/mitt-romney-s-picnic-gaffe", "http://thecolbertreport.cc.com/videos/14wyxm/don-mcleroy", "http://thecolbertreport.cc.com/videos/l9d2q6/sign-off---goodnight" ], "guest": "Don McLeroy" }, { "date": "2012-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/ly3so2/super-tuesday-ii--election-boogaloo---death-match-in-hellaware", "http://thecolbertreport.cc.com/videos/xmivrq/-i-am-a-pole--and-so-can-you---", "http://thecolbertreport.cc.com/videos/i4eh7r/canada-s-currency-coup", "http://thecolbertreport.cc.com/videos/ycnifi/magnus-carlsen", "http://thecolbertreport.cc.com/videos/cfkek7/sign-off---ipad" ], "guest": "Magnus Carlsen" }, { "date": "2012-04-25", "videos": [ "http://thecolbertreport.cc.com/videos/et0kro/intro---4-25-12", "http://thecolbertreport.cc.com/videos/or4jr5/nasa-retires-discovery---drops-spacebook", "http://thecolbertreport.cc.com/videos/6xkuod/the-word---united-we-can-t-stand-them", "http://thecolbertreport.cc.com/videos/gi36k3/cheating-death---crash-diet-feeding-tubes---scrotum-gel-injections", "http://thecolbertreport.cc.com/videos/88pieq/michael-sandel", "http://thecolbertreport.cc.com/videos/wduflz/sign-off---goodnight" ], "guest": "Michael Sandel" }, { "date": "2012-04-26", "videos": [ "http://thecolbertreport.cc.com/videos/xrzvpm/intro---4-26-12", "http://thecolbertreport.cc.com/videos/9rs6oa/barack-obama-s-slow-jam-backlash", "http://thecolbertreport.cc.com/videos/2w9amu/colbert-super-pac---super-fun-pack-1st-treasure-hunt-clue", "http://thecolbertreport.cc.com/videos/1ytfce/jack-white", "http://thecolbertreport.cc.com/videos/kymj2z/sign-off---montclair-film-festival" ], "guest": "Jack White" }, { "date": "2012-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/l8r5un/intro---4-30-12", "http://thecolbertreport.cc.com/videos/u2x3gk/delicate-advice-for-chen-guangcheng", "http://thecolbertreport.cc.com/videos/g6gv3q/the-word---don-t-ask--don-t-show---tell", "http://thecolbertreport.cc.com/videos/z2rpip/concealing-weapons-in-style", "http://thecolbertreport.cc.com/videos/csg3jo/diane-keaton", "http://thecolbertreport.cc.com/videos/tly3vi/sign-off---stephen-s-fashionable-firearm" ], "guest": "Diane Keaton" }, { "date": "2012-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/8gt820/intro---5-1-12", "http://thecolbertreport.cc.com/videos/pktymf/barack-obama---the-anniversary-of-bin-laden-s-assassination", "http://thecolbertreport.cc.com/videos/0zj7f4/paul-ryan-s-christian-budget-cuts", "http://thecolbertreport.cc.com/videos/7af7jl/paul-ryan-s-christian-budget-cuts---thomas-reese", "http://thecolbertreport.cc.com/videos/cpb2np/carne-ross", "http://thecolbertreport.cc.com/videos/a9ioqx/sign-off---goodnight" ], "guest": "Carne Ross" }, { "date": "2012-05-02", "videos": [ "http://thecolbertreport.cc.com/videos/jciyto/intro---5-2-12", "http://thecolbertreport.cc.com/videos/n232ru/richard-branson-shaped-ice-cubes", "http://thecolbertreport.cc.com/videos/goj2h9/the-word---debt-panels", "http://thecolbertreport.cc.com/videos/sv3iag/kermit-the-frog-s-german-tv-offense---hans-beinholtz", "http://thecolbertreport.cc.com/videos/luw0ia/jonathan-haidt", "http://thecolbertreport.cc.com/videos/k7vmo6/sign-off---stephen-colbert-s-6000k-norway-norwalkathon" ], "guest": "Jonathan Haidt" }, { "date": "2012-05-03", "videos": [ "http://thecolbertreport.cc.com/videos/msaxn6/newt-gingrich---mitt-romney-alliance-analogies", "http://thecolbertreport.cc.com/videos/eki0dc/colbert-super-pac---in-search-of-mr--larose", "http://thecolbertreport.cc.com/videos/2v2ixr/who-s-honoring-me-now----national-space-society---buzz-aldrin", "http://thecolbertreport.cc.com/videos/z3ac6o/lena-dunham", "http://thecolbertreport.cc.com/videos/1iw8uv/sign-off---2012-space-pioneer-award-for-mass-media" ], "guest": "Lena Dunham" }, { "date": "2012-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/1jhhu2/uncensored---maurice-sendak-tribute----i-am-a-pole--and-so-can-you----release", "http://thecolbertreport.cc.com/videos/feswk7/intro---5-7-12", "http://thecolbertreport.cc.com/videos/d6nh6o/hand-disinfectant-drunk-teens", "http://thecolbertreport.cc.com/videos/d69ur0/joe-biden-s-same-sex-marriage-gaffe", "http://thecolbertreport.cc.com/videos/fplvtb/-pussy-hound--with-eric-mccormack", "http://thecolbertreport.cc.com/videos/jrnml0/threatdown---newscasting-bears", "http://thecolbertreport.cc.com/videos/u65qci/andy-cohen", "http://thecolbertreport.cc.com/videos/xh5269/sign-off---sound-effects-box" ], "guest": "Andy Cohen" }, { "date": "2012-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/p05t1b/colbert-super-pac-shh----corporate-campaign-players---super-secret--spooky-pacs-", "http://thecolbertreport.cc.com/videos/b2tfg8/anonymous-attack-ads---claire-mccaskill", "http://thecolbertreport.cc.com/videos/ad10bn/michelle-alexander", "http://thecolbertreport.cc.com/videos/dsprai/sign-off----i-am-a-pole--and-so-can-you---" ], "guest": "Michelle Alexander" }, { "date": "2012-05-09", "videos": [ "http://thecolbertreport.cc.com/videos/v1k3ci/mexico-s-debate-playmate", "http://thecolbertreport.cc.com/videos/b6tiga/barack-obama-vs--north-carolina-on-gay-marriage", "http://thecolbertreport.cc.com/videos/t3omhb/jon-mcnaughton-s--nation-under-socialism--artwork", "http://thecolbertreport.cc.com/videos/o2c49w/anna-wintour", "http://thecolbertreport.cc.com/videos/bogip6/sign-off----i-am-a-pole--and-so-can-you----audiobook" ], "guest": "Anna Wintour" }, { "date": "2012-05-10", "videos": [ "http://thecolbertreport.cc.com/videos/6cwgo2/intro---5-10-12", "http://thecolbertreport.cc.com/videos/7lnqh4/mother-s-day-shout-out", "http://thecolbertreport.cc.com/videos/n27g4x/barack-obama-s-gay-blasphemy", "http://thecolbertreport.cc.com/videos/b9m4e5/threatdown---interdimensional-black-people--gay-strokes---manipulative-sicko-monkeys", "http://thecolbertreport.cc.com/videos/ytlc6i/wisconsin-s-fake-democrats", "http://thecolbertreport.cc.com/videos/v6gyoh/francis-collins", "http://thecolbertreport.cc.com/videos/vbl44w/sign-off---two-weeks-off---dry-roasted-peanuts" ], "guest": "Dr. Francis Collins" }, { "date": "2012-05-29", "videos": [ "http://thecolbertreport.cc.com/videos/hx8ph7/intro---5-29-12", "http://thecolbertreport.cc.com/videos/cpgg7x/who-s-honoring-me-now----peabody-awards---maxim-s-hot-100", "http://thecolbertreport.cc.com/videos/oo0mhd/donald-trump-s-creative-truth---mitt-romney-s-poll-numbers", "http://thecolbertreport.cc.com/videos/cw4fxf/un-american-news---egypt-s-presidential-elections", "http://thecolbertreport.cc.com/videos/32y78g/charlize-theron", "http://thecolbertreport.cc.com/videos/gr0i67/sign-off---goodnight" ], "guest": "Charlize Theron" }, { "date": "2012-05-30", "videos": [ "http://thecolbertreport.cc.com/videos/u7h1f8/intro---5-30-12", "http://thecolbertreport.cc.com/videos/kydmtj/mexico-s-drug---potato-chip-wars", "http://thecolbertreport.cc.com/videos/s73hgy/robert-mugabe-s-u-n--tourism-tribute", "http://thecolbertreport.cc.com/videos/dfm2k1/alan-alda", "http://thecolbertreport.cc.com/videos/b6lw83/sign-off---stephen-s-matchbox" ], "guest": "Alan Alda" }, { "date": "2012-05-31", "videos": [ "http://thecolbertreport.cc.com/videos/y3bfh6/buy-best-selling--i-am-a-pole--and-so-can-you---", "http://thecolbertreport.cc.com/videos/sib2qy/barack-obama-s-righteous-drone-strikes", "http://thecolbertreport.cc.com/videos/s3t2y6/the-word---two-birds-with-one-drone", "http://thecolbertreport.cc.com/videos/pufh72/michael-bloomberg-s-super-sized-soda-scheme", "http://thecolbertreport.cc.com/videos/pz3adl/jack-hitt", "http://thecolbertreport.cc.com/videos/e9e1b2/sign-off---welcome-baby-gwinn-" ], "guest": "Jack Hitt" }, { "date": "2012-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/nhsal8/juvenile-speeches-from-congress---president-sparkle-talk", "http://thecolbertreport.cc.com/videos/w6itwj/the-word---sink-or-swim", "http://thecolbertreport.cc.com/videos/r7x6me/better-know-a-district---represent-o-map-6000---georgia-s-5th", "http://thecolbertreport.cc.com/videos/cx6fmy/john-lewis", "http://thecolbertreport.cc.com/videos/5u46bt/sign-off---goodnight" ], "guest": "Rep. John Lewis" }, { "date": "2012-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/lg5ugg/intro---6-5-12", "http://thecolbertreport.cc.com/videos/xt64qc/cdc-zombie-apocalypse-statement", "http://thecolbertreport.cc.com/videos/w4utag/tip-wag---japanese-diet-goggles--u-s--sperm-exports---taxidermied-toys", "http://thecolbertreport.cc.com/videos/kkce78/self-marriage-problems", "http://thecolbertreport.cc.com/videos/90ifev/jill-biden", "http://thecolbertreport.cc.com/videos/hhgz9k/sign-off---goodnight" ], "guest": "Jill Biden" }, { "date": "2012-06-06", "videos": [ "http://thecolbertreport.cc.com/videos/ta5d10/transit-of-venus---mars-reality-show-pitch", "http://thecolbertreport.cc.com/videos/y1zpiy/wisconsin-s-recall-results", "http://thecolbertreport.cc.com/videos/0vve8r/difference-makers---larry-johnson", "http://thecolbertreport.cc.com/videos/pqv8yf/neil-patrick-harris", "http://thecolbertreport.cc.com/videos/1n5kn0/sign-off---ray-bradbury-tribute" ], "guest": "Neil Patrick Harris" }, { "date": "2012-06-07", "videos": [ "http://thecolbertreport.cc.com/videos/2l9h7f/intro---6-7-12", "http://thecolbertreport.cc.com/videos/n107py/corruption-on-pakistan-s--sesame-street-", "http://thecolbertreport.cc.com/videos/5zzgas/the-new-york-times--hit-job-on-mitt-romney", "http://thecolbertreport.cc.com/videos/mlqu18/a-teacup-pig---partisan-politics", "http://thecolbertreport.cc.com/videos/gfpnqx/regina-spektor", "http://thecolbertreport.cc.com/videos/8x9qre/colbert-super-pac---super-fun-pack-treasure-hunt-clue" ], "guest": "Regina Spektor" }, { "date": "2012-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/8zxgdh/neil-degrasse-tyson-on--prometheus--gaffe", "http://thecolbertreport.cc.com/videos/4dkvt6/radical-feminist-nuns", "http://thecolbertreport.cc.com/videos/u1f5qa/radical-feminist-nuns---simone-campbell", "http://thecolbertreport.cc.com/videos/beuiqq/-banana-bunker--tutorial", "http://thecolbertreport.cc.com/videos/0lbz7s/martin-sheen", "http://thecolbertreport.cc.com/videos/h1jqol/sign-off---wooden-ruler" ], "guest": "Martin Sheen" }, { "date": "2012-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/syl8av/intro---6-12-12", "http://thecolbertreport.cc.com/videos/4p817x/mitt-romney-s-blue-collar-equestrian-pastime", "http://thecolbertreport.cc.com/videos/nu56lh/barack-obama-s-anti-terror-leaks", "http://thecolbertreport.cc.com/videos/dfjz7v/barack-obama-s-jobs-gaffe---mitt-romney-s-courageous-comeback", "http://thecolbertreport.cc.com/videos/e4m68b/operation-artificial-swedener", "http://thecolbertreport.cc.com/videos/eici19/will-allen", "http://thecolbertreport.cc.com/videos/uaovz2/sign-off---stephen-s-equestrian-display" ], "guest": "Will Allen" }, { "date": "2012-06-13", "videos": [ "http://thecolbertreport.cc.com/videos/f93cwg/high-wire-walk-over-niagara-falls", "http://thecolbertreport.cc.com/videos/e61ypw/the-word---free-lunch", "http://thecolbertreport.cc.com/videos/clm6h7/the-enemy-within---apes-armed-with-ipads", "http://thecolbertreport.cc.com/videos/0nbwzv/gregg-allman", "http://thecolbertreport.cc.com/videos/0bcb4l/sign-off---goodnight" ], "guest": "Gregg Allman" }, { "date": "2012-06-14", "videos": [ "http://thecolbertreport.cc.com/videos/wdhef3/marijuana-legalization-as-election-hot-button-issue", "http://thecolbertreport.cc.com/videos/zy2va1/super-pac-super-cash---24-hour-political-ad-channels", "http://thecolbertreport.cc.com/videos/a5uuwa/cheating-death---penis-curvature-cures---single-women-sleep-aids", "http://thecolbertreport.cc.com/videos/jylspq/steve-coll", "http://thecolbertreport.cc.com/videos/nw9c2r/sign-off---bon-voyage--peter-gwinn" ], "guest": "Steve Coll" }, { "date": "2012-06-18", "videos": [ "http://thecolbertreport.cc.com/videos/34ngb2/intro---6-18-12", "http://thecolbertreport.cc.com/videos/c3nu3d/barack-obama-s-immigration-policy-change", "http://thecolbertreport.cc.com/videos/z9bjae/press-interruption-at-barack-obama-s-immigration-address", "http://thecolbertreport.cc.com/videos/f3coxy/operation-artificial-swedener---sweden-s-response", "http://thecolbertreport.cc.com/videos/x4uwku/paul-krugman", "http://thecolbertreport.cc.com/videos/fdw0ht/sign-off---goodnight" ], "guest": "Paul Krugman" }, { "date": "2012-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/0r91gj/john-kerry-as-mitt-romney-in-debate-prep", "http://thecolbertreport.cc.com/videos/zxypkl/mitt-romney-s-champion-horse---dressage-tribute", "http://thecolbertreport.cc.com/videos/ugscr4/unscooped-dog-poop-crimes", "http://thecolbertreport.cc.com/videos/xdevam/olivia-wilde", "http://thecolbertreport.cc.com/videos/kada0a/sign-off---stephen-s-dressage-dance" ], "guest": "Olivia Wilde" }, { "date": "2012-06-20", "videos": [ "http://thecolbertreport.cc.com/videos/6q5qvo/intro---6-20-12", "http://thecolbertreport.cc.com/videos/w6vibi/asian-immigration-threat", "http://thecolbertreport.cc.com/videos/95tn0n/unraveling-the-operation-fast---furious-scandal", "http://thecolbertreport.cc.com/videos/b65og2/joe-the-plumber-s-controversial-gun-control-ad", "http://thecolbertreport.cc.com/videos/4h0l60/thought-for-food---doritos-tacos---flavorlopes", "http://thecolbertreport.cc.com/videos/lwb6am/daniel-klaidman", "http://thecolbertreport.cc.com/videos/31ptzz/sign-off---goodnight" ], "guest": "Daniel Klaidman" }, { "date": "2012-06-21", "videos": [ "http://thecolbertreport.cc.com/videos/7r29kf/egypt-s-presidential-election---hosni-mubarak-s-health", "http://thecolbertreport.cc.com/videos/zdprqc/threatdown---sicko-penguins--stoner-babies---terrorist-furniture", "http://thecolbertreport.cc.com/videos/5yjil8/operation-artificial-swedener---c-mon-sweden--take-a-chance-on-stephen", "http://thecolbertreport.cc.com/videos/e6ik9l/lawrence-krauss", "http://thecolbertreport.cc.com/videos/e8ivor/sign-off----a-universe-from-nothing-" ], "guest": "Lawrence Krauss" }, { "date": "2012-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/ylc1ta/intro---6-25-12", "http://thecolbertreport.cc.com/videos/cbsvdk/colbert-news-alert---obamacare-supreme-court-ruling", "http://thecolbertreport.cc.com/videos/wn3vzl/colbert-news-alert---obamacare-supreme-court-ruling---richard-mourdock-s-responses", "http://thecolbertreport.cc.com/videos/1nhpf3/the-word---silver-maligning", "http://thecolbertreport.cc.com/videos/0u5f3i/i-s-on-edjukashun---study-drugs", "http://thecolbertreport.cc.com/videos/2q2di6/frank-deford", "http://thecolbertreport.cc.com/videos/wri423/sign-off---five-finger-fillet" ], "guest": "Frank Deford" }, { "date": "2012-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/ifbnsf/intro---6-26-12", "http://thecolbertreport.cc.com/videos/8wlx7c/supreme-court-ruling-on-arizona-immigration-policy", "http://thecolbertreport.cc.com/videos/06bwvh/tip-wag---pixar-s-gay-agenda--america-s-obesity---adidas-shackle-sneakers", "http://thecolbertreport.cc.com/videos/ohfzqq/dish-network-s-autohop-service", "http://thecolbertreport.cc.com/videos/r8iy26/richard-ford", "http://thecolbertreport.cc.com/videos/ybvbi1/sign-off---goodnight" ], "guest": "Richard Ford" }, { "date": "2012-06-27", "videos": [ "http://thecolbertreport.cc.com/videos/g8onr9/colbert-super-pac-treasure-hunt-solution", "http://thecolbertreport.cc.com/videos/gl54n8/mitt-romney-s-victory-retreat---democrats--convention-deficit", "http://thecolbertreport.cc.com/videos/t2x64z/national-geographic-poll-on-alien-invasion-management", "http://thecolbertreport.cc.com/videos/td6pu4/blood-in-the-water---mike-turzai-s-voter-id-remarks", "http://thecolbertreport.cc.com/videos/5em8r3/rainbow-stuffed-gay-pride-oreo", "http://thecolbertreport.cc.com/videos/aj465n/melinda-gates", "http://thecolbertreport.cc.com/videos/bxvxkj/sign-off---oreo-cookie-plate" ], "guest": "Melinda Gates" }, { "date": "2012-06-28", "videos": [ "http://thecolbertreport.cc.com/videos/coii6k/cable-news-gaffe-on-obamacare-supreme-court-ruling", "http://thecolbertreport.cc.com/videos/p7wwtp/john-roberts--obamacare-swing-vote", "http://thecolbertreport.cc.com/videos/n5b9bc/obamacare---the-broccoli-argument", "http://thecolbertreport.cc.com/videos/xqmuun/obamacare---the-broccoli-argument---emily-bazelon", "http://thecolbertreport.cc.com/videos/843q05/aaron-sorkin", "http://thecolbertreport.cc.com/videos/hdpyh9/colbert-super-pac---super-fun-pack-treasure-finder" ], "guest": "Aaron Sorkin" }, { "date": "2012-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/rkamql/intro---7-16-12", "http://thecolbertreport.cc.com/videos/nw0ci8/tomkat-s-divorce---anderson-cooper-s-sexual-orientation", "http://thecolbertreport.cc.com/videos/xmrkal/mitt-romney-s-retroactive-retirement-from-bain-capital", "http://thecolbertreport.cc.com/videos/hs3epw/thought-for-food---caffeine-edition---funeral-home-starbucks---car-coffee-makers", "http://thecolbertreport.cc.com/videos/gxb8p4/anne-marie-slaughter", "http://thecolbertreport.cc.com/videos/nj5kky/sign-off---smiles-or-whatever" ], "guest": "Anne-Marie Slaughter" }, { "date": "2012-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/5r1yvx/nevada-s--none-of-the-above--is-fearsome-foe-for-gop", "http://thecolbertreport.cc.com/videos/577ry9/the-word---on-the-straight---narrow-minded", "http://thecolbertreport.cc.com/videos/xrrg9u/who-s-honoring-me-now----philadelphia-s-rosenbach-museum-and-library", "http://thecolbertreport.cc.com/videos/8qe1km/nas" ], "guest": "Nas" }, { "date": "2012-07-18", "videos": [ "http://thecolbertreport.cc.com/videos/xiottz/intro---7-18-12", "http://thecolbertreport.cc.com/videos/jhpgom/-struggling--waiters---waitresses-at-mitt-romney-s-fundraiser", "http://thecolbertreport.cc.com/videos/40x15i/tip-wag---christian-tablet-computer---rock-paper-scissors-robot", "http://thecolbertreport.cc.com/videos/5qgquz/stephen-colbert-s-metunes---def-leppard-s--forgeries--of-old-hits", "http://thecolbertreport.cc.com/videos/67w2nh/annise-parker", "http://thecolbertreport.cc.com/videos/2wz88p/sign-off---goodnight" ], "guest": "Mayor Annise D. Parker" }, { "date": "2012-07-19", "videos": [ "http://thecolbertreport.cc.com/videos/h8wtk8/fred-willard-arrested-for-lewd-conduct", "http://thecolbertreport.cc.com/videos/64cfhk/libor-interest-rate-scandal", "http://thecolbertreport.cc.com/videos/7dpxne/libor-interest-rate-scandal---dave-leonhardt", "http://thecolbertreport.cc.com/videos/uknspr/canada-s-economic-growth-despite-melting-currency", "http://thecolbertreport.cc.com/videos/xfd2bp/lisa-jackson", "http://thecolbertreport.cc.com/videos/iw4bs9/sign-off---goodnight" ], "guest": "Lisa Jackson" }, { "date": "2012-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/imdi3o/intro---7-23-12", "http://thecolbertreport.cc.com/videos/0xmom4/interview-no-show--mike-tyson", "http://thecolbertreport.cc.com/videos/v7f1z0/shepard-smith-s-personal-reporting-style", "http://thecolbertreport.cc.com/videos/p2oill/partisan-speculation-over-colorado-shooter", "http://thecolbertreport.cc.com/videos/3cxwny/vikram-gandhi", "http://thecolbertreport.cc.com/videos/rwkf73/sign-off---goodnight" ], "guest": "Vikram Gandhi" }, { "date": "2012-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/knsr5h/intro---7-24-12", "http://thecolbertreport.cc.com/videos/h74nmb/hamster-study-links-late-night-tv-with-depression", "http://thecolbertreport.cc.com/videos/zxif76/u-s--agriculture---drought-disaster", "http://thecolbertreport.cc.com/videos/x2crx4/u-s--agriculture---drought-disaster---bruce-babcock", "http://thecolbertreport.cc.com/videos/bov9or/james-fallows", "http://thecolbertreport.cc.com/videos/lpy9h0/sign-off---goodnight" ], "guest": "James Fallows" }, { "date": "2012-07-25", "videos": [ "http://thecolbertreport.cc.com/videos/0mcg76/mitt-romney-s-anglo-saxon-connection", "http://thecolbertreport.cc.com/videos/w5w9pn/mitt-romney-vs--barack-obama-on-small-business-owners", "http://thecolbertreport.cc.com/videos/x14yw9/the-word---1-man-show", "http://thecolbertreport.cc.com/videos/f7r40e/bibles-swapped-for--fifty-shades-of-grey-", "http://thecolbertreport.cc.com/videos/4414pc/dan-gross", "http://thecolbertreport.cc.com/videos/e1brl1/sign-off---goodnight" ], "guest": "Dan Gross" }, { "date": "2012-07-26", "videos": [ "http://thecolbertreport.cc.com/videos/vqlxb2/intro---7-26-12", "http://thecolbertreport.cc.com/videos/4fk2ow/sport-report---stephen-colbefrajilympic-expealacoverage-", "http://thecolbertreport.cc.com/videos/kycpil/mitt-romney-s-london-olympics-blunder", "http://thecolbertreport.cc.com/videos/lra5ae/chick-fil-a-s-anti-gay-marriage-announcement", "http://thecolbertreport.cc.com/videos/4nngh8/peter-westmacott", "http://thecolbertreport.cc.com/videos/ccwpvt/sign-off---colbert-nation-twins" ], "guest": "Amb. Peter Westmacott" }, { "date": "2012-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/70ka18/mitt-romney-s-disinterest-in-dressage", "http://thecolbertreport.cc.com/videos/lav3uh/stephen-s-dressage-training-pt--1", "http://thecolbertreport.cc.com/videos/zdpacy/tony-robbins--signature-firewalk", "http://thecolbertreport.cc.com/videos/554xm8/joan-rivers", "http://thecolbertreport.cc.com/videos/d69lls/sign-off----i-hate-everyone----starting-with-me-" ], "guest": "Joan Rivers" }, { "date": "2012-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/d1pkf4/intro---7-31-12", "http://thecolbertreport.cc.com/videos/sbevip/rick-gorka-s-press-outburst-in-poland", "http://thecolbertreport.cc.com/videos/8qmv9k/rafalca-s-impact-on-mitt-romney-s-vp-pick", "http://thecolbertreport.cc.com/videos/f5vsty/stephen-s-dressage-training-pt--2", "http://thecolbertreport.cc.com/videos/lfsrga/stephest-colbchella--012---rocktaugustfest", "http://thecolbertreport.cc.com/videos/p9ejfs/jeff-koons", "http://thecolbertreport.cc.com/videos/e0ikf9/sign-off---goodnight" ], "guest": "Jeff Koons" }, { "date": "2012-08-01", "videos": [ "http://thecolbertreport.cc.com/videos/fjidln/obama-administration-s-birth-control-mandate", "http://thecolbertreport.cc.com/videos/llkyw5/the--fiscal-cliff--conundrum---grover-norquist-s-tax-pledge", "http://thecolbertreport.cc.com/videos/u1lf6f/sport-report---stephen-colbefrajilympic-expealacoverage----gymnastics---swimming", "http://thecolbertreport.cc.com/videos/gayfdj/john-grunsfeld", "http://thecolbertreport.cc.com/videos/gwa2y4/sign-off---totem" ], "guest": "John Grunsfeld" }, { "date": "2012-08-02", "videos": [ "http://thecolbertreport.cc.com/videos/x1we2u/exclusive---better-know-a-district---missouri-s-3rd-or-1st---russ-carnahan", "http://thecolbertreport.cc.com/videos/3wx6bt/rafalca-s-first-day-of-dressage", "http://thecolbertreport.cc.com/videos/ql0bqa/nancy-pelosi-s-bkad-pact---the-disclose-act-filibuster", "http://thecolbertreport.cc.com/videos/tdj576/better-know-a-district---missouri-s-3rd-or-1st---russ-carnahan", "http://thecolbertreport.cc.com/videos/t85slm/thought-for-food---usda-meatless-mondays---plant-communication-research", "http://thecolbertreport.cc.com/videos/fyzakp/chris-hayes", "http://thecolbertreport.cc.com/videos/m1idm3/sign-off---carrot-nibble" ], "guest": "Chris Hayes" }, { "date": "2012-08-06", "videos": [ "http://thecolbertreport.cc.com/videos/kz6vda/intro---8-6-12", "http://thecolbertreport.cc.com/videos/h9qt0r/mars-rover-landing", "http://thecolbertreport.cc.com/videos/w2s6c0/chick-fil-a-appreciation-day", "http://thecolbertreport.cc.com/videos/x7yc4w/pete-seeger", "http://thecolbertreport.cc.com/videos/aj407y/sign-off----pete-seeger--in-his-own-words-" ], "guest": "Pete Seeger" }, { "date": "2012-08-07", "videos": [ "http://thecolbertreport.cc.com/videos/1vt8t5/sport-report---stephen-colbefrajilympic-expealacoverage----soft-anti-americanism", "http://thecolbertreport.cc.com/videos/k4260i/mitt-romney-s-protective-press-pool---running-mate-clues", "http://thecolbertreport.cc.com/videos/q82dz5/steve-king-s-dogfighting-defense", "http://thecolbertreport.cc.com/videos/nlroaz/mark-shriver", "http://thecolbertreport.cc.com/videos/jx7y7x/sign-off---goodnight" ], "guest": "Mark Shriver" }, { "date": "2012-08-08", "videos": [ "http://thecolbertreport.cc.com/videos/23mkh8/intro---8-8-12", "http://thecolbertreport.cc.com/videos/4fqxvr/obamacare---pizza-costs", "http://thecolbertreport.cc.com/videos/h3tu8s/cheating-death---sensor-enabled-pills---facelift-bungee-cords", "http://thecolbertreport.cc.com/videos/zgmish/liza-mundy", "http://thecolbertreport.cc.com/videos/d5p8ok/sign-off---vacsa-strap" ], "guest": "Liza Mundy" }, { "date": "2012-08-09", "videos": [ "http://thecolbertreport.cc.com/videos/8gpwtc/anti-muslim-attack-on-hillary-clinton-aide", "http://thecolbertreport.cc.com/videos/sr618c/better-know-a-district---minnesota-s-5th---keith-ellison", "http://thecolbertreport.cc.com/videos/zzeqj6/who-s-honoring-me-now----psychonomic-bulletin---review", "http://thecolbertreport.cc.com/videos/i891sf/woody-harrelson", "http://thecolbertreport.cc.com/videos/nynu71/sign-off---goodnight" ], "guest": "Woody Harrelson" }, { "date": "2012-08-13", "videos": [ "http://thecolbertreport.cc.com/videos/d4650t/stephest-colbchella--012---welcome-to-rocktaugustfest", "http://thecolbertreport.cc.com/videos/6jv3cb/mitt-romney-s-bold-running-mate-pick", "http://thecolbertreport.cc.com/videos/wk9zh3/stephest-colbchella--012---fun-", "http://thecolbertreport.cc.com/videos/r9jxwl/sign-off---stephest-colbchella--012---t-mobile-goodnight" ], "guest": "Fun." }, { "date": "2012-08-14", "videos": [ "http://thecolbertreport.cc.com/videos/9sxdgp/stephest-colbchella--012---rocktaugustfest-night-two", "http://thecolbertreport.cc.com/videos/ovgwtm/mitt-romney-s---paul-ryan-s-foreign-policy-credentials", "http://thecolbertreport.cc.com/videos/ajslu2/-stars-earn-stripes--reality-series", "http://thecolbertreport.cc.com/videos/4uk1xx/stephest-colbchella--012---grizzly-bear", "http://thecolbertreport.cc.com/videos/1eoihc/sign-off---stephest-colbchella--012---t-mobile-goodnight-auditions" ], "guest": "Grizzly Bear" }, { "date": "2012-08-15", "videos": [ "http://thecolbertreport.cc.com/videos/jus7dh/exclusive---stephest-colbchella--012---concert-setup-timelapse", "http://thecolbertreport.cc.com/videos/lkqb8i/stephest-colbchella--012---rocktaugustfest-night-three", "http://thecolbertreport.cc.com/videos/iwgkv9/fierce-five-interns", "http://thecolbertreport.cc.com/videos/tzk5xz/stephest-colbchella--012---intrepid-sea--air---space-museum", "http://thecolbertreport.cc.com/videos/buxzdm/stephest-colbchella--012---santigold", "http://thecolbertreport.cc.com/videos/891lvk/sign-off---stephest-colbchella--012---t-mobile-goodnight-with-grandmaster-flash" ], "guest": "The U.S. Women's Olympic Gymnastics team, Santigold" }, { "date": "2012-08-16", "videos": [ "http://thecolbertreport.cc.com/videos/bx6qnh/stephest-colbchella--012---rocktaugustfest-night-four", "http://thecolbertreport.cc.com/videos/tgqk3o/mitt-romney---paul-ryan---the-dynam-ish-duo", "http://thecolbertreport.cc.com/videos/ymbqe6/17th-amendment-under-attack", "http://thecolbertreport.cc.com/videos/x5cie8/stephest-colbchella--012---wayne-coyne", "http://thecolbertreport.cc.com/videos/ez1hov/sign-off---stephest-colbchella--012---t-mobile-goodnight-in-a-bubble" ], "guest": "The Flaming Lips" }, { "date": "2012-08-28", "videos": [ "http://thecolbertreport.cc.com/videos/z0q2d6/hurricane-isaac-at-gop-convention", "http://thecolbertreport.cc.com/videos/2a1lg4/colbert-super-pac---hurricane-isaac---stephen-s-money-convention", "http://thecolbertreport.cc.com/videos/kcyg86/todd-akin-s-abortion-gaffe", "http://thecolbertreport.cc.com/videos/2f1kwv/andrew-sullivan", "http://thecolbertreport.cc.com/videos/qomrph/sign-off---goodnight" ], "guest": "Andrew Sullivan" }, { "date": "2012-08-29", "videos": [ "http://thecolbertreport.cc.com/videos/ane28t/america-strikes-back---episode-ii---return-of-the-america-strikes-back--again", "http://thecolbertreport.cc.com/videos/std0vn/the-mitt-romney-story", "http://thecolbertreport.cc.com/videos/3teieb/the-mitt-romney-story---ann-romney-s-gop-convention-speech", "http://thecolbertreport.cc.com/videos/w1ej3a/mitt-romney-s-role-model", "http://thecolbertreport.cc.com/videos/n7yuw7/ayn-rand---paul-ryan", "http://thecolbertreport.cc.com/videos/v0fegj/jennifer-burns", "http://thecolbertreport.cc.com/videos/gxzmx3/sign-off---goodnight" ], "guest": "Jennifer Burns" }, { "date": "2012-08-30", "videos": [ "http://thecolbertreport.cc.com/videos/0pjdyn/america-strikes-back---episode-iii---the-phantom-money", "http://thecolbertreport.cc.com/videos/7543m5/the-gop-convention---mitt-romney-s-minority-appeal", "http://thecolbertreport.cc.com/videos/vo7txi/paul-ryan-s-misleading-gop-convention-speech", "http://thecolbertreport.cc.com/videos/ghjrfh/jon-huntsman-pt--1", "http://thecolbertreport.cc.com/videos/93jjo7/jon-huntsman-pt--2", "http://thecolbertreport.cc.com/videos/vi4rti/sign-off---goodnight" ], "guest": "Jon Huntsman" }, { "date": "2012-08-31", "videos": [ "http://thecolbertreport.cc.com/videos/x9yoif/america-strikes-back---episode-iv---a-new-ish-hope", "http://thecolbertreport.cc.com/videos/9czru3/mitt-romney-s--solid--gop-convention-speech", "http://thecolbertreport.cc.com/videos/spqhue/the-gop-convention-s-mystery-speaker", "http://thecolbertreport.cc.com/videos/qrijg7/the-gop-convention-s-mystery-speaker---clint-eastwood-s-chair", "http://thecolbertreport.cc.com/videos/cx5s7v/neil-armstrong-tribute", "http://thecolbertreport.cc.com/videos/n0qmbf/james-carville", "http://thecolbertreport.cc.com/videos/2cv31s/sign-off---goodnight" ], "guest": "James Carville" }, { "date": "2012-09-04", "videos": [ "http://thecolbertreport.cc.com/videos/r83jxh/exclusive---better-know-a-district---new-york-s-9th---yvette-clarke", "http://thecolbertreport.cc.com/videos/mxucyy/the-2012-people-s-party-congress-of-charlotte", "http://thecolbertreport.cc.com/videos/bg56qn/better-know-a-district---new-york-s-9th---yvette-clarke", "http://thecolbertreport.cc.com/videos/cy97ce/paul-ryan-s-marathon-time-gaffe", "http://thecolbertreport.cc.com/videos/stj7xj/reihan-salam", "http://thecolbertreport.cc.com/videos/awwi1z/sign-off---goodnight" ], "guest": "Reihan Salam" }, { "date": "2012-09-05", "videos": [ "http://thecolbertreport.cc.com/videos/4axjsp/the-2012-people-s-party-congress-of-charlotte---sound-system", "http://thecolbertreport.cc.com/videos/lnxbm7/the-2012-people-s-party-congress-of-charlotte---michelle-obama---tammy-duckworth", "http://thecolbertreport.cc.com/videos/zp0jy0/the-2012-people-s-party-congress-of-charlotte---michelle-obama-s-speech-tweets", "http://thecolbertreport.cc.com/videos/75ubcv/sport-report---nfl-referee-lockout", "http://thecolbertreport.cc.com/videos/fjhhan/michael-grunwald", "http://thecolbertreport.cc.com/videos/05j0ux/sign-off---goodnight" ], "guest": "Michael Grunwald" }, { "date": "2012-09-06", "videos": [ "http://thecolbertreport.cc.com/videos/vf84g8/the-2012-people-s-party-congress-of-charlotte---avoiding-water-gate--day-1", "http://thecolbertreport.cc.com/videos/qfodha/the-2012-people-s-party-congress-of-charlotte---bill-clinton---hill-poll", "http://thecolbertreport.cc.com/videos/p7kw6y/the-2012-people-s-party-congress-of-charlotte---god---jerusalem", "http://thecolbertreport.cc.com/videos/epwrup/bill-richardson", "http://thecolbertreport.cc.com/videos/8ivg8l/sign-off---taco-plate" ], "guest": "Bill Richardson" }, { "date": "2012-09-07", "videos": [ "http://thecolbertreport.cc.com/videos/9wdqkq/the-2012-people-s-party-congress-of-charlotte---youth-vote", "http://thecolbertreport.cc.com/videos/cr72mv/the-2012-people-s-party-congress-of-charlotte---tom-brokaw---barack-obama", "http://thecolbertreport.cc.com/videos/l9ys9b/rnc-convention-vs--dnc-convention", "http://thecolbertreport.cc.com/videos/6oqr0u/the-2012-people-s-party-congress-of-charlotte---colbert-bump", "http://thecolbertreport.cc.com/videos/oq50sl/ed-rendell", "http://thecolbertreport.cc.com/videos/fbd0do/sign-off---goodnight" ], "guest": "Ed Rendell" }, { "date": "2012-09-17", "videos": [ "http://thecolbertreport.cc.com/videos/ohliey/intro---9-17-12", "http://thecolbertreport.cc.com/videos/q2ib3a/values-voter-summit-gaffe", "http://thecolbertreport.cc.com/videos/kelspo/mitt-romney-s-libya-comments", "http://thecolbertreport.cc.com/videos/liknzb/atone-phone---ira-glass-calls", "http://thecolbertreport.cc.com/videos/454q6n/drew-faust", "http://thecolbertreport.cc.com/videos/lh4d2v/sign-off---shofar" ], "guest": "Drew Faust" }, { "date": "2012-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/v7w7w3/intro---9-18-12", "http://thecolbertreport.cc.com/videos/53lqfp/logo-makeover-for-usa-today", "http://thecolbertreport.cc.com/videos/dsvsbf/mitt-romney-s-secret-video", "http://thecolbertreport.cc.com/videos/m021ol/tip-wag---apple-samsung-lawsuit---tabloid-clash", "http://thecolbertreport.cc.com/videos/ni1t1w/jeffrey-toobin", "http://thecolbertreport.cc.com/videos/qteu69/sign-off---shrimp-toss" ], "guest": "Jeffrey Toobin" }, { "date": "2012-09-19", "videos": [ "http://thecolbertreport.cc.com/videos/8pu5um/intro---9-19-12", "http://thecolbertreport.cc.com/videos/yf80jg/mitt-romney-s---barack-obama-s-secret-videos", "http://thecolbertreport.cc.com/videos/rdsd7t/the-word---ask-not", "http://thecolbertreport.cc.com/videos/4yfsux/wife-of-jesus", "http://thecolbertreport.cc.com/videos/3vyhzj/itzhak-perlman" ], "guest": "Itzhak Perlman" }, { "date": "2012-09-20", "videos": [ "http://thecolbertreport.cc.com/videos/8f3t3h/vladimir-putin-s-crane-flight", "http://thecolbertreport.cc.com/videos/asy3gz/mitt-romney-s-hispanic-outreach", "http://thecolbertreport.cc.com/videos/3f13ot/mitt-romney-s-hispanic-outreach---esteban-colberto", "http://thecolbertreport.cc.com/videos/2ufg9n/alpha-dog-of-the-week---cecilia-gimenez", "http://thecolbertreport.cc.com/videos/nxad9d/errol-morris", "http://thecolbertreport.cc.com/videos/sbgok9/sign-off---ask-o-matic" ], "guest": "Errol Morris" }, { "date": "2012-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/kke43t/intro---9-25-12", "http://thecolbertreport.cc.com/videos/ahsdxc/mitt-romney-s-airplane-window-gaffe", "http://thecolbertreport.cc.com/videos/495xja/national-journal-poll", "http://thecolbertreport.cc.com/videos/9vebvz/-rolling-calamity--campaign----america-again--preview", "http://thecolbertreport.cc.com/videos/vk8jsq/sport-report---nfl-referee-lockout---replacement-refs---ratings", "http://thecolbertreport.cc.com/videos/1my2a8/claressa-shields", "http://thecolbertreport.cc.com/videos/n6n3t7/sign-off----america-again-" ], "guest": "Claressa Shields" }, { "date": "2012-09-26", "videos": [ "http://thecolbertreport.cc.com/videos/dfrukr/intro---9-26-12", "http://thecolbertreport.cc.com/videos/diooyo/yom-kippur---aporkalypse", "http://thecolbertreport.cc.com/videos/pnhcq0/obama-s-ottoman-empire", "http://thecolbertreport.cc.com/videos/kzi40s/40-days-to-save-america", "http://thecolbertreport.cc.com/videos/lsl385/jim-holt", "http://thecolbertreport.cc.com/videos/jwctvx/sign-off---turkish-delight" ], "guest": "Jim Holt" }, { "date": "2012-09-27", "videos": [ "http://thecolbertreport.cc.com/videos/373l0t/-america-again--re-becoming-the-greatness-we-never-weren-t-", "http://thecolbertreport.cc.com/videos/s9359o/mitt-romney-s-sliding-poll-numbers", "http://thecolbertreport.cc.com/videos/zpnkfm/-skewed--presidential-polls", "http://thecolbertreport.cc.com/videos/7tmsil/vince-gilligan-pt--1", "http://thecolbertreport.cc.com/videos/e6j3e4/vince-gilligan-pt--2", "http://thecolbertreport.cc.com/videos/xrnkns/sign-off----america-again-" ], "guest": "Vince Gilligan" }, { "date": "2012-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/21ytsa/mitt-romney-s-tax-plan-math", "http://thecolbertreport.cc.com/videos/v5694x/the-word---supply-chained", "http://thecolbertreport.cc.com/videos/h64sbo/mahmoud-ahmadinejad-s-un-entourage", "http://thecolbertreport.cc.com/videos/k9q5kh/ben-folds-five" ], "guest": "Ben Folds Five" }, { "date": "2012-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/5ujlwr/intro---10-2-12", "http://thecolbertreport.cc.com/videos/yeek7a/-america-again--release", "http://thecolbertreport.cc.com/videos/cy7c9f/pulpit-freedom-sunday", "http://thecolbertreport.cc.com/videos/x5r0se/pulpit-freedom-sunday---jim-garlow", "http://thecolbertreport.cc.com/videos/oe7wh2/debate-hype---mitt-s-strategy", "http://thecolbertreport.cc.com/videos/78yg26/jorge-ramos", "http://thecolbertreport.cc.com/videos/dictxb/sign-off----america-again--release" ], "guest": "Jorge Ramos" }, { "date": "2012-10-03", "videos": [ "http://thecolbertreport.cc.com/videos/ef28hc/intro---10-3-12", "http://thecolbertreport.cc.com/videos/05md2w/presidential-debates---mitt-romney-s-re-introduction", "http://thecolbertreport.cc.com/videos/2cmp66/george-will-s-political-post-racial-journalism", "http://thecolbertreport.cc.com/videos/idoutl/cheating-death---low-t", "http://thecolbertreport.cc.com/videos/nw3yhm/kenny-rogers", "http://thecolbertreport.cc.com/videos/rt3hz7/sign-off---banana-phone" ], "guest": "Kenny Rogers" }, { "date": "2012-10-04", "videos": [ "http://thecolbertreport.cc.com/videos/5uncqq/obama-s-debate-apathy---pbs", "http://thecolbertreport.cc.com/videos/cl08kb/chris-matthews-s-impotent-rage", "http://thecolbertreport.cc.com/videos/inrj8y/mitt-s-socialist-rhetoric---body-language", "http://thecolbertreport.cc.com/videos/mw7xqx/mitt-s--etch-a-sketch--behavior", "http://thecolbertreport.cc.com/videos/nvjrik/voter-fraud-alert---halloween---pennsylvania", "http://thecolbertreport.cc.com/videos/fkt99i/george-church", "http://thecolbertreport.cc.com/videos/8vqy9e/sign-off---rabbit-food" ], "guest": "Dr. George Church" }, { "date": "2012-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/ohtrd9/intro---10-8-12", "http://thecolbertreport.cc.com/videos/53brnc/unemployment-below-eight-percent", "http://thecolbertreport.cc.com/videos/uey9b0/the-word---it-s-not-easy-having-green", "http://thecolbertreport.cc.com/videos/s8mn29/koch-brothers---orc-senate-candidate", "http://thecolbertreport.cc.com/videos/43khod/mark-kelly", "http://thecolbertreport.cc.com/videos/sq2eio/sign-off---welcome-baby-brumm-" ], "guest": "Mark Kelly" }, { "date": "2012-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/htdpl2/intro---10-9-12", "http://thecolbertreport.cc.com/videos/69kfag/president-obama-s-obsessiveness-plea", "http://thecolbertreport.cc.com/videos/0g0ihq/smokin--pole---the-quest-for-arctic-riches---china---russia", "http://thecolbertreport.cc.com/videos/fu9mpp/mitt-romney-s-vague--long-winded-foreign-threats", "http://thecolbertreport.cc.com/videos/fgftvy/morrissey" ], "guest": "Morrissey" }, { "date": "2012-10-10", "videos": [ "http://thecolbertreport.cc.com/videos/4jb3d3/intro---10-10-12", "http://thecolbertreport.cc.com/videos/ejqp1v/beverage-based-polling---pizza-toppings-town-hall", "http://thecolbertreport.cc.com/videos/jur0u9/the-word---meducation", "http://thecolbertreport.cc.com/videos/t1y0rc/threatdown---apple-fan-bears--drunk-cars---bears", "http://thecolbertreport.cc.com/videos/plccwf/naomi-wolf", "http://thecolbertreport.cc.com/videos/od1her/sign-off----vagina--a-new-biography-" ], "guest": "Naomi Wolf" }, { "date": "2012-10-11", "videos": [ "http://thecolbertreport.cc.com/videos/6smkkc/intro---10-11-12", "http://thecolbertreport.cc.com/videos/kiyawb/the-vice-presidential-debate", "http://thecolbertreport.cc.com/videos/s190yi/this-changes-everything---obama-s-martian-gayness", "http://thecolbertreport.cc.com/videos/2ksunf/formidable-opponent---mitt-romney", "http://thecolbertreport.cc.com/videos/xhdwfk/chrystia-freeland", "http://thecolbertreport.cc.com/videos/zr1go5/sign-off---goodnight" ], "guest": "Chrystia Freeland" }, { "date": "2012-10-15", "videos": [ "http://thecolbertreport.cc.com/videos/fuzsdf/intro---10-15-12", "http://thecolbertreport.cc.com/videos/0bmyur/supersonic-space-jump", "http://thecolbertreport.cc.com/videos/iudpa7/tip-wag---norway---american-family-association", "http://thecolbertreport.cc.com/videos/0q2emr/monkey-on-the-lam---florida---monkey-on-the-gram", "http://thecolbertreport.cc.com/videos/zj6xib/evan-thomas", "http://thecolbertreport.cc.com/videos/n0kt18/sign-off---goodnight" ], "guest": "Evan Thomas" }, { "date": "2012-10-16", "videos": [ "http://thecolbertreport.cc.com/videos/keo9r0/the-wealth-edge----cool--debate-technology", "http://thecolbertreport.cc.com/videos/4aqbh6/affirmative-action-supreme-court-case", "http://thecolbertreport.cc.com/videos/y46z6y/affirmative-action-supreme-court-case---emily-bazelon", "http://thecolbertreport.cc.com/videos/4uld4g/paul-ryan-s-phony-campaign-photo", "http://thecolbertreport.cc.com/videos/4c7frp/cory-booker", "http://thecolbertreport.cc.com/videos/juen77/sign-off---iphone" ], "guest": "Cory Booker" }, { "date": "2012-10-17", "videos": [ "http://thecolbertreport.cc.com/videos/wd584x/second-presidential-debate-showdown", "http://thecolbertreport.cc.com/videos/rjvmac/libya-gate-scandal", "http://thecolbertreport.cc.com/videos/j531em/stupid-town-hall-topics", "http://thecolbertreport.cc.com/videos/jr7tf6/mitt-s-greatest-debate-triumph", "http://thecolbertreport.cc.com/videos/hhxtxg/alpha-dog-of-the-week---scott-desjarlais", "http://thecolbertreport.cc.com/videos/f4jil4/tyler-perry", "http://thecolbertreport.cc.com/videos/namywp/sign-off---loose-teeth" ], "guest": "Tyler Perry" }, { "date": "2012-10-18", "videos": [ "http://thecolbertreport.cc.com/videos/1dfeya/celebrity-campaign-endorsements", "http://thecolbertreport.cc.com/videos/rgzljg/mitt-s-first-day", "http://thecolbertreport.cc.com/videos/2q39xi/junk-food-feed", "http://thecolbertreport.cc.com/videos/xttei6/special-report---a-shucking-disaster---nightmare-at-the-mitchell-corn-palace", "http://thecolbertreport.cc.com/videos/t8vgd4/the-killers", "http://thecolbertreport.cc.com/videos/ieuitc/sign-off----battle-born-" ], "guest": "The Killers" }, { "date": "2012-10-22", "videos": [ "http://thecolbertreport.cc.com/videos/0t7wmw/virginia-s-voter-fraud-fighter", "http://thecolbertreport.cc.com/videos/jhyr4v/ceo-blackmail---fec-consent", "http://thecolbertreport.cc.com/videos/t1yx0h/governor-magorium-s-ganja-emporium", "http://thecolbertreport.cc.com/videos/8uddyg/donald-sadoway", "http://thecolbertreport.cc.com/videos/czceut/sign-off---goodnight" ], "guest": "Donald Sadoway" }, { "date": "2012-10-23", "videos": [ "http://thecolbertreport.cc.com/videos/nept6x/stephen-colbert-s-debate-2012-coverage", "http://thecolbertreport.cc.com/videos/wowfoq/elusive--mysterious--undecided-voters", "http://thecolbertreport.cc.com/videos/twexhe/lance-armstrong-s-doping-scandal", "http://thecolbertreport.cc.com/videos/hrawp4/john-grisham", "http://thecolbertreport.cc.com/videos/rxk7z1/sign-off---manischewitz" ], "guest": "John Grisham" }, { "date": "2012-10-24", "videos": [ "http://thecolbertreport.cc.com/videos/3gbfdl/intro---10-24-12", "http://thecolbertreport.cc.com/videos/ifrr4g/donald-trump-s-october-surprise", "http://thecolbertreport.cc.com/videos/n9028e/nonstop-libya-gate-questions", "http://thecolbertreport.cc.com/videos/gzidte/richard-mourdock-s-rape-comment", "http://thecolbertreport.cc.com/videos/swkt4w/anthony-everitt", "http://thecolbertreport.cc.com/videos/ug2zqb/sign-off---gop-rape-mention-tally" ], "guest": "Anthony Everitt" }, { "date": "2012-10-25", "videos": [ "http://thecolbertreport.cc.com/videos/7k4pkh/intro---10-25-12", "http://thecolbertreport.cc.com/videos/a0h9on/voting---hormones", "http://thecolbertreport.cc.com/videos/zu00re/stephen-ghoulbert-s-spooky-time-halloween-fun-guide---tom-hanks", "http://thecolbertreport.cc.com/videos/pb058e/mitch-daniels-pt--1", "http://thecolbertreport.cc.com/videos/9tzl4i/mitch-daniels-pt--2", "http://thecolbertreport.cc.com/videos/pstvp6/sign-off---murderer-skull-model" ], "guest": "Gov. Mitch Daniels" }, { "date": "2012-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/rky5ab/hurricane-sandy-s-aftermath", "http://thecolbertreport.cc.com/videos/ey2jqz/hurricane-sandy---election-day", "http://thecolbertreport.cc.com/videos/lk60fg/flamboyant-sandy---federal-relief-debate", "http://thecolbertreport.cc.com/videos/5vx4ad/donald-trump-s-october-surprise-extension", "http://thecolbertreport.cc.com/videos/x89ju7/lilly-ledbetter", "http://thecolbertreport.cc.com/videos/jqfgo3/sign-off---american-red-cross---hurricane-sandy" ], "guest": "Lilly Ledbetter" }, { "date": "2012-11-01", "videos": [ "http://thecolbertreport.cc.com/videos/hk2ox4/intro---11-1-12", "http://thecolbertreport.cc.com/videos/mtuxrh/hurricane-sandy-traffic-ordeal", "http://thecolbertreport.cc.com/videos/pdmw4z/tip-wag---constant-documentation---billy-graham", "http://thecolbertreport.cc.com/videos/rmzkbz/david-byrne---st--vincent", "http://thecolbertreport.cc.com/videos/w4v4gd/sign-off---american-red-cross---hurricane-sandy" ], "guest": "David Byrne &amp; St. Vincent" }, { "date": "2012-11-05", "videos": [ "http://thecolbertreport.cc.com/videos/mm7c7b/colbert-super-pac---severe-candidate-warning", "http://thecolbertreport.cc.com/videos/h3qcht/shame-based-campaigning", "http://thecolbertreport.cc.com/videos/ga4hky/shame-based-campaigning---sasha-issenberg", "http://thecolbertreport.cc.com/videos/ef460s/-razor-tight--presidential-election", "http://thecolbertreport.cc.com/videos/tl7vb4/nate-silver", "http://thecolbertreport.cc.com/videos/i1cdch/sign-off---go-vote-" ], "guest": "Nate Silver" }, { "date": "2012-11-06", "videos": [ "http://thecolbertreport.cc.com/videos/2wfr8k/the-colbert-report-election-2012---who-will-replace-obama---012", "http://thecolbertreport.cc.com/videos/ydqq2x/the-colbert-report-election-2012---too-close-to-call", "http://thecolbertreport.cc.com/videos/b9hvj6/andrew-sullivan", "http://thecolbertreport.cc.com/videos/vghwne/senate-races---state-referenda", "http://thecolbertreport.cc.com/videos/cao81i/sign-off---election-reflections" ], "guest": "Andrew Sullivan" }, { "date": "2012-11-07", "videos": [ "http://thecolbertreport.cc.com/videos/d96ihg/intro---11-7-12", "http://thecolbertreport.cc.com/videos/zviz5s/four-more-years-of-hopey-change", "http://thecolbertreport.cc.com/videos/hbkurh/nontraditional-non-white-america", "http://thecolbertreport.cc.com/videos/btqtta/polling-irregularities---vote-by-phone-scam", "http://thecolbertreport.cc.com/videos/wjevw3/wind-power-s-health-hazards", "http://thecolbertreport.cc.com/videos/xs8d72/doris-kearns-goodwin", "http://thecolbertreport.cc.com/videos/6iwo2a/sign-off---solace-in-a-bottle" ], "guest": "Doris Kearns Goodwin" }, { "date": "2012-11-08", "videos": [ "http://thecolbertreport.cc.com/videos/lttdhm/intro---11-8-12", "http://thecolbertreport.cc.com/videos/op51y2/nor-easter---mitt-romney", "http://thecolbertreport.cc.com/videos/ryj0jw/difference-makers---stephen-dick-jr-", "http://thecolbertreport.cc.com/videos/25lwb9/the-plight-of-platonic-relationships", "http://thecolbertreport.cc.com/videos/doygtf/rachel-maddow", "http://thecolbertreport.cc.com/videos/jzxfgf/sign-off---goodnight" ], "guest": "Rachel Maddow" }, { "date": "2012-11-12", "videos": [ "http://thecolbertreport.cc.com/videos/3szdub/david-petraeus-s--all-in--affair", "http://thecolbertreport.cc.com/videos/kj1cs9/colbert-super-pac-shh----karl-rove---jon-stewart", "http://thecolbertreport.cc.com/videos/66y7dx/colbert-super-pac-shh----secret-second-501c4---trevor-potter", "http://thecolbertreport.cc.com/videos/tl4uce/blitzkrieg-on-grinchitude---santa-s-pipe", "http://thecolbertreport.cc.com/videos/6vpcf3/ken-burns", "http://thecolbertreport.cc.com/videos/3w1i4s/sign-off---goodbye-colbert-super-pac" ], "guest": "Ken Burns" }, { "date": "2012-11-13", "videos": [ "http://thecolbertreport.cc.com/videos/i9yvhl/intro---11-13-12", "http://thecolbertreport.cc.com/videos/uml8yd/2072--race-to-the-white-orb", "http://thecolbertreport.cc.com/videos/s5vmrx/tip-wag---pranab-mukherjee--brazilian-scientists--sonia-sotomayor", "http://thecolbertreport.cc.com/videos/icmpvx/newt-gingrich-pt--1", "http://thecolbertreport.cc.com/videos/61deqz/newt-gingrich-pt--2", "http://thecolbertreport.cc.com/videos/ujlf67/sign-off---goodnight" ], "guest": "Newt Gingrich" }, { "date": "2012-11-14", "videos": [ "http://thecolbertreport.cc.com/videos/e0pxrk/intro---11-14-12", "http://thecolbertreport.cc.com/videos/3zu15f/who-s-attacking-me-now----canadian-broadcasting-corporation", "http://thecolbertreport.cc.com/videos/kvs6wn/high-frequency-trading", "http://thecolbertreport.cc.com/videos/ba8i6j/high-frequency-trading---christopher-steiner", "http://thecolbertreport.cc.com/videos/wvf1nd/tony-kushner-pt--1", "http://thecolbertreport.cc.com/videos/ezygjv/tony-kushner-pt--2", "http://thecolbertreport.cc.com/videos/cz0sty/sign-off---goodnight" ], "guest": "Tony Kushner" }, { "date": "2012-11-15", "videos": [ "http://thecolbertreport.cc.com/videos/cazbp6/intro---11-15-12", "http://thecolbertreport.cc.com/videos/regxdh/millennial-generation-soup-campaign", "http://thecolbertreport.cc.com/videos/jy83mg/general-s-hospital", "http://thecolbertreport.cc.com/videos/xve006/cheating-death---flu-fighting-meth", "http://thecolbertreport.cc.com/videos/we1zlp/chris-stringer", "http://thecolbertreport.cc.com/videos/f23a7f/sign-off---the-colbert-report-s-seventh-anniversary" ], "guest": "Chris Stringer" }, { "date": "2012-11-26", "videos": [ "http://thecolbertreport.cc.com/videos/9ex0kp/intro---11-26-12", "http://thecolbertreport.cc.com/videos/i4lmrj/stephen-s-thanksgiving---holy-black-friday", "http://thecolbertreport.cc.com/videos/242ato/judge--jury---executioner---copyright-law", "http://thecolbertreport.cc.com/videos/ob3lcn/blitzkrieg-on-grinchitude---pope-benedict-xvi", "http://thecolbertreport.cc.com/videos/std5aq/jake-tapper", "http://thecolbertreport.cc.com/videos/o2lec3/sign-off---goodnight" ], "guest": "Jake Tapper" }, { "date": "2012-11-27", "videos": [ "http://thecolbertreport.cc.com/videos/oh9w4r/canada-s-grinch", "http://thecolbertreport.cc.com/videos/7imsna/the-fiscal-cliff-compromise", "http://thecolbertreport.cc.com/videos/72sdt0/the-fiscal-cliff-compromise---reihan-salam", "http://thecolbertreport.cc.com/videos/1fuekz/dolly-parton", "http://thecolbertreport.cc.com/videos/nqrlrq/sign-off---country-chords" ], "guest": "Dolly Parton" }, { "date": "2012-11-28", "videos": [ "http://thecolbertreport.cc.com/videos/ui3lan/intro---11-28-12", "http://thecolbertreport.cc.com/videos/omvkv3/record-powerball-jackpot", "http://thecolbertreport.cc.com/videos/tnr1l8/the-word---sisters-are-doing-it-to-themselves", "http://thecolbertreport.cc.com/videos/xpxkwl/filibuster-reform", "http://thecolbertreport.cc.com/videos/qc393o/frank-oz", "http://thecolbertreport.cc.com/videos/b9jkcc/sign-off---stephen-s-muppet" ], "guest": "Frank Oz" }, { "date": "2012-11-29", "videos": [ "http://thecolbertreport.cc.com/videos/gnb0gv/intro---11-29-12", "http://thecolbertreport.cc.com/videos/cehmsr/moon-shattering-news", "http://thecolbertreport.cc.com/videos/9o0ttj/tip-wag---gay-rights-pioneers---gun-dorms", "http://thecolbertreport.cc.com/videos/dgy710/top-10-of-2012---operation-killing--killing-kennedy-", "http://thecolbertreport.cc.com/videos/qyxymb/sean-carroll", "http://thecolbertreport.cc.com/videos/z8pd91/sign-off---acceptance-speech" ], "guest": "Sean Carroll" }, { "date": "2012-12-03", "videos": [ "http://thecolbertreport.cc.com/videos/c2msxt/the-pundit--or-colbert-and-back-again", "http://thecolbertreport.cc.com/videos/i94qww/the-pundit--or-colbert-and-back-again---hobbit-week-lineup", "http://thecolbertreport.cc.com/videos/zkpe65/the-word---base-instincts", "http://thecolbertreport.cc.com/videos/47ssk7/senior-moment---granny-pods", "http://thecolbertreport.cc.com/videos/zm84yu/ian-mckellen", "http://thecolbertreport.cc.com/videos/u8z3mx/sign-off---the-pundit--or-colbert-and-back-again---sting" ], "guest": "Ian McKellen" }, { "date": "2012-12-04", "videos": [ "http://thecolbertreport.cc.com/videos/ri5csw/the-pundit--or-colbert-and-back-again---hobbit-week-night-two", "http://thecolbertreport.cc.com/videos/q3aiti/low-t---low-o", "http://thecolbertreport.cc.com/videos/n7lg1x/kate-the-great-s-morning-sickness", "http://thecolbertreport.cc.com/videos/v8syf8/martin-freeman", "http://thecolbertreport.cc.com/videos/rmahy7/sign-off---the-pundit--or-colbert-and-back-again---rivendell" ], "guest": "Martin Freeman" }, { "date": "2012-12-05", "videos": [ "http://thecolbertreport.cc.com/videos/qtkdcn/the-pundit--or-colbert-and-back-again---hobbit-week-night-three", "http://thecolbertreport.cc.com/videos/6x66a7/the-word---hire-learning", "http://thecolbertreport.cc.com/videos/9j5qtc/politicos---paranoid-fantasies", "http://thecolbertreport.cc.com/videos/m8dp2f/andy-serkis", "http://thecolbertreport.cc.com/videos/msip4s/sign-off---the-pundit--or-colbert-and-back-again---one-ring" ], "guest": "Peter Jackson" }, { "date": "2012-12-06", "videos": [ "http://thecolbertreport.cc.com/videos/teluzg/the-pundit--or-colbert-and-back-again---hobbit-week-night-four", "http://thecolbertreport.cc.com/videos/hhe4hg/jim-demint-s-resignation", "http://thecolbertreport.cc.com/videos/d0n0vz/stephen-colbert--wax-on---wax-off-at-madame-tussauds-pt--1", "http://thecolbertreport.cc.com/videos/1voj50/stephen-colbert--wax-on---wax-off-at-madame-tussauds-pt--2", "http://thecolbertreport.cc.com/videos/0tvck8/peter-jackson", "http://thecolbertreport.cc.com/videos/fbqohj/sign-off---the-pundit--or-colbert-and-back-again---hobbit-week-concludes" ], "guest": "Andy Serkis" }, { "date": "2012-12-10", "videos": [ "http://thecolbertreport.cc.com/videos/0cfmll/stephen-for-u-s--senate", "http://thecolbertreport.cc.com/videos/8skoq2/fox-news-s-secret-presidential-recruit", "http://thecolbertreport.cc.com/videos/gdygvq/diana-krall" ], "guest": "Diana Krall, Elvis Costello" }, { "date": "2012-12-11", "videos": [ "http://thecolbertreport.cc.com/videos/t45azb/intro---12-11-12", "http://thecolbertreport.cc.com/videos/69xjmc/fiscal-cliff-negotiations", "http://thecolbertreport.cc.com/videos/iwvp9d/threatdown---commie-unicorns---foreman-barbie", "http://thecolbertreport.cc.com/videos/8is78z/ex-gay-therapy-debate", "http://thecolbertreport.cc.com/videos/m3omdi/malcolm-gladwell" ], "guest": "Malcolm Gladwell, Audra McDonald" }, { "date": "2012-12-12", "videos": [ "http://thecolbertreport.cc.com/videos/hoair6/success-for-operation-killing--killing-kennedy-", "http://thecolbertreport.cc.com/videos/8aazot/stephen-s-appointment-with-destiny---jeff-bingaman", "http://thecolbertreport.cc.com/videos/yr83zl/ground-zero-mosque-erade", "http://thecolbertreport.cc.com/videos/38iv8s/mandy-patinkin" ], "guest": "Mandy Patinkin, Michael Stipe" }, { "date": "2012-12-13", "videos": [ "http://thecolbertreport.cc.com/videos/ao4d2q/hurricane-sandy-mega-concert", "http://thecolbertreport.cc.com/videos/dseos2/uncensored----breaking-abbey-", "http://thecolbertreport.cc.com/videos/clpvpj/colbert-super-pac---the-ham-rove-memorial-fund", "http://thecolbertreport.cc.com/videos/wozbhp/simone-campbell" ], "guest": "Sister Simone Campbell, Jeff Tweedy, Mavis Staples, Sean Lennon" } ], "2013": [ { "date": "2013-01-07", "videos": [ "http://thecolbertreport.cc.com/videos/bgkrwx/intro---1-7-13", "http://thecolbertreport.cc.com/videos/83h5da/stephen-s-holiday-break", "http://thecolbertreport.cc.com/videos/9nmhtf/fiscal-cliff-deal---disincentives", "http://thecolbertreport.cc.com/videos/wq7dip/the-platinum-debt-ceiling-solution", "http://thecolbertreport.cc.com/videos/b1uvtc/blood-in-the-water---bill-o-reilly-s-racial-insensitivity", "http://thecolbertreport.cc.com/videos/ayoamg/jimmy-wales", "http://thecolbertreport.cc.com/videos/a1dzb3/sign-off---goodnight" ], "guest": "Jimmy Wales" }, { "date": "2013-01-08", "videos": [ "http://thecolbertreport.cc.com/videos/fuxwr9/intro---1-8-13", "http://thecolbertreport.cc.com/videos/gdcdgs/postage-price-hike", "http://thecolbertreport.cc.com/videos/vcqeg7/cheating-death---rage---blood-transfusions", "http://thecolbertreport.cc.com/videos/ps8djx/bin-laden-film-controversy", "http://thecolbertreport.cc.com/videos/kq9pp2/chris-kluwe", "http://thecolbertreport.cc.com/videos/gcv2eh/sign-off---vacsa-tern" ], "guest": "Chris Kluwe" }, { "date": "2013-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/kg1znk/intro---1-9-13", "http://thecolbertreport.cc.com/videos/ip7ql9/idaho-s-walled---armed-community", "http://thecolbertreport.cc.com/videos/tzcfhr/gun-control-backlash", "http://thecolbertreport.cc.com/videos/52uula/thought-for-food---wheat-addictions", "http://thecolbertreport.cc.com/videos/ysa6lr/neil-shubin", "http://thecolbertreport.cc.com/videos/5majke/sign-off---mcgnaw-the-gluten-free-beaver" ], "guest": "Neil Shubin" }, { "date": "2013-01-10", "videos": [ "http://thecolbertreport.cc.com/videos/uej3ac/roadside-sofa-boning", "http://thecolbertreport.cc.com/videos/5n5w35/obama-s-failed-second-term", "http://thecolbertreport.cc.com/videos/35sqrd/tip-wag---hapifork---kevin-garnett", "http://thecolbertreport.cc.com/videos/ro7hjf/benjamin-gibbard" ], "guest": "Ben Gibbard" }, { "date": "2013-01-14", "videos": [ "http://thecolbertreport.cc.com/videos/y2ynrh/stephen-colbert-s-double-barrel-blam-o-rama---silver-bullets---video-games", "http://thecolbertreport.cc.com/videos/8zsm19/stephen-colbert-s-double-barrel-blam-o-rama---piers-morgan---james-yeager", "http://thecolbertreport.cc.com/videos/zftq7q/stephen-colbert-s-double-barrel-blam-o-rama---guns-as-civil-rights-victims", "http://thecolbertreport.cc.com/videos/4lcqtx/vitaminwater-advertising-lawsuit", "http://thecolbertreport.cc.com/videos/bainem/piers-morgan", "http://thecolbertreport.cc.com/videos/hoc2kn/sign-off---pocketbook-constitution" ], "guest": "Piers Morgan" }, { "date": "2013-01-15", "videos": [ "http://thecolbertreport.cc.com/videos/t6cye7/intro---1-15-13", "http://thecolbertreport.cc.com/videos/p5ll7c/lance-armstrong-s-interview-with-oprah", "http://thecolbertreport.cc.com/videos/uuduw3/monkey-on-the-lam---macaque-attack---1-381-days-of-simian-terror-in-tampa", "http://thecolbertreport.cc.com/videos/r78s3t/catacoffin-catacombo-sound-system", "http://thecolbertreport.cc.com/videos/an9lge/jared-diamond", "http://thecolbertreport.cc.com/videos/usj2pz/sign-off---goodnight" ], "guest": "Jared Diamond" }, { "date": "2013-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/j56lbb/intro---1-16-13", "http://thecolbertreport.cc.com/videos/s9aj13/healthy-fake-smiles", "http://thecolbertreport.cc.com/videos/uhkynp/hsbc-laundering-charges", "http://thecolbertreport.cc.com/videos/hbxrk6/hsbc-laundering-charges---matt-taibbi", "http://thecolbertreport.cc.com/videos/62nu7n/pat-robertson-s-romance-advice", "http://thecolbertreport.cc.com/videos/m7jh2f/tom-brokaw", "http://thecolbertreport.cc.com/videos/ib0ftp/sign-off---goodnight" ], "guest": "Tom Brokaw" }, { "date": "2013-01-17", "videos": [ "http://thecolbertreport.cc.com/videos/r3kb1q/exclusive---colbert-wax-on---wax-off-at-madame-tussauds--outtakes", "http://thecolbertreport.cc.com/videos/qqx0s8/corporate-scamwich", "http://thecolbertreport.cc.com/videos/df7rup/obama-s-gun-grab", "http://thecolbertreport.cc.com/videos/w73nzv/the-word---united-we-standoff", "http://thecolbertreport.cc.com/videos/g1jrq5/porn-names---porn-lawsuits", "http://thecolbertreport.cc.com/videos/vem33s/akhil-reed-amar", "http://thecolbertreport.cc.com/videos/jawwj8/sign-off---goodnight" ], "guest": "Akhil Reed Amar" }, { "date": "2013-01-21", "videos": [ "http://thecolbertreport.cc.com/videos/zzot6e/intro---1-21-13", "http://thecolbertreport.cc.com/videos/xjexam/obama-s-second-inauguration", "http://thecolbertreport.cc.com/videos/li25sm/stephen-s-re-inauguration", "http://thecolbertreport.cc.com/videos/djvjxw/threatdown---flu--kate-middleton--vomiting-robots--superintelligent-gonorrhea--bears", "http://thecolbertreport.cc.com/videos/o7bw1e/ta-nehisi-coates", "http://thecolbertreport.cc.com/videos/9hwods/sign-off---hotel-bibles" ], "guest": "Ta-Nehisi Coates" }, { "date": "2013-01-22", "videos": [ "http://thecolbertreport.cc.com/videos/u2sxvp/exclusive---kathryn-bigelow-extended-interview", "http://thecolbertreport.cc.com/videos/4h7ltu/obama-s-inauguration---class-warfare", "http://thecolbertreport.cc.com/videos/0f673t/the-word---win--lose--or-redraw", "http://thecolbertreport.cc.com/videos/tccphp/dustin-hoffman-s-bad-news", "http://thecolbertreport.cc.com/videos/rn0fho/kathryn-bigelow", "http://thecolbertreport.cc.com/videos/msaso2/sign-off----zero-dark-thirty-----quartet-" ], "guest": "Kathryn Bigelow" }, { "date": "2013-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/3reklz/beyonce-s-lip-gate", "http://thecolbertreport.cc.com/videos/vw3zie/tip-wag---montpelier-school-district--theatlasphere-com---florida-officials", "http://thecolbertreport.cc.com/videos/f3o0qj/alpha-dog-of-the-week---virginia-state-senate-republicans", "http://thecolbertreport.cc.com/videos/202a1c/sally-field", "http://thecolbertreport.cc.com/videos/hd80sm/sign-off---goodnight" ], "guest": "Sally Field" }, { "date": "2013-01-24", "videos": [ "http://thecolbertreport.cc.com/videos/xaaxud/france---the-mali-conflict", "http://thecolbertreport.cc.com/videos/i1sdq5/france---the-mali-conflict---edward-berenson", "http://thecolbertreport.cc.com/videos/vgqq4z/benghazi-attack-hearing", "http://thecolbertreport.cc.com/videos/ktiaje/tavi-gevinson", "http://thecolbertreport.cc.com/videos/scixor/sign-off---stephen-s-makeover" ], "guest": "Tavi Gevinson" }, { "date": "2013-01-28", "videos": [ "http://thecolbertreport.cc.com/videos/q1iuxz/intro---1-28-13", "http://thecolbertreport.cc.com/videos/27at9z/rapiscan-scanners", "http://thecolbertreport.cc.com/videos/mm5bdz/the-word---the-new-abnormal", "http://thecolbertreport.cc.com/videos/0q31iw/the-axis-of-evil-of-the-week---north-korea", "http://thecolbertreport.cc.com/videos/qdf7ec/michael-shellenberger", "http://thecolbertreport.cc.com/videos/tquuvs/sign-off---goodnight" ], "guest": "Michael Shellenberger" }, { "date": "2013-01-29", "videos": [ "http://thecolbertreport.cc.com/videos/4ax2hi/intro---1-29-13", "http://thecolbertreport.cc.com/videos/81oaln/iran-s-space-monkey---america-s-ape-moratorium", "http://thecolbertreport.cc.com/videos/k95k9v/gun-control---state-sovereignty", "http://thecolbertreport.cc.com/videos/7c8y4f/gun-control---state-sovereignty---cliff-sloan", "http://thecolbertreport.cc.com/videos/gfoq4g/guantanamo-bay-office-closure", "http://thecolbertreport.cc.com/videos/jtkgrc/george-saunders", "http://thecolbertreport.cc.com/videos/jzuerq/sign-off----tenth-of-december-" ], "guest": "George Saunders" }, { "date": "2013-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/omljip/intro---1-30-13", "http://thecolbertreport.cc.com/videos/drdd3e/coming-out-benefits---gay-rights", "http://thecolbertreport.cc.com/videos/qnfsur/the-word---it-gets-worse", "http://thecolbertreport.cc.com/videos/i6hr57/non-racist-kkk", "http://thecolbertreport.cc.com/videos/kiwt0s/bill-gates", "http://thecolbertreport.cc.com/videos/4wroqd/sign-off---goodnight" ], "guest": "Bill Gates" }, { "date": "2013-01-31", "videos": [ "http://thecolbertreport.cc.com/videos/101faw/sport-report---ads-for-ads---deer-antler-spray", "http://thecolbertreport.cc.com/videos/odn1pg/sport-report---gatorade-chemicals---chicken-wing-shortage", "http://thecolbertreport.cc.com/videos/7wymxs/craziest-f--king-thing-i-ve-ever-heard---crows-using-tools", "http://thecolbertreport.cc.com/videos/v42kz3/matthew-guerrieri", "http://thecolbertreport.cc.com/videos/o489no/sign-off---welcome-baby-sanchez-" ], "guest": "Matthew Guerrieri" }, { "date": "2013-02-04", "videos": [ "http://thecolbertreport.cc.com/videos/iyrevo/intro---2-4-13", "http://thecolbertreport.cc.com/videos/kb76z3/super-bowl-xlvii", "http://thecolbertreport.cc.com/videos/vow0uy/bipartisan-immigration-reform", "http://thecolbertreport.cc.com/videos/ur7z4s/skeet-shooting-skeptics", "http://thecolbertreport.cc.com/videos/qxsatq/sonia-sotomayor", "http://thecolbertreport.cc.com/videos/cmttl3/sign-off---second-amendment" ], "guest": "Justice Sonia Sotomayor" }, { "date": "2013-02-05", "videos": [ "http://thecolbertreport.cc.com/videos/2316uc/intro---2-5-13", "http://thecolbertreport.cc.com/videos/e96s3c/royal-remains", "http://thecolbertreport.cc.com/videos/t6wn9f/tip-wag---drunk-donating----the-job--reality-show", "http://thecolbertreport.cc.com/videos/a1z0cu/california-s-heroic-hitchhiker", "http://thecolbertreport.cc.com/videos/dyxduh/julie-andrews", "http://thecolbertreport.cc.com/videos/y7gdjs/sign-off---final-rose" ], "guest": "Julie Andrews" }, { "date": "2013-02-06", "videos": [ "http://thecolbertreport.cc.com/videos/ae7fmq/intro---2-6-13", "http://thecolbertreport.cc.com/videos/33sahu/the-penny-pinch", "http://thecolbertreport.cc.com/videos/r6xbr9/stephen-s-sister-for-congress", "http://thecolbertreport.cc.com/videos/07240r/scientology-church-violence", "http://thecolbertreport.cc.com/videos/acokbc/lawrence-wright", "http://thecolbertreport.cc.com/videos/kt2abh/sign-off---watermelon-warning" ], "guest": "Lawrence Wright" }, { "date": "2013-02-07", "videos": [ "http://thecolbertreport.cc.com/videos/14j8d1/intro---2-7-13", "http://thecolbertreport.cc.com/videos/k4xzoo/winter-storm-nemo", "http://thecolbertreport.cc.com/videos/xknwhm/mr--smith-goes-to-the-state-legislature---stacey-campfield", "http://thecolbertreport.cc.com/videos/044mxj/-bang-with-friends--app", "http://thecolbertreport.cc.com/videos/eqsq39/benh-zeitlin", "http://thecolbertreport.cc.com/videos/xarh0o/sign-off---goodnight" ], "guest": "Behn Zeitlin" }, { "date": "2013-02-11", "videos": [ "http://thecolbertreport.cc.com/videos/xstxbo/bush-family-email-hack", "http://thecolbertreport.cc.com/videos/s7p70k/pope-s-resignation---papal-speculatron-7500", "http://thecolbertreport.cc.com/videos/v1p2wr/pope-s-resignation---papal-speculatron-7500---james-martin", "http://thecolbertreport.cc.com/videos/he6l0j/garry-wills", "http://thecolbertreport.cc.com/videos/38op41/sign-off----why-priests--" ], "guest": "Garry Wills" }, { "date": "2013-02-12", "videos": [ "http://thecolbertreport.cc.com/videos/hbhjqi/intro---2-12-13", "http://thecolbertreport.cc.com/videos/hwigu9/rnc-autopsy", "http://thecolbertreport.cc.com/videos/6t4bfw/conservative-victory-project", "http://thecolbertreport.cc.com/videos/b91wqa/arizona-s-gun-posse", "http://thecolbertreport.cc.com/videos/87jshg/roger-hodge", "http://thecolbertreport.cc.com/videos/4j42vn/sign-off---goodnight" ], "guest": "Roger Hodge" }, { "date": "2013-02-13", "videos": [ "http://thecolbertreport.cc.com/videos/r8y2v4/obama-s-state-of-the-union", "http://thecolbertreport.cc.com/videos/7g4eal/state-of-the-rubio", "http://thecolbertreport.cc.com/videos/89tt3v/spanish-state-of-the-rubio", "http://thecolbertreport.cc.com/videos/wrywsk/dave-grohl", "http://thecolbertreport.cc.com/videos/rsui4q/sign-off---dry-mouth" ], "guest": "Dave Grohl" }, { "date": "2013-02-14", "videos": [ "http://thecolbertreport.cc.com/videos/8k6qf1/st--valentine-s-day", "http://thecolbertreport.cc.com/videos/bg5se9/standard---poor-s-ratings-lawsuit", "http://thecolbertreport.cc.com/videos/a7o9iy/standard---poor-s-ratings-lawsuit---david-leonhardt", "http://thecolbertreport.cc.com/videos/gha2xx/nailed--em---richard-eggers", "http://thecolbertreport.cc.com/videos/jipac1/gavin-newsom", "http://thecolbertreport.cc.com/videos/tl6blx/sign-off----here-s-the-deal-" ], "guest": "Gavin Newsom" }, { "date": "2013-02-19", "videos": [ "http://thecolbertreport.cc.com/videos/mk66vx/russian-meteor-strike", "http://thecolbertreport.cc.com/videos/18bt84/colbert-platinum---huayra-sports-car--phil-mickelson---belle-isle", "http://thecolbertreport.cc.com/videos/nzi8fo/obama-s-secretive-golf-outing", "http://thecolbertreport.cc.com/videos/qsppoj/emily-bazelon", "http://thecolbertreport.cc.com/videos/rivg1z/sign-off---goodnight" ], "guest": "Emily Bazelon" }, { "date": "2013-02-20", "videos": [ "http://thecolbertreport.cc.com/videos/tq706t/u-k--horse-meat-scandal", "http://thecolbertreport.cc.com/videos/76hws3/sport-report---international-soccer-corruption", "http://thecolbertreport.cc.com/videos/t95tyj/sport-report---international-soccer-corruption---alexi-lalas", "http://thecolbertreport.cc.com/videos/oy70q1/norway-s--national-firewood-night-", "http://thecolbertreport.cc.com/videos/d68kfy/david-goldhill", "http://thecolbertreport.cc.com/videos/4869v6/sign-off---goodnight" ], "guest": "David Goldhill" }, { "date": "2013-02-21", "videos": [ "http://thecolbertreport.cc.com/videos/5dzdoq/-friends-of-hamas--rumor", "http://thecolbertreport.cc.com/videos/0x6brn/geo-group-stadium", "http://thecolbertreport.cc.com/videos/yhhjej/corporate-twitter-hacks", "http://thecolbertreport.cc.com/videos/ef8eii/lil-buck" ], "guest": "Lil Buck" }, { "date": "2013-02-25", "videos": [ "http://thecolbertreport.cc.com/videos/dysmy8/intro---2-25-13", "http://thecolbertreport.cc.com/videos/n5lz93/the-word---silent-but-deadly", "http://thecolbertreport.cc.com/videos/ub1skg/popewatch-2013---vatican-sex-parties", "http://thecolbertreport.cc.com/videos/ovpx97/simon-garfield", "http://thecolbertreport.cc.com/videos/7ucjsc/sign-off---goodnight" ], "guest": "Simon Garfield" }, { "date": "2013-02-26", "videos": [ "http://thecolbertreport.cc.com/videos/8vjzyf/intro---2-26-13", "http://thecolbertreport.cc.com/videos/gy9em4/popewatch-indeschism-2013---one-pope-over-the-line", "http://thecolbertreport.cc.com/videos/f5k4cb/battleground-texas---jeremy-bird", "http://thecolbertreport.cc.com/videos/xdriyp/drone-ducking-tips", "http://thecolbertreport.cc.com/videos/wr3lk3/michio-kaku", "http://thecolbertreport.cc.com/videos/i7sahj/sign-off---goodnight" ], "guest": "Dr. Michio Kaku" }, { "date": "2013-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/6637zm/intro---2-27-13", "http://thecolbertreport.cc.com/videos/8okga0/halls-mentho-lyptus-cough-drops", "http://thecolbertreport.cc.com/videos/9mtjmn/khalid-sheikh-mohammed-s-trial-at-gitmo", "http://thecolbertreport.cc.com/videos/9mvj8u/khalid-sheikh-mohammed-s-trial-at-gitmo---neal-katyal", "http://thecolbertreport.cc.com/videos/r7gapm/john-kerry-s-dumb-talk", "http://thecolbertreport.cc.com/videos/cxjhmj/paola-antonelli", "http://thecolbertreport.cc.com/videos/7trotu/sign-off---halls-mentho-lyptus" ], "guest": "Paola Antonelli" }, { "date": "2013-02-28", "videos": [ "http://thecolbertreport.cc.com/videos/hmyuom/intro---2-28-13", "http://thecolbertreport.cc.com/videos/1epo24/colbert-report-consumer-alert---demonic-goodwill-items", "http://thecolbertreport.cc.com/videos/d7le3o/pope-tbd---souvenir-sales", "http://thecolbertreport.cc.com/videos/tnbuj0/budget-sequestration", "http://thecolbertreport.cc.com/videos/66dbox/jon-favreau", "http://thecolbertreport.cc.com/videos/o5hoan/sign-off---goodnight" ], "guest": "Obama speechwriter Jon Favreau" }, { "date": "2013-03-04", "videos": [ "http://thecolbertreport.cc.com/videos/ouzof3/sequestration---obama-s-sci-fi-flub", "http://thecolbertreport.cc.com/videos/xlk2nw/the-enemy-within---dr--skylar-bayer", "http://thecolbertreport.cc.com/videos/4v9opj/texas-gun-training-bill---free-shotgun-experiment", "http://thecolbertreport.cc.com/videos/ala255/kirk-bloodsworth", "http://thecolbertreport.cc.com/videos/7xfdsz/sign-off---goodnight" ], "guest": "Kirk Bloodsworth" }, { "date": "2013-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/johtnl/intro---3-5-13", "http://thecolbertreport.cc.com/videos/d8ua02/hugo-chavez---jon-stewart-announcements", "http://thecolbertreport.cc.com/videos/yesa8j/obama-s-israel-trip", "http://thecolbertreport.cc.com/videos/xeotb9/obama-s-israel-trip---michael-oren", "http://thecolbertreport.cc.com/videos/r5gahs/dennis-tito-s-mars-flyby-mission", "http://thecolbertreport.cc.com/videos/23396i/james-franco", "http://thecolbertreport.cc.com/videos/ki0n4m/sign-off---goodnight" ], "guest": "James Franco" }, { "date": "2013-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/5pvbru/-snowquester-", "http://thecolbertreport.cc.com/videos/2ox5xp/voting-rights-act", "http://thecolbertreport.cc.com/videos/5yipjs/voting-rights-act---julian-bond", "http://thecolbertreport.cc.com/videos/3ddous/thought-for-food---bloomberg---the-nacho-bliss-point", "http://thecolbertreport.cc.com/videos/25fidf/brendan-o-connell", "http://thecolbertreport.cc.com/videos/76de2t/sign-off---tostitos-scoops" ], "guest": "Brendan O'Connell" }, { "date": "2013-03-07", "videos": [ "http://thecolbertreport.cc.com/videos/7nblia/rand-paul-s-filibuster", "http://thecolbertreport.cc.com/videos/aq09bw/north-korea-s-armistice-breach----we-are-the-world--propaganda-video", "http://thecolbertreport.cc.com/videos/rz6ppl/the-bachelor", "http://thecolbertreport.cc.com/videos/uldxcb/john-sexton", "http://thecolbertreport.cc.com/videos/mhruf7/sign-off---land-of-romance" ], "guest": "John Sexton" }, { "date": "2013-03-25", "videos": [ "http://thecolbertreport.cc.com/videos/6zcxhr/election-of-pope-francis", "http://thecolbertreport.cc.com/videos/t23n7e/history-channel-s--the-bible-", "http://thecolbertreport.cc.com/videos/7cya4y/colbert-super-pac---ham-rove-memorial-conference-room", "http://thecolbertreport.cc.com/videos/bwz16t/junot-diaz", "http://thecolbertreport.cc.com/videos/vwhyh8/sign-off----the-bible-" ], "guest": "Junot Diaz" }, { "date": "2013-03-26", "videos": [ "http://thecolbertreport.cc.com/videos/ftxoqq/gop-growth---opportunity-project", "http://thecolbertreport.cc.com/videos/k5798h/the-word---narcicitizenship", "http://thecolbertreport.cc.com/videos/rj8f1x/stephen-colbert-is-watching-your-kids---whale-bone-porn", "http://thecolbertreport.cc.com/videos/udr4lu/eric-topol", "http://thecolbertreport.cc.com/videos/755nas/sign-off---medical-smartphone" ], "guest": "Dr. Eric Topol" }, { "date": "2013-03-27", "videos": [ "http://thecolbertreport.cc.com/videos/lapsll/intro---3-27-13", "http://thecolbertreport.cc.com/videos/8f2crl/bill-o-reilly-on-gay-marriage", "http://thecolbertreport.cc.com/videos/jk0icd/facebook--like--button-science", "http://thecolbertreport.cc.com/videos/gd7ki7/sharia-mops", "http://thecolbertreport.cc.com/videos/0i05bg/carl-edgar-blake-ii", "http://thecolbertreport.cc.com/videos/8g5b2m/sign-off---hamlet" ], "guest": "Carl Edgar Blake II" }, { "date": "2013-03-28", "videos": [ "http://thecolbertreport.cc.com/videos/mmwqg6/supreme-court-hearings-on-gay-marriage", "http://thecolbertreport.cc.com/videos/o26xyc/supreme-court-hearings-on-gay-marriage---emily-bazelon-pt--1", "http://thecolbertreport.cc.com/videos/qbupod/supreme-court-hearings-on-gay-marriage---emily-bazelon-pt--2", "http://thecolbertreport.cc.com/videos/sliefv/robert-lustig", "http://thecolbertreport.cc.com/videos/qlgxw8/sign-off---goodnight" ], "guest": "Dr. Robert Lustig" }, { "date": "2013-04-01", "videos": [ "http://thecolbertreport.cc.com/videos/j7yyx1/intro---4-1-13", "http://thecolbertreport.cc.com/videos/mbhysf/easter-under-attack---pope-edition", "http://thecolbertreport.cc.com/videos/egcbz2/health-care-lottery", "http://thecolbertreport.cc.com/videos/g3wft7/utah-s-earth-day-celebration", "http://thecolbertreport.cc.com/videos/rmu5w0/sigourney-weaver", "http://thecolbertreport.cc.com/videos/lt4lab/sign-off---welcome-baby-nurick-" ], "guest": "Sigourney Weaver" }, { "date": "2013-04-02", "videos": [ "http://thecolbertreport.cc.com/videos/dgrhqs/gay-marriage-fraud", "http://thecolbertreport.cc.com/videos/sq7yjh/we-are-at-war---north-korea", "http://thecolbertreport.cc.com/videos/0pozxj/we-are-at-war---north-korea---victor-cha", "http://thecolbertreport.cc.com/videos/w7owfy/florida-s-bong-bill", "http://thecolbertreport.cc.com/videos/7qy183/jim-mcgreevey", "http://thecolbertreport.cc.com/videos/1qietk/sign-off---goodnight" ], "guest": "Jim McGreevey" }, { "date": "2013-04-03", "videos": [ "http://thecolbertreport.cc.com/videos/3ci6sy/-morning-joe--vs--the-colbert-report", "http://thecolbertreport.cc.com/videos/54w6pz/gun-control---barn-orgies", "http://thecolbertreport.cc.com/videos/heku72/rnc-young-voters-survey", "http://thecolbertreport.cc.com/videos/tnl1m7/a-c--grayling", "http://thecolbertreport.cc.com/videos/kfs88u/sign-off---campaign-poster" ], "guest": "A.C. Grayling" }, { "date": "2013-04-04", "videos": [ "http://thecolbertreport.cc.com/videos/6sjovw/intro---4-4-13", "http://thecolbertreport.cc.com/videos/2h8ym1/pegasus-pipeline-spill", "http://thecolbertreport.cc.com/videos/0tmqs0/koko---jeremy-irons-on-gay-marriage", "http://thecolbertreport.cc.com/videos/97bihb/obama-s-brain-initiative", "http://thecolbertreport.cc.com/videos/wb31l0/francis-collins", "http://thecolbertreport.cc.com/videos/jpb3iv/sign-off---eeg-cap" ], "guest": "Dr. Francis Collins" }, { "date": "2013-04-08", "videos": [ "http://thecolbertreport.cc.com/videos/2htlq3/colbert-galactic-initiative", "http://thecolbertreport.cc.com/videos/z4m9xu/colbert-galactic-initiative---bill-clinton-pt--1", "http://thecolbertreport.cc.com/videos/y3hr34/colbert-galactic-initiative---bill-clinton-pt--2", "http://thecolbertreport.cc.com/videos/hmills/colbert-galactic-initiative---bill-clinton-pt--3", "http://thecolbertreport.cc.com/videos/jmsckt/sign-off---colbert-galactic-initiative" ], "guest": "Bill Clinton" }, { "date": "2013-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/dzx936/intro---4-9-13", "http://thecolbertreport.cc.com/videos/9a1zbe/prez-billy-jeff-clinton", "http://thecolbertreport.cc.com/videos/k04x7j/clinton-global-initiative-university-exchange-fair", "http://thecolbertreport.cc.com/videos/yq6m6x/exxon-s-disaster-relief", "http://thecolbertreport.cc.com/videos/qa420d/charlie-leduff", "http://thecolbertreport.cc.com/videos/jti3ea/sign-off---potato-clock" ], "guest": "Charlie LeDuff" }, { "date": "2013-04-10", "videos": [ "http://thecolbertreport.cc.com/videos/r4g4o0/navy-laser-technology", "http://thecolbertreport.cc.com/videos/b0yf3a/tip-wag---gun-edition---united-nations--senate-republicans---video-games", "http://thecolbertreport.cc.com/videos/xr32ry/anthony-weiner-s-comeback", "http://thecolbertreport.cc.com/videos/mvszff/shane-smith", "http://thecolbertreport.cc.com/videos/fhj67z/sign-off---laser-tag" ], "guest": "Shane Smith" }, { "date": "2013-04-11", "videos": [ "http://thecolbertreport.cc.com/videos/ycrshs/nasa-lasso", "http://thecolbertreport.cc.com/videos/2ixasd/america-s-pot-astrophe", "http://thecolbertreport.cc.com/videos/t10bgi/america-s-pot-astrophe---nick-gillespie", "http://thecolbertreport.cc.com/videos/82a7wi/times-square-mascots-ban", "http://thecolbertreport.cc.com/videos/oiajpp/cass-sunstein", "http://thecolbertreport.cc.com/videos/5r04eq/sign-off---goodnight" ], "guest": "Cass Sunstein" }, { "date": "2013-04-16", "videos": [ "http://thecolbertreport.cc.com/videos/ifpmy1/intro---4-16-13", "http://thecolbertreport.cc.com/videos/s94ied/tip-wag---brood-ii-cicadas--sexcereal---gop-internet-memes", "http://thecolbertreport.cc.com/videos/h77c6i/rollie-eggmaster", "http://thecolbertreport.cc.com/videos/c5i1jr/caroline-kennedy", "http://thecolbertreport.cc.com/videos/yygt35/sign-off---goodnight" ], "guest": "Caroline Kennedy" }, { "date": "2013-04-17", "videos": [ "http://thecolbertreport.cc.com/videos/yfwqpo/ricin-letters---boston-bombing-suspects", "http://thecolbertreport.cc.com/videos/b1ekda/bitcoin-plunge", "http://thecolbertreport.cc.com/videos/rxy9ze/bitcoin-plunge---adam-davidson", "http://thecolbertreport.cc.com/videos/2sml1x/-accidental-racist--song", "http://thecolbertreport.cc.com/videos/n7jblw/alan-cumming", "http://thecolbertreport.cc.com/videos/4y7jmv/sign-off---goodnight" ], "guest": "Alan Cumming" }, { "date": "2013-04-18", "videos": [ "http://thecolbertreport.cc.com/videos/jr70gq/boston-marathon--bag-men-", "http://thecolbertreport.cc.com/videos/de4kxw/the-bucket-maiden-voyage", "http://thecolbertreport.cc.com/videos/x7fhfp/gun-control-block", "http://thecolbertreport.cc.com/videos/tvksjy/richard-engel", "http://thecolbertreport.cc.com/videos/17gkl6/sign-off---the-bucket" ], "guest": "Richard Engel" }, { "date": "2013-04-22", "videos": [ "http://thecolbertreport.cc.com/videos/nc9lav/intro---4-22-13", "http://thecolbertreport.cc.com/videos/vlo1dt/boston-bombers", "http://thecolbertreport.cc.com/videos/pd1fay/toronto-terror-plot", "http://thecolbertreport.cc.com/videos/06tavh/tiny-triumphs---infrastructure---river-pollution", "http://thecolbertreport.cc.com/videos/hkxcsa/george-w--bush-presidential-library", "http://thecolbertreport.cc.com/videos/d8p3y1/michael-pollan", "http://thecolbertreport.cc.com/videos/34u7cu/sign-off---goodnight" ], "guest": "Michael Pollan" }, { "date": "2013-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/12jjaw/scoobygate", "http://thecolbertreport.cc.com/videos/dcyvro/austerity-s-spreadsheet-error", "http://thecolbertreport.cc.com/videos/kbgnf0/austerity-s-spreadsheet-error---thomas-herndon", "http://thecolbertreport.cc.com/videos/54pqtc/eric-schmidt", "http://thecolbertreport.cc.com/videos/uwzpai/sign-off---goodnight" ], "guest": "Eric Schmidt" }, { "date": "2013-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/kwa0vp/ap-twitter-hack", "http://thecolbertreport.cc.com/videos/tk4his/bill-clinton-s-twitter-lessons", "http://thecolbertreport.cc.com/videos/r1hl69/tiny-triumphs---nasa-s-giant-penis-doodle", "http://thecolbertreport.cc.com/videos/zi0nnq/danica-patrick", "http://thecolbertreport.cc.com/videos/zwp3mi/sign-off---goodnight" ], "guest": "Danica Patrick" }, { "date": "2013-04-25", "videos": [ "http://thecolbertreport.cc.com/videos/md1l1j/exclusive---better-know-a-district---pennsylvania-s-17th---matt-cartwright", "http://thecolbertreport.cc.com/videos/1waayt/colbert-s-book-club", "http://thecolbertreport.cc.com/videos/zfq57f/better-know-a-district---pennsylvania-s-17th---matt-cartwright", "http://thecolbertreport.cc.com/videos/ypl8dh/miranda-rights-for-boston-bomber", "http://thecolbertreport.cc.com/videos/9j0img/gene-robinson", "http://thecolbertreport.cc.com/videos/vqrjkz/sign-off---welcome-baby-matheson-" ], "guest": "Bishop Gene Robinson" }, { "date": "2013-04-29", "videos": [ "http://thecolbertreport.cc.com/videos/lceacn/intro---4-29-13", "http://thecolbertreport.cc.com/videos/s55dpi/stephen-s-worst-sports-nightmare", "http://thecolbertreport.cc.com/videos/q8gaki/the-final-days-of-straight-america", "http://thecolbertreport.cc.com/videos/su6rj1/the-word---we-shall-undermine", "http://thecolbertreport.cc.com/videos/u2ew19/yelp-prison-reviews", "http://thecolbertreport.cc.com/videos/8ewxg4/iggy-pop" ], "guest": "Iggy &amp; the Stooges" }, { "date": "2013-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/9ab72e/intro---4-30-13", "http://thecolbertreport.cc.com/videos/6brvhc/forced-tank-spending", "http://thecolbertreport.cc.com/videos/yxooec/the-word---medical-leave", "http://thecolbertreport.cc.com/videos/4iphqy/thought-for-food---spreadable-sharia---buddy-cup", "http://thecolbertreport.cc.com/videos/z5q514/evan-spiegel---bobby-murphy", "http://thecolbertreport.cc.com/videos/i4mbhv/sign-off---snapchat" ], "guest": "Evan Spiegel &amp; Bobby Murphy" }, { "date": "2013-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/82vhzw/over-the-counter-plan-b", "http://thecolbertreport.cc.com/videos/7a77hc/background-check-backlash", "http://thecolbertreport.cc.com/videos/rf6pzs/the-word---n-r-a--vana", "http://thecolbertreport.cc.com/videos/cm8gvz/macklemore---ryan-lewis", "http://thecolbertreport.cc.com/videos/sq79ll/sign-off----the-heist-" ], "guest": "Macklemore &amp; Ryan Lewis" }, { "date": "2013-05-02", "videos": [ "http://thecolbertreport.cc.com/videos/tqo262/intro---5-2-13", "http://thecolbertreport.cc.com/videos/7emy7s/boston-bomber-accomplices", "http://thecolbertreport.cc.com/videos/2k1660/gitmo-hunger-strike", "http://thecolbertreport.cc.com/videos/is0h3a/gitmo-hunger-strike---charles-swift", "http://thecolbertreport.cc.com/videos/nhiiwp/movies-that-are-destroying-america---summer-movie-edition----man-of-steel-----iron-man-3-", "http://thecolbertreport.cc.com/videos/mqwnf6/ben-kingsley", "http://thecolbertreport.cc.com/videos/t46my4/sign-off---montclair-film-festival" ], "guest": "Ben Kingsley" }, { "date": "2013-05-06", "videos": [ "http://thecolbertreport.cc.com/videos/1mqcyb/intro---5-6-13", "http://thecolbertreport.cc.com/videos/tnugl6/colbert-s-book-club----the-great-gatsby-", "http://thecolbertreport.cc.com/videos/rxk0vp/stephen-colbert-s-bats--t-serious---bullet-conspiracy-theory", "http://thecolbertreport.cc.com/videos/ltsnqq/tip-wag---catholic-diocese-of-brooklyn---stoner-dogs", "http://thecolbertreport.cc.com/videos/wm2xsq/robert-caro", "http://thecolbertreport.cc.com/videos/479h8q/sign-off---south-carolina-special-election" ], "guest": "Robert Caro" }, { "date": "2013-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/bpnvtc/breaking-news---benghazi-whistleblowers", "http://thecolbertreport.cc.com/videos/wwbl80/better-know-a-district---maryland-s-4th---donna-edwards", "http://thecolbertreport.cc.com/videos/p3cofn/promposals", "http://thecolbertreport.cc.com/videos/eyzxx1/douglas-rushkoff", "http://thecolbertreport.cc.com/videos/ampziq/sign-off---goodnight" ], "guest": "Douglas Rushkoff" }, { "date": "2013-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/mpvlti/intro---5-8-13", "http://thecolbertreport.cc.com/videos/fyx23e/south-carolina-election-results", "http://thecolbertreport.cc.com/videos/m0huaq/spiteful-partisanship", "http://thecolbertreport.cc.com/videos/gbxmpo/going-diaperless", "http://thecolbertreport.cc.com/videos/xg0uqu/richard-besser", "http://thecolbertreport.cc.com/videos/in85s8/sign-off---helium-voice" ], "guest": "Dr. Richard Besser" }, { "date": "2013-05-09", "videos": [ "http://thecolbertreport.cc.com/videos/t96yfm/colbert-s-book-club----the-great-gatsby-", "http://thecolbertreport.cc.com/videos/1i7t2j/colbert-s-book-club---learning--the-great-gatsby-", "http://thecolbertreport.cc.com/videos/4apw9e/colbert-s-book-club---jennifer-egan----the-great-gatsby-", "http://thecolbertreport.cc.com/videos/tetoi9/baz-luhrmann", "http://thecolbertreport.cc.com/videos/uuyuly/sign-off----the-great-gatsby-" ], "guest": "Jennifer Egan, Baz Luhrmann" }, { "date": "2013-05-13", "videos": [ "http://thecolbertreport.cc.com/videos/hdvhlq/benghazi-attacks-talking-points", "http://thecolbertreport.cc.com/videos/gxwgja/colbert-super-pac-shh----irs-special-scrutiny", "http://thecolbertreport.cc.com/videos/jgqf2m/threatdown---planet-gay--world-wide-wood---junkie-bears", "http://thecolbertreport.cc.com/videos/l06a4l/jessica-buchanan---erik-landemalm", "http://thecolbertreport.cc.com/videos/ny9pcg/sign-off---goodnight" ], "guest": "Jessica Buchanan &amp; Erik Landemalm" }, { "date": "2013-05-14", "videos": [ "http://thecolbertreport.cc.com/videos/g6ij84/intro---5-14-13", "http://thecolbertreport.cc.com/videos/1nghxb/obamacare-repeal-vote", "http://thecolbertreport.cc.com/videos/0jjvya/heritage-foundation-s-immigration-study", "http://thecolbertreport.cc.com/videos/h5zenk/who-s-not-honoring-me-now----maxim", "http://thecolbertreport.cc.com/videos/tq7jny/dan-brown", "http://thecolbertreport.cc.com/videos/ftry54/sign-off---maxim-s-hot-100" ], "guest": "Dan Brown" }, { "date": "2013-05-15", "videos": [ "http://thecolbertreport.cc.com/videos/c91oeg/bug-protein", "http://thecolbertreport.cc.com/videos/qxjgw6/better-know-a-district---wisconsin-s-4th---gwen-moore-pt--1", "http://thecolbertreport.cc.com/videos/ft1gyx/better-know-a-district---wisconsin-s-4th---gwen-moore-pt--2", "http://thecolbertreport.cc.com/videos/xjltw5/cyndi-lauper", "http://thecolbertreport.cc.com/videos/f06og4/sign-off---kinky-boots" ], "guest": "Cyndi Lauper" }, { "date": "2013-05-16", "videos": [ "http://thecolbertreport.cc.com/videos/ru2qad/intro---5-16-13", "http://thecolbertreport.cc.com/videos/vshddv/asparagusgate", "http://thecolbertreport.cc.com/videos/x9725b/tip-wag---wind-turbines---china", "http://thecolbertreport.cc.com/videos/6685w4/3d-printed-guns", "http://thecolbertreport.cc.com/videos/7xqphc/daniel-lieberman", "http://thecolbertreport.cc.com/videos/yktive/sign-off---barefoot-shoes" ], "guest": "Dr. Daniel Lieberman" }, { "date": "2013-05-20", "videos": [ "http://thecolbertreport.cc.com/videos/iqqmsb/mazda-scandal-booth---benghazi", "http://thecolbertreport.cc.com/videos/xwopvb/mazda-scandal-booth---the-irs", "http://thecolbertreport.cc.com/videos/5qyy0w/mazda-scandal-booth---the-irs---trevor-potter", "http://thecolbertreport.cc.com/videos/irj43w/david-sassoon", "http://thecolbertreport.cc.com/videos/m9mkd8/sign-off---mazda-scandal-booth" ], "guest": "David Sassoon" }, { "date": "2013-05-21", "videos": [ "http://thecolbertreport.cc.com/videos/wp98kg/intro---5-21-13", "http://thecolbertreport.cc.com/videos/7fm2v2/irish-potato-famine-pathogen", "http://thecolbertreport.cc.com/videos/pbfcaq/cheating-death---sun-exposure---marijuana", "http://thecolbertreport.cc.com/videos/3jp6f3/census-bureau-harassment", "http://thecolbertreport.cc.com/videos/cqajs7/noah-feldman", "http://thecolbertreport.cc.com/videos/2jhy5w/sign-off---goodnight" ], "guest": "Noah Feldman" }, { "date": "2013-05-22", "videos": [ "http://thecolbertreport.cc.com/videos/c02847/intro---5-22-13", "http://thecolbertreport.cc.com/videos/24adff/irs-tea-party-scandal", "http://thecolbertreport.cc.com/videos/icnp2y/tip-wag---senators-mitch-and-chong---resourceful-rich-folk", "http://thecolbertreport.cc.com/videos/60entl/-citizen-koch-", "http://thecolbertreport.cc.com/videos/15h43y/matt-berninger" ], "guest": "The National" }, { "date": "2013-05-23", "videos": [ "http://thecolbertreport.cc.com/videos/2j741e/aumf-repeal", "http://thecolbertreport.cc.com/videos/khhujw/aumf-repeal---andrew-bacevich", "http://thecolbertreport.cc.com/videos/0bv6m0/redemption-for-all", "http://thecolbertreport.cc.com/videos/ur1l6x/c-j--chivers", "http://thecolbertreport.cc.com/videos/ahpe36/sign-off---goodnight" ], "guest": "C.J. Chivers" }, { "date": "2013-06-03", "videos": [ "http://thecolbertreport.cc.com/videos/ex0o10/stephen-s-week-off", "http://thecolbertreport.cc.com/videos/ervy41/better-know-a-district---wisconsin-s-2nd---mark-pocan", "http://thecolbertreport.cc.com/videos/s86l5y/trackingpoint-rifle", "http://thecolbertreport.cc.com/videos/4fwbkt/john-dingell", "http://thecolbertreport.cc.com/videos/yrhc20/sign-off---goodnight" ], "guest": "Rep. John Dingell" }, { "date": "2013-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/fivedj/michele-bachmann-s-last-term", "http://thecolbertreport.cc.com/videos/x7wc5a/tip-wag---google-glass---the-lone-ranger----3d-printed-food", "http://thecolbertreport.cc.com/videos/u1fvmr/irs-political-targeting---line-dancing-scandals", "http://thecolbertreport.cc.com/videos/tz8gve/alex-gibney", "http://thecolbertreport.cc.com/videos/fbuavt/sign-off---goodnight" ], "guest": "Alex Gibney" }, { "date": "2013-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/2ntvt9/intro---6-5-13", "http://thecolbertreport.cc.com/videos/eogja8/commando-of-steel", "http://thecolbertreport.cc.com/videos/fva65v/monsanto-s-modified-wheat", "http://thecolbertreport.cc.com/videos/ibdfsk/monsanto-s-modified-wheat---laurie-garrett", "http://thecolbertreport.cc.com/videos/bqahez/photojournalists-vs--iphones", "http://thecolbertreport.cc.com/videos/wqd06c/jonathan-alter", "http://thecolbertreport.cc.com/videos/el0t4o/sign-off---amber-waves-of-frankengrain" ], "guest": "Jonathan Alter" }, { "date": "2013-06-06", "videos": [ "http://thecolbertreport.cc.com/videos/onw7lq/nsa-phone-surveillance", "http://thecolbertreport.cc.com/videos/hbmw2f/colbert-classic---spy-training-with-peter-earnest", "http://thecolbertreport.cc.com/videos/zhz7uc/john-mellencamp--stephen-king---t-bone-burnett---pt--1", "http://thecolbertreport.cc.com/videos/lcf7d3/john-mellencamp--stephen-king---t-bone-burnett---pt--2", "http://thecolbertreport.cc.com/videos/46x6yt/sign-off---nose-tap" ], "guest": "Stephen King, John Mellencamp, T Bone Burnett" }, { "date": "2013-06-10", "videos": [ "http://thecolbertreport.cc.com/videos/oc2w3x/edward-snowden-s-nsa-leaks", "http://thecolbertreport.cc.com/videos/bkbpaj/the-imploding-muslim-country-of-the-week---turkey", "http://thecolbertreport.cc.com/videos/rnftw3/the-imploding-muslim-country-of-the-week---turkey---omer-taspinar", "http://thecolbertreport.cc.com/videos/147u1d/cold-war-update---nuclear-launch-careers", "http://thecolbertreport.cc.com/videos/vii2l9/dan-savage", "http://thecolbertreport.cc.com/videos/kmqz9h/sign-off---the-imploding-muslim-country-of-the-week-booth" ], "guest": "Dan Savage" }, { "date": "2013-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/ctjh9s/intro---6-11-13", "http://thecolbertreport.cc.com/videos/1mm086/prism-surveillance-program", "http://thecolbertreport.cc.com/videos/jejy0d/prism-surveillance-program---jeffrey-rosen", "http://thecolbertreport.cc.com/videos/sa86i9/chewbacca-s-tsa-encounter", "http://thecolbertreport.cc.com/videos/s2d0lp/daniel-bergner", "http://thecolbertreport.cc.com/videos/x7nfzj/sign-off---goodnight" ], "guest": "Daniel Bergner" }, { "date": "2013-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/jdqve3/stephen-colbert-s-tribute-to-having-paul-mccartney-on-his-show", "http://thecolbertreport.cc.com/videos/eweibb/nsa-scandal-developments", "http://thecolbertreport.cc.com/videos/9i45f0/paul-mccartney", "http://thecolbertreport.cc.com/videos/2ildb8/nyc-bike-share" ], "guest": "Paul McCartney" }, { "date": "2013-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/yxgnju/remembering-lorna-colbert", "http://thecolbertreport.cc.com/videos/jm7bya/cap-n-crunch-scandal", "http://thecolbertreport.cc.com/videos/rtfkei/tip-wag---wall-street---north-carolina", "http://thecolbertreport.cc.com/videos/vztqfg/the-postal-service", "http://thecolbertreport.cc.com/videos/7vr4pz/sign-off---stage-fall" ], "guest": "The Postal Service" }, { "date": "2013-06-20", "videos": [ "http://thecolbertreport.cc.com/videos/616g0e/intro---6-20-13", "http://thecolbertreport.cc.com/videos/v8ee5f/iran-s-presidential-election", "http://thecolbertreport.cc.com/videos/k3dodo/steve-king-on-chicken-cages", "http://thecolbertreport.cc.com/videos/7udg5z/nestle-s-natural-resource", "http://thecolbertreport.cc.com/videos/0mw5zk/joss-whedon", "http://thecolbertreport.cc.com/videos/ooshhr/sign-off---paper-towel-tube-cage" ], "guest": "Joss Whedon" }, { "date": "2013-06-24", "videos": [ "http://thecolbertreport.cc.com/videos/6gyv8z/the-irs---darrell-issa-s-gut", "http://thecolbertreport.cc.com/videos/oztyjs/the-word---truthinews", "http://thecolbertreport.cc.com/videos/93t9s1/tiny-triumphs---laser-klan", "http://thecolbertreport.cc.com/videos/dzzcx7/andrew-solomon", "http://thecolbertreport.cc.com/videos/h7v6sr/sign-off---goodnight" ], "guest": "Andrew Solomon" }, { "date": "2013-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/g5p8y4/intro---6-25-13", "http://thecolbertreport.cc.com/videos/348hon/scotus-on-the-voting-rights-act", "http://thecolbertreport.cc.com/videos/ysuxww/brazil-s-political-protests", "http://thecolbertreport.cc.com/videos/3gv8et/brazil-s-political-protests---larry-rohter", "http://thecolbertreport.cc.com/videos/mnxaxk/george-zimmerman-s-murder-trial", "http://thecolbertreport.cc.com/videos/ip1pn0/peniel-joseph", "http://thecolbertreport.cc.com/videos/b4zgvh/sign-off---goodnight" ], "guest": "Peniel Joseph" }, { "date": "2013-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/m2xuu4/intro---6-26-13", "http://thecolbertreport.cc.com/videos/nzd784/the-supreme-court-rules-on-doma", "http://thecolbertreport.cc.com/videos/um981i/the-end-of-the-voting-rights-act", "http://thecolbertreport.cc.com/videos/btpztg/the-voting-rights-act---gay-marriage---emily-bazelon", "http://thecolbertreport.cc.com/videos/3ca2a0/bill-moyers", "http://thecolbertreport.cc.com/videos/09w1k9/sign-off---goodnight" ], "guest": "Bill Moyers" }, { "date": "2013-06-27", "videos": [ "http://thecolbertreport.cc.com/videos/9lyyd3/4th-of-july-under-attack", "http://thecolbertreport.cc.com/videos/3wbx1d/stephen-colbert-s-big-gay-roundup", "http://thecolbertreport.cc.com/videos/ncxmfs/-gang-of-eight--immigration-reform-bill", "http://thecolbertreport.cc.com/videos/0gj3ie/chuck-schumer", "http://thecolbertreport.cc.com/videos/6kec7y/sign-off---goodnight" ], "guest": "Sen. Chuck Schumer" }, { "date": "2013-07-15", "videos": [ "http://thecolbertreport.cc.com/videos/6jl3zv/stephen-s-vacation", "http://thecolbertreport.cc.com/videos/0gzuno/george-zimmerman-verdict", "http://thecolbertreport.cc.com/videos/9nhthn/people-who-are-destroying-america---lynn-harrell", "http://thecolbertreport.cc.com/videos/6dlnrd/ktvu-tv-on-asiana-airlines-crash", "http://thecolbertreport.cc.com/videos/vwtsg0/jeremy-scahill", "http://thecolbertreport.cc.com/videos/88fai0/sign-off---goodnight" ], "guest": "Jeremy Scahill" }, { "date": "2013-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/2ymeh3/intro---7-16-13", "http://thecolbertreport.cc.com/videos/rr5gb5/royal-baby-bump", "http://thecolbertreport.cc.com/videos/dd82ys/tip-wag---non-rioting-black-people---fox-news", "http://thecolbertreport.cc.com/videos/e8110o/npr-on-multitasking", "http://thecolbertreport.cc.com/videos/e5obyh/david-karp", "http://thecolbertreport.cc.com/videos/0mvlz8/sign-off---macbox" ], "guest": "David Karp" }, { "date": "2013-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/84x6wp/rolling-stone-s-boston-bomber-cover", "http://thecolbertreport.cc.com/videos/eiwwmp/dysfunctional-house-republicans---immigration-reform", "http://thecolbertreport.cc.com/videos/dii80x/food-stamp-funding", "http://thecolbertreport.cc.com/videos/279goq/jerry-seinfeld-pt--1", "http://thecolbertreport.cc.com/videos/pw17w7/jerry-seinfeld-pt--2", "http://thecolbertreport.cc.com/videos/qfpfy4/sign-off---paper-fan" ], "guest": "Jerry Seinfeld" }, { "date": "2013-07-18", "videos": [ "http://thecolbertreport.cc.com/videos/r4piw8/edward-snowden-s-asylum-option", "http://thecolbertreport.cc.com/videos/2m27vd/political-sex-scandals---new-york-city-elections", "http://thecolbertreport.cc.com/videos/dpebt7/political-sex-scandals---new-york-city-elections---eliot-spitzer", "http://thecolbertreport.cc.com/videos/m8rn8j/breaking-news-on-college-sex", "http://thecolbertreport.cc.com/videos/y56hes/jeff-bridges", "http://thecolbertreport.cc.com/videos/fiop8t/sign-off----operation-javelin-" ], "guest": "Jeff Bridges" }, { "date": "2013-07-22", "videos": [ "http://thecolbertreport.cc.com/videos/20zlbx/britain-s-royal-baby", "http://thecolbertreport.cc.com/videos/d0bn33/geraldo-rivera-s-tribute-to-helen-thomas", "http://thecolbertreport.cc.com/videos/8fg72p/minimum-wage---mcdonald-s-spending-journal", "http://thecolbertreport.cc.com/videos/0p9n45/neil-degrasse-tyson-s-alien-theory", "http://thecolbertreport.cc.com/videos/3azmuc/kjerstin-gruys", "http://thecolbertreport.cc.com/videos/mritg0/sign-off---linguini-worm" ], "guest": "Kjerstin Gruys" }, { "date": "2013-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/y6fmk6/royal-afterbirth--013-", "http://thecolbertreport.cc.com/videos/adczam/george-zimmerman---racial-tensions", "http://thecolbertreport.cc.com/videos/3vijkd/the-word---color-bind", "http://thecolbertreport.cc.com/videos/vbghld/domino-s-pizza-drone", "http://thecolbertreport.cc.com/videos/5tqazj/kenneth-goldsmith", "http://thecolbertreport.cc.com/videos/fvgc0u/sign-off---goodnight" ], "guest": "Kenneth Goldsmith" }, { "date": "2013-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/508jwm/royal-baby-fever", "http://thecolbertreport.cc.com/videos/eodctw/anthony-weiner-s-penis", "http://thecolbertreport.cc.com/videos/4sgopv/carlos-danger--secret-mayor", "http://thecolbertreport.cc.com/videos/bf89i9/kanye-west-s-clothing-line", "http://thecolbertreport.cc.com/videos/zwqhae/anant-agarwal", "http://thecolbertreport.cc.com/videos/gbago4/sign-off---goodnight" ], "guest": "Anant Agarwal" }, { "date": "2013-07-25", "videos": [ "http://thecolbertreport.cc.com/videos/l1dtzt/london-s-fake-town-crier", "http://thecolbertreport.cc.com/videos/lyjdmu/detroit-s-bankruptcy", "http://thecolbertreport.cc.com/videos/h9c7gh/detroit-s-bankruptcy---stephen-henderson", "http://thecolbertreport.cc.com/videos/8chokd/steve-king-s-immigrant-analogy", "http://thecolbertreport.cc.com/videos/263vwc/olympia-snowe", "http://thecolbertreport.cc.com/videos/kx84kd/sign-off---hand-bell" ], "guest": "Olympia Snowe" }, { "date": "2013-07-29", "videos": [ "http://thecolbertreport.cc.com/videos/uw17hh/intro---7-29-13", "http://thecolbertreport.cc.com/videos/n0w3zw/obamacare-cards", "http://thecolbertreport.cc.com/videos/pna3x8/tip-wag---steve-stockman--david-cameron---north-carolina-legislature", "http://thecolbertreport.cc.com/videos/2i98l3/the-lumineers", "http://thecolbertreport.cc.com/videos/1i7dzf/sign-off---tambourine" ], "guest": "The Lumineers" }, { "date": "2013-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/trrcbd/intro---7-30-13", "http://thecolbertreport.cc.com/videos/mulhwo/smokin--pole---the-quest-for-arctic-riches--north-pole-lake", "http://thecolbertreport.cc.com/videos/gr77sg/senator-gridlock", "http://thecolbertreport.cc.com/videos/hrha3p/the-word---secrets---laws", "http://thecolbertreport.cc.com/videos/jah6al/ted-cruz-s-humble-portrait", "http://thecolbertreport.cc.com/videos/bhod50/atul-gawande", "http://thecolbertreport.cc.com/videos/c1f9z7/sign-off---sleigh-bells" ], "guest": "Atul Gawande" }, { "date": "2013-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/4dtx20/intro---7-31-13", "http://thecolbertreport.cc.com/videos/6p4joy/bradley-manning-verdict", "http://thecolbertreport.cc.com/videos/hcbpix/lunch-or-campaign-2016-", "http://thecolbertreport.cc.com/videos/21zxm1/chris-christie-vs--rand-paul", "http://thecolbertreport.cc.com/videos/zyu4c8/stephen-colbert-s-super-coin-toss", "http://thecolbertreport.cc.com/videos/ngxjwr/emily-matchar", "http://thecolbertreport.cc.com/videos/f1q01l/sign-off---game-over" ], "guest": "Emily Matchar" }, { "date": "2013-08-01", "videos": [ "http://thecolbertreport.cc.com/videos/s9hzk7/intro---8-1-13", "http://thecolbertreport.cc.com/videos/09hbf0/edward-snowden-s-asylum", "http://thecolbertreport.cc.com/videos/o0rsdt/oppressed-white-male-alert---bob-filner", "http://thecolbertreport.cc.com/videos/y8ilbl/grab-ask-5800", "http://thecolbertreport.cc.com/videos/opj4x1/threatdown---global-erotic-extremism--mini-muslims---stripper-bears", "http://thecolbertreport.cc.com/videos/gyog46/bryan-cranston", "http://thecolbertreport.cc.com/videos/qv7up3/sign-off---goodnight" ], "guest": "Bryan Cranston" }, { "date": "2013-08-05", "videos": [ "http://thecolbertreport.cc.com/videos/n525ux/global-terror-warning", "http://thecolbertreport.cc.com/videos/1y9s5s/sport-report---a-rod-s-drug-scandal---combat-juggling", "http://thecolbertreport.cc.com/videos/91y2gj/hugh-laurie", "http://thecolbertreport.cc.com/videos/g0yu17/broadcast-networks-want-more-indecency", "http://thecolbertreport.cc.com/videos/n9o8qy/sign-off---glossary-of-terms" ], "guest": "Hugh Laurie" }, { "date": "2013-08-06", "videos": [ "http://thecolbertreport.cc.com/videos/4ybtps/stephest-colbchella--013---the-song-of-the-summer-of-the-century", "http://thecolbertreport.cc.com/videos/s9j4ux/stephest-colbchella--013---special-guest-stephen-colbert-" ], "guest": "Robin Thicke" }, { "date": "2013-08-07", "videos": [ "http://thecolbertreport.cc.com/videos/0t0r8t/stephest-colbchella--013---disco-decepticons", "http://thecolbertreport.cc.com/videos/je51p5/rich-white-guys-agreeing-with-each-other-alert---neil-cavuto", "http://thecolbertreport.cc.com/videos/m9o287/fast-food-workers-strike---mary-kay-henry", "http://thecolbertreport.cc.com/videos/b0jyca/sec-vs--fabulous-fab", "http://thecolbertreport.cc.com/videos/rrfnhj/ashton-kutcher", "http://thecolbertreport.cc.com/videos/iqw6df/sign-off---goodnight" ], "guest": "Ashton Kutcher" }, { "date": "2013-08-08", "videos": [ "http://thecolbertreport.cc.com/videos/ehgkke/ganjay-supta", "http://thecolbertreport.cc.com/videos/x55kjy/hollywood-heroes", "http://thecolbertreport.cc.com/videos/lual8r/hollywood-heroes---matt-damon", "http://thecolbertreport.cc.com/videos/qqmmcz/the-ronald-wilson-reagan-economic-breathing-zone", "http://thecolbertreport.cc.com/videos/6duz1s/colum-mccann", "http://thecolbertreport.cc.com/videos/fama3f/sign-off----fifty-shades-of-grey-" ], "guest": "Colum McCann" }, { "date": "2013-08-12", "videos": [ "http://thecolbertreport.cc.com/videos/m7rv7i/badonkadonk-journalism", "http://thecolbertreport.cc.com/videos/qokabz/better-know-a-district---new-jersey-s-12th", "http://thecolbertreport.cc.com/videos/vni3w0/better-know-a-district---new-jersey-s-12th---rush-holt", "http://thecolbertreport.cc.com/videos/swss3n/innocent-tourist-mistake", "http://thecolbertreport.cc.com/videos/lixrq0/sheldon-whitehouse", "http://thecolbertreport.cc.com/videos/ck9vu0/sign-off---goodnight" ], "guest": "Sen. Sheldon Whitehouse" }, { "date": "2013-08-13", "videos": [ "http://thecolbertreport.cc.com/videos/jtshn3/stop-and-frisk---mandatory-minimums", "http://thecolbertreport.cc.com/videos/o5aiwi/tsa-expansion-program", "http://thecolbertreport.cc.com/videos/miwb3z/tsa-expansion-program---steven-pinker", "http://thecolbertreport.cc.com/videos/pd148a/john-lewis-pt--1", "http://thecolbertreport.cc.com/videos/ocqoae/john-lewis-pt--2", "http://thecolbertreport.cc.com/videos/z6ytj0/sign-off----the-better-angels-of-our-nature-" ], "guest": "Rep. John Lewis" }, { "date": "2013-08-14", "videos": [ "http://thecolbertreport.cc.com/videos/als8jg/intro---8-14-13", "http://thecolbertreport.cc.com/videos/wjgfbx/sochi-2014-winter-olympics", "http://thecolbertreport.cc.com/videos/y58ew9/people-who-are-destroying-america---johnny-cummings", "http://thecolbertreport.cc.com/videos/oafmw7/big-mother-government", "http://thecolbertreport.cc.com/videos/wc12me/kevin-spacey", "http://thecolbertreport.cc.com/videos/o1qztj/sign-off---goodnight" ], "guest": "Kevin Spacey" }, { "date": "2013-08-15", "videos": [ "http://thecolbertreport.cc.com/videos/fwx35y/obama-rodeo-clown", "http://thecolbertreport.cc.com/videos/0bdl0z/golden-age-of-flammability", "http://thecolbertreport.cc.com/videos/r9ju4t/the-word---gag-gift", "http://thecolbertreport.cc.com/videos/jngkv0/nsa-press-conference-on-domestic-spying", "http://thecolbertreport.cc.com/videos/8ax5jq/richard-brodhead", "http://thecolbertreport.cc.com/videos/42qo92/sign-off---second-installment-of-colbert-s-book-club" ], "guest": "Richard Brodhead" }, { "date": "2013-09-03", "videos": [ "http://thecolbertreport.cc.com/videos/pkboc3/exclusive---better-know-a-district---michigan-s-5th---dan-kildee", "http://thecolbertreport.cc.com/videos/pnf1sx/intro---9-3-13", "http://thecolbertreport.cc.com/videos/tx5zzr/stephen-s-science-project---chemical-weapons-in-syria", "http://thecolbertreport.cc.com/videos/dhyi3l/better-know-a-district---michigan-s-5th---dan-kildee", "http://thecolbertreport.cc.com/videos/pwzlgj/timothy-dolan-pt--1", "http://thecolbertreport.cc.com/videos/m4p07o/timothy-dolan-pt--2", "http://thecolbertreport.cc.com/videos/xws5t1/sign-off---welcome-baby-rosta-" ], "guest": "Timothy Cardinal Dolan" }, { "date": "2013-09-04", "videos": [ "http://thecolbertreport.cc.com/videos/4obytf/intro---9-4-13", "http://thecolbertreport.cc.com/videos/020ri3/cris-ish-in-syri-eh", "http://thecolbertreport.cc.com/videos/jtjmpo/cris-ish-in-syri-eh---steve-coll", "http://thecolbertreport.cc.com/videos/hrfvxe/perfect-polly", "http://thecolbertreport.cc.com/videos/q9zsg7/gary-england", "http://thecolbertreport.cc.com/videos/jnebqk/sign-off---goodnight" ], "guest": "Gary England" }, { "date": "2013-09-05", "videos": [ "http://thecolbertreport.cc.com/videos/fzzhny/intro---9-5-13", "http://thecolbertreport.cc.com/videos/cgxdol/smile-file---ariel-castro---the-eric-bolling-sunshine-express", "http://thecolbertreport.cc.com/videos/cn86ce/kitten-subway-crisis---the-new-york-city-mayoral-race", "http://thecolbertreport.cc.com/videos/l0disu/colbert-s-book-club---the-couch-bunker", "http://thecolbertreport.cc.com/videos/ub6jy0/john-prine" ], "guest": "John Prine" }, { "date": "2013-09-09", "videos": [ "http://thecolbertreport.cc.com/videos/m0qnfl/egypt-s-stork-bust", "http://thecolbertreport.cc.com/videos/4zp755/syrian-conflict-action-plan", "http://thecolbertreport.cc.com/videos/jvhzt0/ronald-reagan-on-the-syrian-conflict", "http://thecolbertreport.cc.com/videos/a4utu0/tip-wag---iowa--bigger-pants---recent-articles", "http://thecolbertreport.cc.com/videos/f9cuxl/billie-jean-king", "http://thecolbertreport.cc.com/videos/2dw2cm/sign-off---spider-reagan" ], "guest": "Billie Jean King" }, { "date": "2013-09-10", "videos": [ "http://thecolbertreport.cc.com/videos/o8sjcq/colbert-s-book-club---j-d--salinger", "http://thecolbertreport.cc.com/videos/49qji6/colbert-s-book-club---better-know-a-salinger", "http://thecolbertreport.cc.com/videos/ueo7a2/colbert-s-book-club---tobias-wolff----the-catcher-in-the-rye-", "http://thecolbertreport.cc.com/videos/f2a6ao/colbert-s-book-club---shane-salerno-on-j-d--salinger", "http://thecolbertreport.cc.com/videos/2p7nwl/sign-off---colbert-s-book-club---j-d--salinger-s-glass-family" ], "guest": "Shane Salerno" }, { "date": "2013-09-11", "videos": [ "http://thecolbertreport.cc.com/videos/lop9g2/new-york-city-mayoral-primary", "http://thecolbertreport.cc.com/videos/pymjnx/america-s-got-serious-reservations-about-this---syria", "http://thecolbertreport.cc.com/videos/cta0kn/america-s-got-serious-reservations-about-this---syria---rand-paul", "http://thecolbertreport.cc.com/videos/w9ejb1/barack-obama-s-footgate---secret-muslim-code", "http://thecolbertreport.cc.com/videos/p83qs9/sheryl-crow" ], "guest": "Sheryl Crow" }, { "date": "2013-09-12", "videos": [ "http://thecolbertreport.cc.com/videos/r3zogj/vladimir-putin-s-op-ed-photos", "http://thecolbertreport.cc.com/videos/bujbay/better-know-a-district---washington-s-7th---jim-mcdermott", "http://thecolbertreport.cc.com/videos/7z7vfu/vladimir-putin-s-op-ed-on-u-s--intervention-in-syria", "http://thecolbertreport.cc.com/videos/cm16zd/philip-mudd", "http://thecolbertreport.cc.com/videos/4lw1cp/sign-off---goodnight" ], "guest": "Philip Mudd" }, { "date": "2013-09-16", "videos": [ "http://thecolbertreport.cc.com/videos/weeyn5/intro---9-16-13", "http://thecolbertreport.cc.com/videos/2lxvvp/lehman-brothers-anniversary---economic-recovery", "http://thecolbertreport.cc.com/videos/ggices/the-word---the-guilted-age", "http://thecolbertreport.cc.com/videos/vui8um/miss-america-2013", "http://thecolbertreport.cc.com/videos/v77k60/andrew-bacevich", "http://thecolbertreport.cc.com/videos/c31p0i/sign-off---financial-crisis-anniversary-cake" ], "guest": "Andrew Bacevich" }, { "date": "2013-09-17", "videos": [ "http://thecolbertreport.cc.com/videos/qkhrkt/intro---9-17-13", "http://thecolbertreport.cc.com/videos/hwlkz5/the-people-s-republic-of-obamastan---forbes-400-losers", "http://thecolbertreport.cc.com/videos/cgb0cw/colbert-platinum---luxury-ice---hot-dic-tip", "http://thecolbertreport.cc.com/videos/rkpujl/soul-rending-cheerios-ad", "http://thecolbertreport.cc.com/videos/2dwhox/arne-duncan", "http://thecolbertreport.cc.com/videos/ukxkfk/sign-off---goodnight" ], "guest": "Arne Duncan" }, { "date": "2013-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/g7l8kk/syria-conflict---end-times-prophecy", "http://thecolbertreport.cc.com/videos/8pp3si/united-nations-on-syria-conflict---andrew-sullivan", "http://thecolbertreport.cc.com/videos/v0wk5h/navy-yard-shooting---gun-violence-causes", "http://thecolbertreport.cc.com/videos/ft7l84/nicholson-baker", "http://thecolbertreport.cc.com/videos/lpg81o/sign-off----damascus-countdown-" ], "guest": "Nicholson Baker" }, { "date": "2013-09-19", "videos": [ "http://thecolbertreport.cc.com/videos/1j1cxh/michelle-obama-s-h2o-campaign", "http://thecolbertreport.cc.com/videos/4iux0d/obamacare-government-shutdown", "http://thecolbertreport.cc.com/videos/6nrq55/obamacare-navigators", "http://thecolbertreport.cc.com/videos/7qwiwv/tip-wag---hammunition---george-clooney", "http://thecolbertreport.cc.com/videos/x5xw6g/jack-johnson" ], "guest": "Jack Johnson" }, { "date": "2013-09-24", "videos": [ "http://thecolbertreport.cc.com/videos/ecu59e/stephen-s-emmy-awards", "http://thecolbertreport.cc.com/videos/nsfkr7/on-notice---pope-francis", "http://thecolbertreport.cc.com/videos/vb7ms1/on-notice---pope-francis---jim-martin", "http://thecolbertreport.cc.com/videos/7xtam8/metallica", "http://thecolbertreport.cc.com/videos/g9dzis/sign-off---emmy-exhibition" ], "guest": "Metallica" }, { "date": "2013-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/8fmvel/censorship-for-youtube-comments", "http://thecolbertreport.cc.com/videos/lsiidb/sport-report---cranium-coddlers---san-francisco-street-chess---floyd-mayweather", "http://thecolbertreport.cc.com/videos/ks6rd5/ted-cruz-s-obamacare--filibuster-", "http://thecolbertreport.cc.com/videos/urqr8j/joseph-gordon-levitt", "http://thecolbertreport.cc.com/videos/93nnw6/sign-off---ring-announcer" ], "guest": "Joseph Gordon-Levitt" }, { "date": "2013-09-26", "videos": [ "http://thecolbertreport.cc.com/videos/itk7kp/americone-dream-product-placement", "http://thecolbertreport.cc.com/videos/u1mo7v/chris-fischer", "http://thecolbertreport.cc.com/videos/lo2m3c/intro---9-26-13", "http://thecolbertreport.cc.com/videos/153u0a/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/87ddew/time-travel-adventures-with-conservatives" ], "guest": "Chris Fischer" }, { "date": "2013-09-30", "videos": [ "http://thecolbertreport.cc.com/videos/mp715j/rockin--government-shutdown-eve", "http://thecolbertreport.cc.com/videos/pbvraa/tip-wag---butterball--ashley-merryman---science", "http://thecolbertreport.cc.com/videos/wzj7bh/vince-gilligan-pt--1", "http://thecolbertreport.cc.com/videos/xid9jc/vince-gilligan-pt--2" ], "guest": "Vince Gilligan" }, { "date": "2013-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/99odk6/federal-government-shutdown", "http://thecolbertreport.cc.com/videos/cn352h/affordable-care-act---obama-s-computerized-america", "http://thecolbertreport.cc.com/videos/1ntmd2/adorable-care-act---generation-opportunity", "http://thecolbertreport.cc.com/videos/gfz4h7/national-hispanic-heritage-month", "http://thecolbertreport.cc.com/videos/obk0r1/daniel-radcliffe", "http://thecolbertreport.cc.com/videos/7ni2qs/sign-off---goodnight" ], "guest": "Daniel Radcliffe" }, { "date": "2013-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/aykl9k/intro---10-2-13", "http://thecolbertreport.cc.com/videos/qx1ar9/1995-shutdown-survival-bunker", "http://thecolbertreport.cc.com/videos/qz6a9i/government--slimdown----potus-meeting", "http://thecolbertreport.cc.com/videos/xjdheq/blood-in-the-water---bill-o-reilly-s--killing-jesus-", "http://thecolbertreport.cc.com/videos/5ynb8q/chris-matthews", "http://thecolbertreport.cc.com/videos/mvs3wz/sign-off---shutdown-survival-bunker" ], "guest": "Chris Matthews" }, { "date": "2013-10-03", "videos": [ "http://thecolbertreport.cc.com/videos/7l0bys/government-shutdown-day-three", "http://thecolbertreport.cc.com/videos/amjasd/the-2013-government-shutdown-wedding-of-the-century-pt--1", "http://thecolbertreport.cc.com/videos/qt2vrd/david-finkel", "http://thecolbertreport.cc.com/videos/6as11u/sign-off---audra-mcdonald-s-availability" ], "guest": "David Finkel" }, { "date": "2013-10-07", "videos": [ "http://thecolbertreport.cc.com/videos/iyj9i2/government-shutdown-s-one-week-anniversary", "http://thecolbertreport.cc.com/videos/f9ohl9/bond-v--united-states", "http://thecolbertreport.cc.com/videos/rodf66/mccutcheon-v--fec---emily-bazelon", "http://thecolbertreport.cc.com/videos/d10tae/banksy-s-new-york-reign-of-terror", "http://thecolbertreport.cc.com/videos/feyjl3/james-spithill", "http://thecolbertreport.cc.com/videos/m7oe3o/sign-off----not-a-game--game" ], "guest": "James Spithill" }, { "date": "2013-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/phldtj/intro---10-8-13", "http://thecolbertreport.cc.com/videos/u5kkik/debt-ceiling-deadline", "http://thecolbertreport.cc.com/videos/2b5rst/pro-pot-laws---pointers", "http://thecolbertreport.cc.com/videos/049124/thanksgiving-under-attack---hanukkah", "http://thecolbertreport.cc.com/videos/llhqmr/paul-giamatti", "http://thecolbertreport.cc.com/videos/tuzaza/sign-off----tj---dave-" ], "guest": "Paul Giamatti" }, { "date": "2013-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/pjgp86/intro---10-9-13", "http://thecolbertreport.cc.com/videos/ssksja/ride-for-the-constitution", "http://thecolbertreport.cc.com/videos/h502rh/twitter-s-ipo", "http://thecolbertreport.cc.com/videos/k9g3h2/tom-emmer-s-controversial-ad", "http://thecolbertreport.cc.com/videos/ldxsu2/tom-hanks", "http://thecolbertreport.cc.com/videos/uevql0/sign-off---goodnight" ], "guest": "Tom Hanks" }, { "date": "2013-10-10", "videos": [ "http://thecolbertreport.cc.com/videos/xqbppa/government-shutdown-day-10---shep-smith-s-input", "http://thecolbertreport.cc.com/videos/bzo5fv/because-shep---fox-news-deck", "http://thecolbertreport.cc.com/videos/rt3php/because-shep---fox-news-deck---colbert-info-news-veranda", "http://thecolbertreport.cc.com/videos/r2mded/hanksy-s-grizzly-art", "http://thecolbertreport.cc.com/videos/twnvtr/reed-albergotti---vanessa-o-connell", "http://thecolbertreport.cc.com/videos/gn1hnb/sign-off---goodnight" ], "guest": "Reed Albergotti &amp; Vanessa O'Connell" }, { "date": "2013-10-21", "videos": [ "http://thecolbertreport.cc.com/videos/zabrcj/end-of-the-government-shutdown", "http://thecolbertreport.cc.com/videos/fs5lvs/tip-wag---new-jersey--robo-teachers---amazon-erotica", "http://thecolbertreport.cc.com/videos/xmc07q/the-reflektors", "http://thecolbertreport.cc.com/videos/z30io4/sign-off----midnight" ], "guest": "The Reflektors" }, { "date": "2013-10-22", "videos": [ "http://thecolbertreport.cc.com/videos/0nhfjd/intro---10-22-13", "http://thecolbertreport.cc.com/videos/tpp3c7/the-in-box---lions-vs--tigers", "http://thecolbertreport.cc.com/videos/w4k85n/thought-for-food---kfc-s-go-cup---powerful-yogurt", "http://thecolbertreport.cc.com/videos/wv85sy/the-neiman-marcus-christmas-book", "http://thecolbertreport.cc.com/videos/413dai/a--scott-berg", "http://thecolbertreport.cc.com/videos/j9enbw/sign-off----the-heart-of-giving-" ], "guest": "A. Scott Berg" }, { "date": "2013-10-23", "videos": [ "http://thecolbertreport.cc.com/videos/pfan07/obamacare-website-gate", "http://thecolbertreport.cc.com/videos/51c17c/i-tried-to-sign-up-for-obamacare---health-care-house-of-horrors", "http://thecolbertreport.cc.com/videos/w07qf1/i-tried-to-sign-up-for-obamacare---health-care-navigators", "http://thecolbertreport.cc.com/videos/j95qfd/judy-woodruff---gwen-ifill", "http://thecolbertreport.cc.com/videos/rtpako/sign-off---goodnight" ], "guest": "Gwen Ifill, Judy Woodruff" }, { "date": "2013-10-24", "videos": [ "http://thecolbertreport.cc.com/videos/3cv3ae/intro---10-24-13", "http://thecolbertreport.cc.com/videos/8rabqj/girly-hats-for-the-marines", "http://thecolbertreport.cc.com/videos/6zcsyl/the-word---philantrophy", "http://thecolbertreport.cc.com/videos/60wsnw/craziest-f--king-thing-i-ve-ever-heard---tomtatoes", "http://thecolbertreport.cc.com/videos/9ak9w5/stephen-fry", "http://thecolbertreport.cc.com/videos/9py49q/sign-off---goodnight" ], "guest": "Stephen Fry" }, { "date": "2013-10-28", "videos": [ "http://thecolbertreport.cc.com/videos/xfzjxy/healthcare-gov-s-missing-woman", "http://thecolbertreport.cc.com/videos/0m56pa/germany-s-nsa-outrage", "http://thecolbertreport.cc.com/videos/7egvpg/germany-s-nsa-outrage---mark-mazzetti", "http://thecolbertreport.cc.com/videos/boarwv/lifetime-of-furfillment", "http://thecolbertreport.cc.com/videos/kz8x10/orlando-bloom", "http://thecolbertreport.cc.com/videos/fl658q/sign-off---goodnight" ], "guest": "Orlando Bloom" }, { "date": "2013-10-29", "videos": [ "http://thecolbertreport.cc.com/videos/dhae0b/intro---10-29-13", "http://thecolbertreport.cc.com/videos/qingaf/the-word---on-your-feet", "http://thecolbertreport.cc.com/videos/yxqllm/rand-paul-s-plagiarism-problem", "http://thecolbertreport.cc.com/videos/j9efvm/billy-collins", "http://thecolbertreport.cc.com/videos/fnaadw/sign-off----aimless-love-" ], "guest": "Billy Collins" }, { "date": "2013-10-30", "videos": [ "http://thecolbertreport.cc.com/videos/wibml9/intro---10-30-13", "http://thecolbertreport.cc.com/videos/me8aye/the-gop-s-self-disapproval", "http://thecolbertreport.cc.com/videos/jns4fj/threatdown---divorce--undocumented-network-jumpers---global-warming", "http://thecolbertreport.cc.com/videos/ammjdj/shepard-smith-s-digital-dependency", "http://thecolbertreport.cc.com/videos/7frodo/jack-andraka", "http://thecolbertreport.cc.com/videos/s14fzp/sign-off---goodnight" ], "guest": "Jack Andraka" }, { "date": "2013-10-31", "videos": [ "http://thecolbertreport.cc.com/videos/vr2jg3/intro---10-31-13", "http://thecolbertreport.cc.com/videos/8q3ppm/war-on-halloween---matt-lauer-s-costume", "http://thecolbertreport.cc.com/videos/2krnuz/blood-in-the-water---jim-wheeler-s-hypothetical-slavery-vote", "http://thecolbertreport.cc.com/videos/mzqttu/the-word---see-no-evil", "http://thecolbertreport.cc.com/videos/owduja/zach-sims", "http://thecolbertreport.cc.com/videos/53uet6/sign-off---the-glenlivet" ], "guest": "Zach Sims" }, { "date": "2013-11-04", "videos": [ "http://thecolbertreport.cc.com/videos/hfr88n/intro---11-4-13", "http://thecolbertreport.cc.com/videos/v68n7l/obamacare-s-gender-blind-premiums", "http://thecolbertreport.cc.com/videos/oi11jp/the-word---inc--god-we-trust", "http://thecolbertreport.cc.com/videos/29w6fx/-realhumanpraise-for-fox-news", "http://thecolbertreport.cc.com/videos/z1sht0/david-folkenflik", "http://thecolbertreport.cc.com/videos/vl9eiz/sign-off---goodnight" ], "guest": "David Folkenflik" }, { "date": "2013-11-05", "videos": [ "http://thecolbertreport.cc.com/videos/owoy1b/exclusive---julius-erving-extended-interview", "http://thecolbertreport.cc.com/videos/7bd2cq/rob-ford-s-crack-scandal", "http://thecolbertreport.cc.com/videos/s5iv9f/difference-makers---tim-morrison-and-meagan-brame", "http://thecolbertreport.cc.com/videos/6abc8c/gay-sex-in-the-insect-world", "http://thecolbertreport.cc.com/videos/9v56tr/julius-erving", "http://thecolbertreport.cc.com/videos/du2t8n/sign-off---crack-pipe" ], "guest": "Julius Erving" }, { "date": "2013-11-06", "videos": [ "http://thecolbertreport.cc.com/videos/rpo0ya/ms--marvel-s-reboot", "http://thecolbertreport.cc.com/videos/el55uc/tip-wag---toys--r--us--shroom-tombs---john-pike", "http://thecolbertreport.cc.com/videos/hdhamk/washington-state-s-gmo-labeling-initiative", "http://thecolbertreport.cc.com/videos/7nyym9/brian-lehrer", "http://thecolbertreport.cc.com/videos/snu1i2/sign-off---welcome-baby-fischel-" ], "guest": "Brian Lehrer" }, { "date": "2013-11-07", "videos": [ "http://thecolbertreport.cc.com/videos/d61yyh/employment-non-discrimination-act", "http://thecolbertreport.cc.com/videos/4cx9x8/sport-report---washington-redskins-name-controversy---miami-dolphins-bullying-allegations", "http://thecolbertreport.cc.com/videos/7cyanz/who-might-be-honoring-me-next----people-s-choice-awards", "http://thecolbertreport.cc.com/videos/80epmw/daniel-lieberman", "http://thecolbertreport.cc.com/videos/tx4mq5/sign-off---people-s-choice-awards" ], "guest": "Daniel Lieberman" }, { "date": "2013-11-11", "videos": [ "http://thecolbertreport.cc.com/videos/84rhzu/-60-minutes--benghazi-controversy", "http://thecolbertreport.cc.com/videos/uwudem/-60-minutes--benghazi-controversy---poncho-denews--bogus-bombshell", "http://thecolbertreport.cc.com/videos/bd4gnc/chris-christie-s-sunday-media-blitz", "http://thecolbertreport.cc.com/videos/2lqizl/peter-baker", "http://thecolbertreport.cc.com/videos/kglpif/sign-off---goodnight" ], "guest": "Peter Baker" }, { "date": "2013-11-12", "videos": [ "http://thecolbertreport.cc.com/videos/iitiue/intro---11-12-13", "http://thecolbertreport.cc.com/videos/pqrcpb/obamacare-enrollment-troubles", "http://thecolbertreport.cc.com/videos/s7e3qv/iran-nuke-negotiations---french-resistance", "http://thecolbertreport.cc.com/videos/0qvety/iran-nuke-negotiations---trita-parsi", "http://thecolbertreport.cc.com/videos/9s2qhn/shantytown-glamour-camping", "http://thecolbertreport.cc.com/videos/91wur1/david-christian", "http://thecolbertreport.cc.com/videos/61ms6y/sign-off----a-single-roll-of-the-dice-" ], "guest": "David Christian" }, { "date": "2013-11-13", "videos": [ "http://thecolbertreport.cc.com/videos/1p3who/u-s--drone-controversy", "http://thecolbertreport.cc.com/videos/h4v9zq/difference-makers---philip-steel", "http://thecolbertreport.cc.com/videos/w8qzgv/blood-in-the-water---richard-cohen-s-conventional-wisdom", "http://thecolbertreport.cc.com/videos/sn95d6/blind-boys-of-alabama---jimmy-carter" ], "guest": "Blind Boys of Alabama" }, { "date": "2013-11-14", "videos": [ "http://thecolbertreport.cc.com/videos/2o6sb0/philippines-typhoon-relief", "http://thecolbertreport.cc.com/videos/8olyhc/rob-ford-s-defiance", "http://thecolbertreport.cc.com/videos/wrbvsm/alexis-ohanian", "http://thecolbertreport.cc.com/videos/nmbdiq/sign-off---kitten-cuddle" ], "guest": "Alexis Ohanian" }, { "date": "2013-11-18", "videos": [ "http://thecolbertreport.cc.com/videos/yv49an/intro---11-18-13", "http://thecolbertreport.cc.com/videos/m7v6ee/philippines-relief-from-the-colbert-nation", "http://thecolbertreport.cc.com/videos/suwtn9/obamacare-backlash---pundit-hyperbole", "http://thecolbertreport.cc.com/videos/gnc6o8/obamacare-backlash---conservative-victory-lap", "http://thecolbertreport.cc.com/videos/12pe6a/alpha-dog-of-the-week---chip-wilson", "http://thecolbertreport.cc.com/videos/cdeggb/steve-mcqueen", "http://thecolbertreport.cc.com/videos/5ow82m/sign-off---goodnight" ], "guest": "Steve McQueen" }, { "date": "2013-11-19", "videos": [ "http://thecolbertreport.cc.com/videos/kzu5qm/walmart-s-employee-food-drive", "http://thecolbertreport.cc.com/videos/fkmwr4/america-s-wealth-divide", "http://thecolbertreport.cc.com/videos/nj0wp7/america-s-wealth-divide---robert-reich", "http://thecolbertreport.cc.com/videos/ppx1hm/slate-s--minutes-to-read--feature", "http://thecolbertreport.cc.com/videos/g1usdl/rick-santorum", "http://thecolbertreport.cc.com/videos/jnk6o6/sign-off---sweater-vest" ], "guest": "Rick Santorum" }, { "date": "2013-11-20", "videos": [ "http://thecolbertreport.cc.com/videos/kv4dxf/intro---11-20-13", "http://thecolbertreport.cc.com/videos/xxqfor/trey-radel-s-cocaine-arrest", "http://thecolbertreport.cc.com/videos/s2213y/tip-wag---hopped-up-pops--starbucks---american-consumers", "http://thecolbertreport.cc.com/videos/aiu6v1/sport-report---russia-s-anti-gay-winter-games", "http://thecolbertreport.cc.com/videos/bjap7z/m-i-a-" ], "guest": "M.I.A." }, { "date": "2013-11-21", "videos": [ "http://thecolbertreport.cc.com/videos/bz75lg/intro---11-21-13", "http://thecolbertreport.cc.com/videos/16t3na/nuclear-option-in-the-senate", "http://thecolbertreport.cc.com/videos/ynxkze/mary-fallin-and-same-sex-benefits", "http://thecolbertreport.cc.com/videos/pqqitw/guess-who-s-coming-to-thanksgiving-dinner-", "http://thecolbertreport.cc.com/videos/5idfv3/j-j--abrams", "http://thecolbertreport.cc.com/videos/1xi9cj/sign-off----s-" ], "guest": "J.J. Abrams" }, { "date": "2013-12-02", "videos": [ "http://thecolbertreport.cc.com/videos/a8rc4x/intro---12-2-13", "http://thecolbertreport.cc.com/videos/eax2go/healthcare-gov-revamp---presidential-turkey-pardon", "http://thecolbertreport.cc.com/videos/32fik6/amazon-s-delivery-drones", "http://thecolbertreport.cc.com/videos/kzzho9/blitzkrieg-on-grinchitude---bullet-catching-christmas-tree", "http://thecolbertreport.cc.com/videos/tllp9w/daniel-goleman", "http://thecolbertreport.cc.com/videos/4pjxs1/sign-off---eighth-anniversary-portrait" ], "guest": "Daniel Goleman" }, { "date": "2013-12-03", "videos": [ "http://thecolbertreport.cc.com/videos/810uks/intro---12-3-13", "http://thecolbertreport.cc.com/videos/6yqi5n/the-pope-s-secret-life", "http://thecolbertreport.cc.com/videos/ojh0t8/thought-for-food---ban-on-trans-fats---mcdonald-s-mcrib-mystery", "http://thecolbertreport.cc.com/videos/fepuu2/the-double-robotics-office-robot", "http://thecolbertreport.cc.com/videos/g14s8s/ed-stone", "http://thecolbertreport.cc.com/videos/jkirej/sign-off---honoring-ed-stone" ], "guest": "Ed Stone" }, { "date": "2013-12-04", "videos": [ "http://thecolbertreport.cc.com/videos/xzvt8w/do-nothing-congress", "http://thecolbertreport.cc.com/videos/vjdf7c/tip-wag---campaign-for-cursive---the-rnc", "http://thecolbertreport.cc.com/videos/y2lfd6/colbert-platinum---freedom-ship", "http://thecolbertreport.cc.com/videos/hzc351/bryan-stevenson", "http://thecolbertreport.cc.com/videos/eanv4b/sign-off" ], "guest": "Bryan Stevenson" }, { "date": "2013-12-05", "videos": [ "http://thecolbertreport.cc.com/videos/evhpy0/intro---12-5-13", "http://thecolbertreport.cc.com/videos/r2orue/the-in-box---flight-vs--invisibility", "http://thecolbertreport.cc.com/videos/t96lm4/legal-weed-in-colorado", "http://thecolbertreport.cc.com/videos/q1iez3/legal-weed-in-colorado---ricardo-baca", "http://thecolbertreport.cc.com/videos/zy6hlf/the-gop-s-lady-troubles", "http://thecolbertreport.cc.com/videos/blunby/alan-mulally", "http://thecolbertreport.cc.com/videos/xyy6ql/sign-off" ], "guest": "Allan Mulally" }, { "date": "2013-12-09", "videos": [ "http://thecolbertreport.cc.com/videos/8h6usc/remembering-nelson-mandela", "http://thecolbertreport.cc.com/videos/w58dfp/the-case-against-charity---bill-o-reilly---john-stossel", "http://thecolbertreport.cc.com/videos/5y4hrs/the-case-against-charity---homeless-for-the-holidays", "http://thecolbertreport.cc.com/videos/76e84o/stephen-s-grammy-nomination", "http://thecolbertreport.cc.com/videos/lv0hd2/david-keith", "http://thecolbertreport.cc.com/videos/6p2s11/sign-off" ], "guest": "David Keith" }, { "date": "2013-12-10", "videos": [ "http://thecolbertreport.cc.com/videos/my8zmp/intro---12-10-13", "http://thecolbertreport.cc.com/videos/7yd7o2/walmart-s-job-acceptance-rate", "http://thecolbertreport.cc.com/videos/z9zxq1/the-word---channel-serfing", "http://thecolbertreport.cc.com/videos/kaj6y2/blitzkrieg-on-grinchitude---early-christmas-in-venezuela", "http://thecolbertreport.cc.com/videos/pt29fq/alex-blumberg", "http://thecolbertreport.cc.com/videos/99z3wt/sign-off---farewell-to-frank-lesser" ], "guest": "Alex Blumberg" }, { "date": "2013-12-11", "videos": [ "http://thecolbertreport.cc.com/videos/zye2nw/blitzkrieg-on-grinchitude---festivus-pole-in-the-florida-capitol", "http://thecolbertreport.cc.com/videos/2vwk2a/obama-s-handshake-controversy", "http://thecolbertreport.cc.com/videos/ayrep6/sign-language-scandal-at-mandela-s-memorial", "http://thecolbertreport.cc.com/videos/jna07l/mike-huckabee-s--12-days-of-obamacare-", "http://thecolbertreport.cc.com/videos/ld1i97/elizabeth-gilbert", "http://thecolbertreport.cc.com/videos/nxssxf/sign-off---goodnight" ], "guest": "Elizabeth Gilbert" }, { "date": "2013-12-12", "videos": [ "http://thecolbertreport.cc.com/videos/juqc9w/bipartisan-budget-agreement", "http://thecolbertreport.cc.com/videos/ygi28a/cheating-death---sleep-health---cosmetic-surgery", "http://thecolbertreport.cc.com/videos/btidng/megyn-kelly-on-santa-s-skin-color", "http://thecolbertreport.cc.com/videos/gv6c5c/george-packer", "http://thecolbertreport.cc.com/videos/o3drqn/sign-off---goodnight" ], "guest": "George Packer" }, { "date": "2013-12-16", "videos": [ "http://thecolbertreport.cc.com/videos/tch93k/intro---12-16-13", "http://thecolbertreport.cc.com/videos/t0srep/google-s-robot-acquisition", "http://thecolbertreport.cc.com/videos/4q1rc7/nsa-video-game-surveillance", "http://thecolbertreport.cc.com/videos/qepegb/stephen-s-grammy-nomination---billy-crystal", "http://thecolbertreport.cc.com/videos/1wx2c5/jonah-peretti" ], "guest": "Jonah Peretti, Gregg Allman, the National" }, { "date": "2013-12-17", "videos": [ "http://thecolbertreport.cc.com/videos/ufkb4r/intro---12-17-13", "http://thecolbertreport.cc.com/videos/hdex9j/anti-nsa-ruling---edward-snowden-s-asylum-bid", "http://thecolbertreport.cc.com/videos/v7f6xw/tip-wag---all-china-edition", "http://thecolbertreport.cc.com/videos/18yj36/-ted-cruz-to-the-future-", "http://thecolbertreport.cc.com/videos/0hlwua/garry-trudeau" ], "guest": "Garry Trudeau, Cyndi Lauper, Alan Cumming" }, { "date": "2013-12-18", "videos": [ "http://thecolbertreport.cc.com/videos/uqgbw6/intro---12-18-13", "http://thecolbertreport.cc.com/videos/w20rkq/rethinking-customer-satisfaction", "http://thecolbertreport.cc.com/videos/hqucv3/santa-claus-ethnicity-debate", "http://thecolbertreport.cc.com/videos/7ick9v/santa-claus-ethnicity-debate---hans-beinholtz", "http://thecolbertreport.cc.com/videos/vv4aaz/keanu-reeves", "http://thecolbertreport.cc.com/videos/52csyt/sign-off---goodnight" ], "guest": "Keanu Reeves, Aaron Neville" }, { "date": "2013-12-19", "videos": [ "http://thecolbertreport.cc.com/videos/rdc6qs/jamie-dimon-s-christmas-card", "http://thecolbertreport.cc.com/videos/p9rfx1/fox-news-s--12-scams-of-christmas-", "http://thecolbertreport.cc.com/videos/na7pll/phil-robertson-s--duck-dynasty--suspension", "http://thecolbertreport.cc.com/videos/3q7h60/ben-stiller" ], "guest": "Ben Stiller, the Blind Boys of Alabama" } ], "2014": [ { "date": "2014-01-06", "videos": [ "http://thecolbertreport.cc.com/videos/qaqhv8/intro---1-6-14", "http://thecolbertreport.cc.com/videos/vobbe1/polar-vortex", "http://thecolbertreport.cc.com/videos/3goywo/tip-wag---fda--toy-manufacturers---logo-party", "http://thecolbertreport.cc.com/videos/hyg1jb/recreational-pot-sales-in-colorado", "http://thecolbertreport.cc.com/videos/5qceid/ken-roth", "http://thecolbertreport.cc.com/videos/f9w0xq/sign-off---polar-vortex" ], "guest": "Kenneth Roth" }, { "date": "2014-01-07", "videos": [ "http://thecolbertreport.cc.com/videos/4uqurx/donald-trump-and-fox---friends-vs--global-warming", "http://thecolbertreport.cc.com/videos/s9iccj/income-inequality-debate", "http://thecolbertreport.cc.com/videos/v3sijl/income-inequality-debate---jim-martin", "http://thecolbertreport.cc.com/videos/b9gbou/time-travel-research-in-cyberspace", "http://thecolbertreport.cc.com/videos/bz0qvj/john-seigenthaler", "http://thecolbertreport.cc.com/videos/a4c8i8/sign-off----a-big-heart-open-to-god-" ], "guest": "John Seigenthaler" }, { "date": "2014-01-08", "videos": [ "http://thecolbertreport.cc.com/videos/1vojc6/intro---1-8-14", "http://thecolbertreport.cc.com/videos/2zkpvh/chris-christie---the-george-washington-bridge-scandal", "http://thecolbertreport.cc.com/videos/bkjqeq/cheating-death---robo-sperm---health-roulette", "http://thecolbertreport.cc.com/videos/ct0fks/the-polar-vortex---fruit-tools", "http://thecolbertreport.cc.com/videos/i292oo/ishmael-beah", "http://thecolbertreport.cc.com/videos/srasr6/sign-off---cold-weather-fruit-hammer" ], "guest": "Ishmael Beah" }, { "date": "2014-01-09", "videos": [ "http://thecolbertreport.cc.com/videos/3nlrc7/new-jersey-bridge-scandal---damning-emails", "http://thecolbertreport.cc.com/videos/ez26gi/new-jersey-bridge-scandal---chris-christie-s-someone-else-a-culpa", "http://thecolbertreport.cc.com/videos/gvlcow/robert-gates-s--duty-", "http://thecolbertreport.cc.com/videos/cjww9c/jeff-skoll", "http://thecolbertreport.cc.com/videos/zmnwvz/sign-off---people-s-choice-award" ], "guest": "Jeff Skoll" }, { "date": "2014-01-13", "videos": [ "http://thecolbertreport.cc.com/videos/qh2gll/intro---1-13-14", "http://thecolbertreport.cc.com/videos/nmeif6/water-crisis-in-west-virginia", "http://thecolbertreport.cc.com/videos/l6fcm2/the-word---never-ender-s-game", "http://thecolbertreport.cc.com/videos/ekq6m6/mirriad---retroactive-product-placement", "http://thecolbertreport.cc.com/videos/zf2igg/sign-off---back-scratch" ], "guest": "David Fanning" }, { "date": "2014-01-14", "videos": [ "http://thecolbertreport.cc.com/videos/e0ksix/sport-report---baseball", "http://thecolbertreport.cc.com/videos/8aoa48/sport-report---winter-sports", "http://thecolbertreport.cc.com/videos/4lplhb/sport-report---billie-jean-king", "http://thecolbertreport.cc.com/videos/1urzjl/deborah-solomon", "http://thecolbertreport.cc.com/videos/b5df4x/sign-off---goodnight" ], "guest": "Deborah Solomon" }, { "date": "2014-01-15", "videos": [ "http://thecolbertreport.cc.com/videos/daejaf/ad-for-america", "http://thecolbertreport.cc.com/videos/bxdt1w/sport-report---uneducated-college-athletes---peyton-manning-s-sponsor-shout-out", "http://thecolbertreport.cc.com/videos/rbh95h/alpha-dog-of-the-week---francois-hollande", "http://thecolbertreport.cc.com/videos/tkqmyv/gabriel-sherman", "http://thecolbertreport.cc.com/videos/efgh7j/sign-off---goodnight" ], "guest": "Gabriel Sherman" }, { "date": "2014-01-16", "videos": [ "http://thecolbertreport.cc.com/videos/pqopug/nsa-software-implants", "http://thecolbertreport.cc.com/videos/6omuyc/colbert-platinum---diamond-pacifiers---financial-domination", "http://thecolbertreport.cc.com/videos/d589xx/stephen-s-grammy-nomination---carol-burnett", "http://thecolbertreport.cc.com/videos/4g3c4f/naquasia-legrand", "http://thecolbertreport.cc.com/videos/h6vhef/sign-off---colbert-s-book-club" ], "guest": "Naquasia LeGrand" }, { "date": "2014-01-20", "videos": [ "http://thecolbertreport.cc.com/videos/2jaqbf/intro---1-20-13", "http://thecolbertreport.cc.com/videos/6qy0qw/peyton-manning-s--omaha--chant---marijuana-s-effects-on-football", "http://thecolbertreport.cc.com/videos/bg48ms/the-word---thrift-justice", "http://thecolbertreport.cc.com/videos/1ah0qw/pope-francis-s-breastfeeding-support---affordable-sainthood", "http://thecolbertreport.cc.com/videos/szyyzo/scott-stossel", "http://thecolbertreport.cc.com/videos/3kds6e/sign-off---colbert-s-book-club-reminder" ], "guest": "Scott Stossel" }, { "date": "2014-01-21", "videos": [ "http://thecolbertreport.cc.com/videos/6g3tkl/sign-off---colbert-s-book-club---ernest-hemingway-s--a-farewell-to-arms-", "http://thecolbertreport.cc.com/videos/27el91/colbert-s-book-club---mariel-hemingway-on-ernest-hemingway", "http://thecolbertreport.cc.com/videos/c8gx08/colbert-s-book-club---michael-chabon----a-farewell-to-arms-", "http://thecolbertreport.cc.com/videos/2tt8np/colbert-s-book-club---better-know-a-hemingway", "http://thecolbertreport.cc.com/videos/8vzg0l/colbert-s-book-club---ernest-hemingway" ], "guest": "Michael Chabon, Mariel Hemingway" }, { "date": "2014-01-22", "videos": [ "http://thecolbertreport.cc.com/videos/o2dl8a/intro---1-22-14", "http://thecolbertreport.cc.com/videos/id8eug/mystery-doughnut-on-mars", "http://thecolbertreport.cc.com/videos/db8f37/tip-wag---air-force--dr--keith-ablow---westminster-dog-show", "http://thecolbertreport.cc.com/videos/wjov9z/tikker-death-watch", "http://thecolbertreport.cc.com/videos/y85ykp/charles-duhigg", "http://thecolbertreport.cc.com/videos/ihby00/sign-off---mutt" ], "guest": "Charles Duhigg" }, { "date": "2014-01-23", "videos": [ "http://thecolbertreport.cc.com/videos/ay6diu/riots-in-the-ukraine", "http://thecolbertreport.cc.com/videos/nnj3ic/end-of-net-neutrality", "http://thecolbertreport.cc.com/videos/qatuhg/end-of-net-neutrality---tim-wu", "http://thecolbertreport.cc.com/videos/0i8pwp/china-s-colbert-report-rip-off", "http://thecolbertreport.cc.com/videos/fykny6/patricia-churchland", "http://thecolbertreport.cc.com/videos/5axbrg/sign-off---goodnight" ], "guest": "Patricia Churchland" }, { "date": "2014-01-27", "videos": [ "http://thecolbertreport.cc.com/videos/qs3r6w/logo-restrictions-for-the-super-bowl", "http://thecolbertreport.cc.com/videos/51gnff/richard-sherman-s-rant-fallout", "http://thecolbertreport.cc.com/videos/mk6zsq/nate-silver", "http://thecolbertreport.cc.com/videos/c58bm1/sign-off---grammy-award" ], "guest": "Nate Silver" }, { "date": "2014-01-28", "videos": [ "http://thecolbertreport.cc.com/videos/gzw6pe/superb-owl-xlviii---nfl-extra-point-debate", "http://thecolbertreport.cc.com/videos/g3ng7g/fallback-position---championship-nfl-quarterback", "http://thecolbertreport.cc.com/videos/y1y1q6/spotted-owls-vs--barred-owls---david-yarnold", "http://thecolbertreport.cc.com/videos/wx55bg/justin-tuck", "http://thecolbertreport.cc.com/videos/q6n89x/sign-off---tootsie-pop" ], "guest": "Justin Tuck" }, { "date": "2014-01-29", "videos": [ "http://thecolbertreport.cc.com/videos/79qyj3/superb-owl-xlviii---football-christmas", "http://thecolbertreport.cc.com/videos/pzw1hz/fallback-position---championship-nfl-quarterback-pt--2", "http://thecolbertreport.cc.com/videos/0czypw/distractions---reactions-at-the-state-of-the-union", "http://thecolbertreport.cc.com/videos/6h1tef/cris-carter" ], "guest": "Cris Carter" }, { "date": "2014-01-30", "videos": [ "http://thecolbertreport.cc.com/videos/vp5oqx/superb-owl-xlviii---football-health-concerns", "http://thecolbertreport.cc.com/videos/8z0t1l/superb-owl-xlviii---football-health-concerns---steve-fainaru---mark-fainaru-wada", "http://thecolbertreport.cc.com/videos/b88aif/big-game-debate-with-ed-murray-and-michael-hancock", "http://thecolbertreport.cc.com/videos/7aqq1s/drew-brees", "http://thecolbertreport.cc.com/videos/yucj0t/sign-off---football-toss" ], "guest": "Drew Brees" }, { "date": "2014-02-03", "videos": [ "http://thecolbertreport.cc.com/videos/kmzt7v/coca-cola-s-diverse--america-the-beautiful--ad", "http://thecolbertreport.cc.com/videos/65qhlv/tip-wag---litigious-cheerleaders--pope-francis---china", "http://thecolbertreport.cc.com/videos/nezg8b/j-k--rowling-s-ron-and-hermione-bombshell", "http://thecolbertreport.cc.com/videos/nocpjv/jennifer-senior", "http://thecolbertreport.cc.com/videos/msb2vl/sign-off---goodnight" ], "guest": "Jennifer Senior" }, { "date": "2014-02-04", "videos": [ "http://thecolbertreport.cc.com/videos/m0k7nu/black-history-of-children-s-dental-health-month---chris-christie-s-bridge-scandal-connection", "http://thecolbertreport.cc.com/videos/81q2jm/chris-christie-vs--david-wildstein-on-the-new-jersey-bridge-scandal", "http://thecolbertreport.cc.com/videos/49r39y/pussy-riot-pt--1", "http://thecolbertreport.cc.com/videos/08f0xw/pussy-riot-pt--2", "http://thecolbertreport.cc.com/videos/ubzb8b/sign-off---pussy-riot----bringing-human-rights-back-home-" ], "guest": "Pussy Riot" }, { "date": "2014-02-05", "videos": [ "http://thecolbertreport.cc.com/videos/nn8d7g/intro---2-5-14", "http://thecolbertreport.cc.com/videos/w3uorg/obamacare-jobs-debate", "http://thecolbertreport.cc.com/videos/djw49l/america-s-wealthy-under-siege---mort-zuckerman", "http://thecolbertreport.cc.com/videos/cjdkxj/lake-street-dive", "http://thecolbertreport.cc.com/videos/6itibl/sign-off---goodnight" ], "guest": "Lake Street Dive" }, { "date": "2014-02-06", "videos": [ "http://thecolbertreport.cc.com/videos/tzqa3o/obama---the-keystone-xl-pipeline", "http://thecolbertreport.cc.com/videos/e3q55j/sochi-olympics-cry-athlon", "http://thecolbertreport.cc.com/videos/yzcp46/tip-wag---tsa-peeping-toms--domino-s-pizza-artists---federal-judges", "http://thecolbertreport.cc.com/videos/ze9n7p/paul-krugman", "http://thecolbertreport.cc.com/videos/1ur5x9/sign-off---welcome-baby-eli-" ], "guest": "Paul Krugman" }, { "date": "2014-02-10", "videos": [ "http://thecolbertreport.cc.com/videos/alv9kr/rocky-start-at-the-sochi-olympics", "http://thecolbertreport.cc.com/videos/155uge/sport-report---from-russia-with-love--but-no-gay-stuff-", "http://thecolbertreport.cc.com/videos/s385jl/taliban-dognappers", "http://thecolbertreport.cc.com/videos/hmu6hf/patrick-kennedy", "http://thecolbertreport.cc.com/videos/bl6jzi/sign-off---buddy-cole" ], "guest": "Patrick Kennedy" }, { "date": "2014-02-11", "videos": [ "http://thecolbertreport.cc.com/videos/zddxmq/intro---2-11-14", "http://thecolbertreport.cc.com/videos/yesavg/blade-in-the-usa", "http://thecolbertreport.cc.com/videos/ow2caa/sport-report---from-russia-with-love--but-no-gay-stuff----u-s--speedskating-team", "http://thecolbertreport.cc.com/videos/cxui4b/sport-report---michael-sam-s-coming-out", "http://thecolbertreport.cc.com/videos/8yt2ar/charlie-crist", "http://thecolbertreport.cc.com/videos/v6h2iw/sign-off---goodnight" ], "guest": "Charlie Crist" }, { "date": "2014-02-12", "videos": [ "http://thecolbertreport.cc.com/videos/mke8f4/white-house-state-dinner", "http://thecolbertreport.cc.com/videos/ngjlqq/bill-o-reilly-s-interview-of-the-decade", "http://thecolbertreport.cc.com/videos/f7yt2f/because-shep---white-house-menu-report", "http://thecolbertreport.cc.com/videos/zqevr4/godfrey-reggio", "http://thecolbertreport.cc.com/videos/wd8rlk/sign-off---au-revoir" ], "guest": "Godfrey Reggio" }, { "date": "2014-02-18", "videos": [ "http://thecolbertreport.cc.com/videos/cb08sc/intro---2-18-14", "http://thecolbertreport.cc.com/videos/esabem/jimmy-fallon-s--tonight-show--debut", "http://thecolbertreport.cc.com/videos/icw75d/transgender-awareness", "http://thecolbertreport.cc.com/videos/px4k4w/transgender-awareness---janet-mock", "http://thecolbertreport.cc.com/videos/fpn2d7/brian-greene", "http://thecolbertreport.cc.com/videos/7cxypm/sign-off---goodnight" ], "guest": "Brian Greene" }, { "date": "2014-02-19", "videos": [ "http://thecolbertreport.cc.com/videos/8ht320/intro---2-19-14", "http://thecolbertreport.cc.com/videos/z8viri/sport-report---from-russia-with-love--but-no-gay-stuff----buddy-cole-in-sochi", "http://thecolbertreport.cc.com/videos/k0fmq0/victory-and-vigilance-at-the-sochi-games", "http://thecolbertreport.cc.com/videos/pdgpm2/smile-file---al-qaeda-bomb-blunder", "http://thecolbertreport.cc.com/videos/80x11s/alexander-payne", "http://thecolbertreport.cc.com/videos/r3yso9/sign-off---goodnight" ], "guest": "Alexander Payne" }, { "date": "2014-02-20", "videos": [ "http://thecolbertreport.cc.com/videos/gtx5i8/auction-for-bill-o-reilly-s-stolen-microwave", "http://thecolbertreport.cc.com/videos/7alqr9/sochi-olympics-2014---bode-miller", "http://thecolbertreport.cc.com/videos/i1pl20/stanley-mcchrystal", "http://thecolbertreport.cc.com/videos/3j3ziw/sign-off---microwave-auction---stanley-mcchrystal" ], "guest": "Gen. Stanley McChrystal" }, { "date": "2014-02-24", "videos": [ "http://thecolbertreport.cc.com/videos/1x3cmv/intro---2-24-14", "http://thecolbertreport.cc.com/videos/dxcy1y/blade-in-the-usa---dutch-coach-s-anti-america-rant", "http://thecolbertreport.cc.com/videos/y1wxc3/crisis-in-ukraine", "http://thecolbertreport.cc.com/videos/8067fc/crisis-in-ukraine---gideon-rose", "http://thecolbertreport.cc.com/videos/2y58gs/darlene-love", "http://thecolbertreport.cc.com/videos/illjzj/sign-off---remembering-harold-ramis" ], "guest": "Darlene Love" }, { "date": "2014-02-25", "videos": [ "http://thecolbertreport.cc.com/videos/blcgek/the-huffington-post-on-the-past-lives-of-children", "http://thecolbertreport.cc.com/videos/uov6m4/outrage-over-military-budget-cuts", "http://thecolbertreport.cc.com/videos/y2j7vo/the-word---jobsolete", "http://thecolbertreport.cc.com/videos/yw875l/consumers-for-paper-options", "http://thecolbertreport.cc.com/videos/w2zhlc/st--vincent" ], "guest": "St. Vincent" }, { "date": "2014-02-26", "videos": [ "http://thecolbertreport.cc.com/videos/7vvoyf/michelle-obama-vs--child-obesity", "http://thecolbertreport.cc.com/videos/gs9vcz/colbert-s-very-wanted---who-took-gumby-", "http://thecolbertreport.cc.com/videos/y307f3/fox-news-on-hillary-clinton-s-age", "http://thecolbertreport.cc.com/videos/tb28zm/meryl-davis---charlie-white", "http://thecolbertreport.cc.com/videos/3w27qv/sign-off---chair-twirl" ], "guest": "Meryl Davis &amp; Charlie White" }, { "date": "2014-02-27", "videos": [ "http://thecolbertreport.cc.com/videos/11tivg/intro---2-27-14", "http://thecolbertreport.cc.com/videos/28qta1/defeat-for-arizona-s-anti-gay-legislation", "http://thecolbertreport.cc.com/videos/p8fj8f/black-history-month---stereotypes---racial-identity", "http://thecolbertreport.cc.com/videos/300ry4/black-history-month---laser-klan", "http://thecolbertreport.cc.com/videos/8ijgcp/jeff-goldblum", "http://thecolbertreport.cc.com/videos/axkpkj/sign-off---wedding-cake" ], "guest": "Jeff Goldblum" }, { "date": "2014-03-03", "videos": [ "http://thecolbertreport.cc.com/videos/hbrhpe/magical-evening-at-the-2014-academy-awards", "http://thecolbertreport.cc.com/videos/q8u939/phony-obamacare-horror-stories", "http://thecolbertreport.cc.com/videos/8jpus1/phony-obamacare-horror-stories---patrick-stewart", "http://thecolbertreport.cc.com/videos/ysbw7d/sports-illustrated-barbie", "http://thecolbertreport.cc.com/videos/wwqhgn/caitlin-flanagan", "http://thecolbertreport.cc.com/videos/z2x5tb/sign-off----waiting-for-godot-" ], "guest": "Caitlin Flanagan" }, { "date": "2014-03-04", "videos": [ "http://thecolbertreport.cc.com/videos/y4s2js/intro---3-4-14", "http://thecolbertreport.cc.com/videos/avavv1/better-know-a-geopolitical-flashpoint---crimean-peninsula", "http://thecolbertreport.cc.com/videos/r79jgq/cold-war-update---obama-s-ukraine-response", "http://thecolbertreport.cc.com/videos/dpc49v/arizona-s-religious-freedom-bill---self-professed-gays", "http://thecolbertreport.cc.com/videos/bjwnn1/jaron-lanier", "http://thecolbertreport.cc.com/videos/38n33x/sign-off---shoe-answering-machine" ], "guest": "Jaron Lanier" }, { "date": "2014-03-05", "videos": [ "http://thecolbertreport.cc.com/videos/a2cnjz/intro---3-5-14", "http://thecolbertreport.cc.com/videos/chbquj/bill-o-reilly-on-the-downside-of-a-woman-president", "http://thecolbertreport.cc.com/videos/ak3veo/tip-wag---chevron---fda", "http://thecolbertreport.cc.com/videos/ppqf1u/headline-news-rebrand", "http://thecolbertreport.cc.com/videos/0exuju/beau-willimon", "http://thecolbertreport.cc.com/videos/gexopu/sign-off---goodnight" ], "guest": "Beau Willimon" }, { "date": "2014-03-06", "videos": [ "http://thecolbertreport.cc.com/videos/mmf7np/intro---3-6-14", "http://thecolbertreport.cc.com/videos/te4fyy/legal-upskirting-in-massachusetts", "http://thecolbertreport.cc.com/videos/awc6am/women-s-history-month---impossible-body-standards---appetizing-beauty-products", "http://thecolbertreport.cc.com/videos/3si7rs/warner-music-s--happy-birthday--copyright", "http://thecolbertreport.cc.com/videos/f3jjle/theaster-gates", "http://thecolbertreport.cc.com/videos/g6qd4x/sign-off---liberty-bell" ], "guest": "Theaster Gates" }, { "date": "2014-03-10", "videos": [ "http://thecolbertreport.cc.com/videos/ag9578/intro---3-10-14", "http://thecolbertreport.cc.com/videos/a6f94j/cross-controversy-at-9-11-museum", "http://thecolbertreport.cc.com/videos/bn0fy6/the-word---pew--pew--pew-", "http://thecolbertreport.cc.com/videos/gh6urb/neil-degrasse-tyson-pt--1", "http://thecolbertreport.cc.com/videos/42g6iq/neil-degrasse-tyson-pt--2", "http://thecolbertreport.cc.com/videos/1bou2c/sign-off---goodnight" ], "guest": "Neil DeGrasse Tyson" }, { "date": "2014-03-11", "videos": [ "http://thecolbertreport.cc.com/videos/g08oh5/intro---3-11-14", "http://thecolbertreport.cc.com/videos/usi00y/fan-magazine-for-pope-francis", "http://thecolbertreport.cc.com/videos/pis5qm/the-huffington-post-s-anal-sex-bombshell", "http://thecolbertreport.cc.com/videos/pvjhwj/the-huffington-post-s-anal-sex-bombshell---randy-ferrar", "http://thecolbertreport.cc.com/videos/qacc88/tip-wag---u-s--department-of-justice---wall-street", "http://thecolbertreport.cc.com/videos/nba46a/ronan-farrow", "http://thecolbertreport.cc.com/videos/hncfzx/sign-off---pope-centerfold" ], "guest": "Ronan Farrow" }, { "date": "2014-03-12", "videos": [ "http://thecolbertreport.cc.com/videos/ut2zdq/president-obama-on--between-two-ferns-", "http://thecolbertreport.cc.com/videos/h6q3h4/vladimir-putin-s-propaganda-machine---russia-today", "http://thecolbertreport.cc.com/videos/i7q6ld/vladimir-putin-s-propaganda-machine---russia-today---liz-wahl", "http://thecolbertreport.cc.com/videos/wp6hv1/nsa-s--ask-zelda--advice-column", "http://thecolbertreport.cc.com/videos/2qsrw5/maria-shriver", "http://thecolbertreport.cc.com/videos/i6cs26/sign-off---goodnight" ], "guest": "Maria Shriver" }, { "date": "2014-03-13", "videos": [ "http://thecolbertreport.cc.com/videos/5js43m/colorado-s-booming-marijuana-industry", "http://thecolbertreport.cc.com/videos/a1ejoq/bears---balls---ganjapreneurs", "http://thecolbertreport.cc.com/videos/xkuwmd/obama-s-overtime-pay-expansion", "http://thecolbertreport.cc.com/videos/k9goh1/simon-schama", "http://thecolbertreport.cc.com/videos/tl1mce/sign-off---goodnight" ], "guest": "Simon Schama" }, { "date": "2014-03-24", "videos": [ "http://thecolbertreport.cc.com/videos/hjb6kt/back-from-spring-break", "http://thecolbertreport.cc.com/videos/imczen/better-know-a-district---north-carolina-s-1st---g-k--butterfield", "http://thecolbertreport.cc.com/videos/8cy48v/malaysia-airlines--missing-plane", "http://thecolbertreport.cc.com/videos/g4poyv/bryan-cranston", "http://thecolbertreport.cc.com/videos/a2iw3f/sign-off---goodnight" ], "guest": "Bryan Cranston" }, { "date": "2014-03-25", "videos": [ "http://thecolbertreport.cc.com/videos/9n1euv/hugely-historic-night-with-jimmy-carter", "http://thecolbertreport.cc.com/videos/0k0w7y/president-jimmy-carter---the-colbert-interviews", "http://thecolbertreport.cc.com/videos/xepzs5/jimmy-carter-pt--1", "http://thecolbertreport.cc.com/videos/t3jp2g/jimmy-carter-pt--2", "http://thecolbertreport.cc.com/videos/uyisf5/sign-off---goodnight--carter-library" ], "guest": "Jimmy Carter" }, { "date": "2014-03-26", "videos": [ "http://thecolbertreport.cc.com/videos/1zhwtt/drunk-secret-service-agents-in-amsterdam", "http://thecolbertreport.cc.com/videos/b6cwb3/sport-report---professional-soccer-toddler--golf-innovations---washington-redskins-charm-offensive", "http://thecolbertreport.cc.com/videos/q8pyub/bright-prospects-for-the-gop-in-2016", "http://thecolbertreport.cc.com/videos/mcpvbd/errol-morris", "http://thecolbertreport.cc.com/videos/ycwnol/sign-off---goodnight" ], "guest": "Errol Morris" }, { "date": "2014-03-27", "videos": [ "http://thecolbertreport.cc.com/videos/qforig/intro---3-27-14", "http://thecolbertreport.cc.com/videos/uqmqua/ukraine-s-dolphin-army", "http://thecolbertreport.cc.com/videos/cabdj6/morning-news-for-millennials", "http://thecolbertreport.cc.com/videos/srj2lz/hawaii-s-prostitution-exemption-for-cops", "http://thecolbertreport.cc.com/videos/77oyfl/darren-aronofsky", "http://thecolbertreport.cc.com/videos/tyuheg/sign-off---playdate-with-charlie-rose" ], "guest": "Darren Aronofsky" }, { "date": "2014-03-31", "videos": [ "http://thecolbertreport.cc.com/videos/lumbga/intro---3-31-14", "http://thecolbertreport.cc.com/videos/3yhe9h/emoji-ethnicity", "http://thecolbertreport.cc.com/videos/1zkr18/who-s-attacking-me-now-----cancelcolbert", "http://thecolbertreport.cc.com/videos/35dcpo/stephen-s--cancelcolbert-mea-culpa", "http://thecolbertreport.cc.com/videos/vj7n1j/biz-stone-pt--1", "http://thecolbertreport.cc.com/videos/yc8huq/biz-stone-pt--2", "http://thecolbertreport.cc.com/videos/adyesn/sign-off---bud-light-lime", "http://thecolbertreport.cc.com/videos/p65waq/3-31-14-in--60-seconds" ], "guest": "Biz Stone" }, { "date": "2014-04-01", "videos": [ "http://thecolbertreport.cc.com/videos/3ljnpx/obamacare-victory-lap", "http://thecolbertreport.cc.com/videos/cviqog/union-push-for-college-athletes", "http://thecolbertreport.cc.com/videos/64v4nu/union-push-for-college-athletes---ramogi-huma", "http://thecolbertreport.cc.com/videos/784uo8/john-malkovich", "http://thecolbertreport.cc.com/videos/rc1p9n/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/c9xd2d/4-1-14-in--60-seconds" ], "guest": "John Malkovich" }, { "date": "2014-04-02", "videos": [ "http://thecolbertreport.cc.com/videos/zxr7i2/u-n--climate-change-report", "http://thecolbertreport.cc.com/videos/o639ag/the-word---silent-but-deadly", "http://thecolbertreport.cc.com/videos/1ypxfz/silicon-valley-s-cosmetic-surgery-boom", "http://thecolbertreport.cc.com/videos/pnhs3f/dan-harris", "http://thecolbertreport.cc.com/videos/wrxyua/sign-off---comedy-central-app" ], "guest": "Dan Harris" }, { "date": "2014-04-03", "videos": [ "http://thecolbertreport.cc.com/videos/kas793/holy-grail-discovery", "http://thecolbertreport.cc.com/videos/n79fg2/supreme-court-ruling-on-aggregate-campaign-funding", "http://thecolbertreport.cc.com/videos/n6lhb9/supreme-court-ruling-on-aggregate-campaign-funding---emily-bazelon", "http://thecolbertreport.cc.com/videos/4vb00q/bill-o-reilly-s-defense-of-inequality", "http://thecolbertreport.cc.com/videos/fgsnrb/mark-mazzetti", "http://thecolbertreport.cc.com/videos/255jt7/sign-off---coffee-break" ], "guest": "Mark Mazzetti" }, { "date": "2014-04-07", "videos": [ "http://thecolbertreport.cc.com/videos/lz94c9/jeb-bush-on-illegal-immigrants", "http://thecolbertreport.cc.com/videos/jjifoz/tip-wag---new-york-times--alaska-board-of-game---mazda", "http://thecolbertreport.cc.com/videos/jvziju/matt-bevin-s-cockfighting-controversy", "http://thecolbertreport.cc.com/videos/xj9d66/edward-frenkel", "http://thecolbertreport.cc.com/videos/2dvxf1/sign-off---newspaper" ], "guest": "Edward Frenkel" }, { "date": "2014-04-08", "videos": [ "http://thecolbertreport.cc.com/videos/m6pj8n/intro---4-8-14", "http://thecolbertreport.cc.com/videos/wpor0d/america-s-uninformed-opinion-on-ukraine", "http://thecolbertreport.cc.com/videos/ncl2k5/cia-interrogation-report", "http://thecolbertreport.cc.com/videos/nemi1a/common-core-confusion", "http://thecolbertreport.cc.com/videos/uyjkgv/jane-goodall", "http://thecolbertreport.cc.com/videos/2v7871/sign-off---cheers" ], "guest": "Jane Goodall" }, { "date": "2014-04-09", "videos": [ "http://thecolbertreport.cc.com/videos/53uymc/intro---4-9-14", "http://thecolbertreport.cc.com/videos/o3rniz/heartbleed-internet-bug", "http://thecolbertreport.cc.com/videos/8a5aao/brendan-eich-s-forced-resignation", "http://thecolbertreport.cc.com/videos/3pg0sn/brendan-eich-s-forced-resignation---andrew-sullivan", "http://thecolbertreport.cc.com/videos/l9zuu1/obama-s-equal-pay-orders", "http://thecolbertreport.cc.com/videos/wr794b/sheryl-sandberg", "http://thecolbertreport.cc.com/videos/mroadr/sign-off---goodnight" ], "guest": "Sheryl Sandberg" }, { "date": "2014-04-10", "videos": [ "http://thecolbertreport.cc.com/videos/k436zi/david-letterman-s-retirement", "http://thecolbertreport.cc.com/videos/kv1taq/cheating-death---depression-edition", "http://thecolbertreport.cc.com/videos/3a9611/bill-o-reilly-on-america-s--grievance-industry-", "http://thecolbertreport.cc.com/videos/yi8cxa/sting" ], "guest": "Sting" }, { "date": "2014-04-21", "videos": [ "http://thecolbertreport.cc.com/videos/1tyawq/intro---4-21-14", "http://thecolbertreport.cc.com/videos/0w61r2/al-qaeda-s-overly-public-pep-rally", "http://thecolbertreport.cc.com/videos/055g6r/hillary-clinton-s-grandmother-status", "http://thecolbertreport.cc.com/videos/7d5y74/stephen-colbert-s-bats--t-serious---hillary-clinton-shoe-spiracy-theory", "http://thecolbertreport.cc.com/videos/hls49q/extreme-measures-for-boosting-church-attendance", "http://thecolbertreport.cc.com/videos/p5o99a/ken-burns", "http://thecolbertreport.cc.com/videos/v2nud8/sign-off---goodnight" ], "guest": "Ken Burns" }, { "date": "2014-04-22", "videos": [ "http://thecolbertreport.cc.com/videos/t2msi7/intro---4-22-14", "http://thecolbertreport.cc.com/videos/1j1m90/postage-stamp-for-harvey-milk", "http://thecolbertreport.cc.com/videos/0bsy88/better-know-a-district---california-s-29th", "http://thecolbertreport.cc.com/videos/kg42wy/bad-news-for-ethanol-on-earth-day", "http://thecolbertreport.cc.com/videos/yeczpa/george-will", "http://thecolbertreport.cc.com/videos/0b7ymc/sign-off---goodnight" ], "guest": "George Will" }, { "date": "2014-04-23", "videos": [ "http://thecolbertreport.cc.com/videos/vnbuc3/intro---4-23-14", "http://thecolbertreport.cc.com/videos/8l716g/canada-s-booming-middle-class", "http://thecolbertreport.cc.com/videos/tn3469/sport-report---snacks-for-students---cockfighting", "http://thecolbertreport.cc.com/videos/lz21l6/america-s-lime-crisis", "http://thecolbertreport.cc.com/videos/g5cgj8/john-calipari", "http://thecolbertreport.cc.com/videos/6glbo4/sign-off---goodnight" ], "guest": "John Calipari" }, { "date": "2014-04-24", "videos": [ "http://thecolbertreport.cc.com/videos/2c27q9/supreme-court-affirmative-action-ruling", "http://thecolbertreport.cc.com/videos/ehanpl/the-ballad-of-cliven-bundy", "http://thecolbertreport.cc.com/videos/5mf7zk/phyllis-schlafly-vs--equal-pay-for-women", "http://thecolbertreport.cc.com/videos/ufdzm1/george-saunders", "http://thecolbertreport.cc.com/videos/vtuwb7/sign-off---country-boy" ], "guest": "George Saunders" }, { "date": "2014-04-28", "videos": [ "http://thecolbertreport.cc.com/videos/6fq0xa/popechella", "http://thecolbertreport.cc.com/videos/yhq2cw/preventable-diseases-on-the-rise", "http://thecolbertreport.cc.com/videos/svsc0q/preventable-diseases-on-the-rise---paul-offit", "http://thecolbertreport.cc.com/videos/5my1ja/outrage-over-obama-s-bowing", "http://thecolbertreport.cc.com/videos/i1lidr/michael-mcfaul", "http://thecolbertreport.cc.com/videos/gu3d7a/sign-off----deadly-choices-" ], "guest": "Michael McFaul" }, { "date": "2014-04-29", "videos": [ "http://thecolbertreport.cc.com/videos/cxn6h3/intro---4-29-14", "http://thecolbertreport.cc.com/videos/jfz395/donald-sterling-s-racist-comments", "http://thecolbertreport.cc.com/videos/td7npw/tip-wag---j-j--abrams---u-s--congress", "http://thecolbertreport.cc.com/videos/8pyjlg/clemency-push-for-drug-convicts", "http://thecolbertreport.cc.com/videos/eyae6k/robert-rodriguez", "http://thecolbertreport.cc.com/videos/11mf9t/sign-off---goodnight" ], "guest": "Robert Rodriguez" }, { "date": "2014-04-30", "videos": [ "http://thecolbertreport.cc.com/videos/kdwdgq/intro---4-30-14", "http://thecolbertreport.cc.com/videos/6lmqu6/president-assad-s-reelection-bid", "http://thecolbertreport.cc.com/videos/so1kau/republican-advantage-in-the-2014-midterms", "http://thecolbertreport.cc.com/videos/2nuw76/republican-advantage-in-the-2014-midterms---clay-aiken", "http://thecolbertreport.cc.com/videos/tfpj0x/america-s-first-lesbian-throuple", "http://thecolbertreport.cc.com/videos/fs6gac/audra-mcdonald" ], "guest": "Audra McDonald" }, { "date": "2014-05-01", "videos": [ "http://thecolbertreport.cc.com/videos/798k8c/-watters--world-", "http://thecolbertreport.cc.com/videos/1e524e/-watters--world----tad-s-turf", "http://thecolbertreport.cc.com/videos/zbjl95/cnn-s-endless-wait-for-flight-370-news", "http://thecolbertreport.cc.com/videos/hji3d3/saul-williams", "http://thecolbertreport.cc.com/videos/ie7s2m/saul-williams----amethyst-rocks-" ], "guest": "Saul Williams" }, { "date": "2014-05-05", "videos": [ "http://thecolbertreport.cc.com/videos/unhuhc/intro---5-5-14", "http://thecolbertreport.cc.com/videos/oxvwlw/nancy-pelosi-s-cinco-de-mayo-celebration", "http://thecolbertreport.cc.com/videos/0hu2aq/better-know-a-district---virginia-s-3rd", "http://thecolbertreport.cc.com/videos/fo52kn/kareem-abdul-jabbar-on-racism-and-ghosts", "http://thecolbertreport.cc.com/videos/c0s4ec/edward-o--wilson", "http://thecolbertreport.cc.com/videos/4tegd5/sign-off---goodnight" ], "guest": "Edward O. Wilson" }, { "date": "2014-05-06", "videos": [ "http://thecolbertreport.cc.com/videos/pnqv06/intro---5-6-14", "http://thecolbertreport.cc.com/videos/khlwzq/rand-paul-s-derby-date-with-rupert-murdoch", "http://thecolbertreport.cc.com/videos/s4me1v/nra-annual-meeting---guns-everywhere-in-georgia", "http://thecolbertreport.cc.com/videos/zekn1k/satanic-monument-for-the-oklahoma-state-house", "http://thecolbertreport.cc.com/videos/iihdkg/bette-midler", "http://thecolbertreport.cc.com/videos/n572qd/sign-off---nightcap" ], "guest": "Bette Midler" }, { "date": "2014-05-07", "videos": [ "http://thecolbertreport.cc.com/videos/1ztozi/intro---5-7-14", "http://thecolbertreport.cc.com/videos/p4t1a2/vibrant-constipation-pill", "http://thecolbertreport.cc.com/videos/ywt77c/tip-wag---herald-embroidery--bug-scientists---dana-perino", "http://thecolbertreport.cc.com/videos/2u61x6/ukraine-in-the-membrane", "http://thecolbertreport.cc.com/videos/uz2nio/david-remnick", "http://thecolbertreport.cc.com/videos/q5zpsy/sign-off---goodnight" ], "guest": "David Remnick" }, { "date": "2014-05-08", "videos": [ "http://thecolbertreport.cc.com/videos/84cvwk/exclusive---better-know-a-challenger---florida-s-3rd---jake-rush", "http://thecolbertreport.cc.com/videos/1u7a5d/vampire-for-congress-in-florida", "http://thecolbertreport.cc.com/videos/vkcose/better-know-a-challenger---florida-s-3rd---jake-rush", "http://thecolbertreport.cc.com/videos/8jno3s/stu-varney-among-the-common-people", "http://thecolbertreport.cc.com/videos/m2n3c9/ellen-page", "http://thecolbertreport.cc.com/videos/u05pdf/sign-off---spinning-top" ], "guest": "Ellen Page" }, { "date": "2014-05-12", "videos": [ "http://thecolbertreport.cc.com/videos/nnz78u/michael-sam-s-nfl-draft-kiss", "http://thecolbertreport.cc.com/videos/g2hf60/stephen-colbert-s-bats--t-serious---monica-lewinsky-s-conveniently-timed-essay", "http://thecolbertreport.cc.com/videos/2j80wh/glenn-greenwald-pt--1", "http://thecolbertreport.cc.com/videos/31s76v/glenn-greenwald-pt--2", "http://thecolbertreport.cc.com/videos/xovmc1/sign-off---penalty-whistle" ], "guest": "Glenn Greenwald" }, { "date": "2014-05-13", "videos": [ "http://thecolbertreport.cc.com/videos/wn13ym/pope-francis-s-crusade-against-capitalism", "http://thecolbertreport.cc.com/videos/vmje6p/-bringbackourgirls", "http://thecolbertreport.cc.com/videos/2rgt3x/-bringbackourgirls---rosemary-nyirumbe", "http://thecolbertreport.cc.com/videos/jrmo9v/koch-brothers-vs--the-columbus-zoo", "http://thecolbertreport.cc.com/videos/s46r2u/the-black-keys", "http://thecolbertreport.cc.com/videos/7bxzr7/sign-off---sisters-united-bags" ], "guest": "The Black Keys" }, { "date": "2014-05-14", "videos": [ "http://thecolbertreport.cc.com/videos/mwq7dh/intro---5-14-14", "http://thecolbertreport.cc.com/videos/5ob1j2/pope-francis-on-baptizing-martians", "http://thecolbertreport.cc.com/videos/k6jlhl/the-word---f--k-it", "http://thecolbertreport.cc.com/videos/4a4ahs/amazon-s-audacious-photography-patent", "http://thecolbertreport.cc.com/videos/hffa7o/keri-russell", "http://thecolbertreport.cc.com/videos/2b3fgm/sign-off---goodnight" ], "guest": "Keri Russell" }, { "date": "2014-05-15", "videos": [ "http://thecolbertreport.cc.com/videos/bvzi2n/vladimir-putin-s-space-station-ban", "http://thecolbertreport.cc.com/videos/pb1byh/karl-rove-on-hillary-clinton-s-health", "http://thecolbertreport.cc.com/videos/o2wt62/morality-lessons-for-robots", "http://thecolbertreport.cc.com/videos/lmgmhg/thomas-friedman", "http://thecolbertreport.cc.com/videos/z8ndeb/sign-off---mirror" ], "guest": "Thomas Friedman" }, { "date": "2014-05-19", "videos": [ "http://thecolbertreport.cc.com/videos/r5l7zc/intro---5-19-14", "http://thecolbertreport.cc.com/videos/el90zp/co-ed-lab-rats", "http://thecolbertreport.cc.com/videos/7oum5k/elizabeth-warren-vs--wall-street", "http://thecolbertreport.cc.com/videos/7sujj3/colbert-report-consumer-alert---jerky-blaster", "http://thecolbertreport.cc.com/videos/79q9bs/elizabeth-warren", "http://thecolbertreport.cc.com/videos/igbz3e/sign-off---goodnight" ], "guest": "Elizabeth Warren" }, { "date": "2014-05-20", "videos": [ "http://thecolbertreport.cc.com/videos/oimxrw/china-s-cyber-spies", "http://thecolbertreport.cc.com/videos/zfayee/the-gop-s-gloves-off-approach-to-hillary-clinton", "http://thecolbertreport.cc.com/videos/dbim9j/google-and-the-right-to-be-forgotten", "http://thecolbertreport.cc.com/videos/zopbx2/matthew-weiner", "http://thecolbertreport.cc.com/videos/g4ax73/sign-off---goodbye-kiss" ], "guest": "Matt Weiner" }, { "date": "2014-05-21", "videos": [ "http://thecolbertreport.cc.com/videos/6uijkp/tea-party-defeat-in-the-gop-primaries", "http://thecolbertreport.cc.com/videos/sk5fyk/idaho-s-bizarre-gubernatorial-debate", "http://thecolbertreport.cc.com/videos/zn3est/mers-virus-in-america", "http://thecolbertreport.cc.com/videos/xnk3xl/patrick-stewart", "http://thecolbertreport.cc.com/videos/8pgnos/sign-off---goodnight" ], "guest": "Patrick Stewart" }, { "date": "2014-05-22", "videos": [ "http://thecolbertreport.cc.com/videos/7q56w3/intro---5-22-14", "http://thecolbertreport.cc.com/videos/ouzxbu/va-hospital-outrage", "http://thecolbertreport.cc.com/videos/s6rmi7/va-hospital-outrage---paul-rieckhoff", "http://thecolbertreport.cc.com/videos/74fcac/marco-rubio-s-hazy-marijuana-history", "http://thecolbertreport.cc.com/videos/b40eb0/ray-mabus", "http://thecolbertreport.cc.com/videos/764wvl/sign-off---goodnight-and-good-week" ], "guest": "Ray Mabus" }, { "date": "2014-06-02", "videos": [ "http://thecolbertreport.cc.com/videos/xtbsgf/obama-s-prisoner-exchange-with-the-taliban", "http://thecolbertreport.cc.com/videos/i8fthl/difference-makers---doug-varrieur", "http://thecolbertreport.cc.com/videos/oq97o4/thomas-piketty-vs--billionaire-heroes", "http://thecolbertreport.cc.com/videos/e301vf/thomas-piketty", "http://thecolbertreport.cc.com/videos/lyrlrc/sign-off---goatee" ], "guest": "Thomas Piketty" }, { "date": "2014-06-03", "videos": [ "http://thecolbertreport.cc.com/videos/o4pou7/intro---6-3-14", "http://thecolbertreport.cc.com/videos/u6nqsd/open-carry-backlash", "http://thecolbertreport.cc.com/videos/57iigb/obama-s-global-warming-initiative", "http://thecolbertreport.cc.com/videos/ifxi76/obama-s-global-warming-initiative---dan-esty", "http://thecolbertreport.cc.com/videos/vf38fj/medicare-coverage-for-sex-change-surgery", "http://thecolbertreport.cc.com/videos/ttwu42/morgan-freeman", "http://thecolbertreport.cc.com/videos/qmezm2/sign-off---goodnight" ], "guest": "Morgan Freeman" }, { "date": "2014-06-04", "videos": [ "http://thecolbertreport.cc.com/videos/yuxdmx/the-perils-of-girly-hurricanes", "http://thecolbertreport.cc.com/videos/ukf9gv/amazon-vs--hachette", "http://thecolbertreport.cc.com/videos/t1nxwu/amazon-vs--hachette---sherman-alexie", "http://thecolbertreport.cc.com/videos/w5wvxu/the-colbert-report-s-unintended-educational-value", "http://thecolbertreport.cc.com/videos/olnbg3/jonah-hill", "http://thecolbertreport.cc.com/videos/k89vi0/sign-off----california-" ], "guest": "Jonah Hill" }, { "date": "2014-06-05", "videos": [ "http://thecolbertreport.cc.com/videos/7fyrr9/intro---6-5-14", "http://thecolbertreport.cc.com/videos/hfogr3/bergdghazi", "http://thecolbertreport.cc.com/videos/2408x6/sport-report---mushroom-sports-drink--nfl-pill-pushers---rio-de-janeiro-s-olympic-problems", "http://thecolbertreport.cc.com/videos/q8dzb2/the-drudge-report-on-hillary-clinton-s--walker-", "http://thecolbertreport.cc.com/videos/muek3m/chrissie-hynde" ], "guest": "Chrissie Hynde" }, { "date": "2014-06-09", "videos": [ "http://thecolbertreport.cc.com/videos/tpxhoo/scott-fistler-s--cesar-chavez--strategy", "http://thecolbertreport.cc.com/videos/7uozsl/fox-news-s-war-on-bowe-bergdahl", "http://thecolbertreport.cc.com/videos/uyh5xo/craziest-f--king-thing-i-ve-ever-heard---vincent-van-gogh-s-reanimated-ear", "http://thecolbertreport.cc.com/videos/allxmi/esther-perel", "http://thecolbertreport.cc.com/videos/x78nyg/sign-off---goodnight" ], "guest": "Esther Perel" }, { "date": "2014-06-10", "videos": [ "http://thecolbertreport.cc.com/videos/gdbreq/turing-test-breakthrough", "http://thecolbertreport.cc.com/videos/p8wqsa/the-enemy-within---bina-the-activist-android", "http://thecolbertreport.cc.com/videos/n30nzb/sport-report---swimming-pools-for-football-fans---governors--hockey-wager", "http://thecolbertreport.cc.com/videos/2lc1uv/john-waters", "http://thecolbertreport.cc.com/videos/dxz774/sign-off---goodnight" ], "guest": "John Waters" }, { "date": "2014-06-11", "videos": [ "http://thecolbertreport.cc.com/videos/s8uwwo/intro---6-11-14", "http://thecolbertreport.cc.com/videos/1d3kl4/eric-cantor-s-shocking-defeat", "http://thecolbertreport.cc.com/videos/m87g43/the-word---debt-or-prison", "http://thecolbertreport.cc.com/videos/2kgoki/rob-rhinehart", "http://thecolbertreport.cc.com/videos/6v0f1z/sign-off---spiked-drink" ], "guest": "Rob Rhinehart" }, { "date": "2014-06-12", "videos": [ "http://thecolbertreport.cc.com/videos/iywdca/amazon-s-scorched-earth-tactics-and-edan-lepucki-s--california-", "http://thecolbertreport.cc.com/videos/4n51kp/tip-wag---ted-cruz---led-zeppelin", "http://thecolbertreport.cc.com/videos/0z44gm/sport-report---team-usa-vs--the-group-of-death---hans-beinholtz-on-the-world-cup", "http://thecolbertreport.cc.com/videos/sqbqhw/james-webb", "http://thecolbertreport.cc.com/videos/pjws58/sign-off---necktie" ], "guest": "James Webb" }, { "date": "2014-06-16", "videos": [ "http://thecolbertreport.cc.com/videos/6mpwy3/isis-militants-in-iraq", "http://thecolbertreport.cc.com/videos/wlnavl/isis-militants-in-iraq---ben-van-heuvelen", "http://thecolbertreport.cc.com/videos/eozrlj/racial-perceptions-and-economic-stress", "http://thecolbertreport.cc.com/videos/n3etz1/ta-nehisi-coates", "http://thecolbertreport.cc.com/videos/200z2y/sign-off---hand-mirror" ], "guest": "Ta-Nehisi Coates" }, { "date": "2014-06-17", "videos": [ "http://thecolbertreport.cc.com/videos/ddo89r/world-cup-victory-for-team-usa", "http://thecolbertreport.cc.com/videos/xoa360/the-word---a-darker-shade-of-pale", "http://thecolbertreport.cc.com/videos/qpaogb/majority-support-for-same-sex-marriage", "http://thecolbertreport.cc.com/videos/8buw4s/david-boies---theodore-b--olson", "http://thecolbertreport.cc.com/videos/4gkwgg/sign-off---foam-finger" ], "guest": "David Boies &amp; Theodore B. Olson" }, { "date": "2014-06-18", "videos": [ "http://thecolbertreport.cc.com/videos/exebzv/intro---6-18-14", "http://thecolbertreport.cc.com/videos/hgs925/arrest-of-benghazi-terror-mastermind", "http://thecolbertreport.cc.com/videos/a1yfmv/hillary-clinton-vs--the-rnc-squirrel", "http://thecolbertreport.cc.com/videos/qj2x93/thad-cochran-on-doing-indecent-things-with-animals", "http://thecolbertreport.cc.com/videos/3ul9zn/katty-kay---claire-shipman", "http://thecolbertreport.cc.com/videos/och071/sign-off---goodnight" ], "guest": "Katty Kay &amp; Claire Shipman" }, { "date": "2014-06-19", "videos": [ "http://thecolbertreport.cc.com/videos/gt99v3/the-iraq-pack", "http://thecolbertreport.cc.com/videos/445utq/thought-for-food---domino-s-smart-slice---doritos-jacked", "http://thecolbertreport.cc.com/videos/cbr3yz/-yo--smartphone-app", "http://thecolbertreport.cc.com/videos/3abzv4/jay-carney", "http://thecolbertreport.cc.com/videos/h0b8ou/sign-off---goodnight" ], "guest": "Jay Carney" }, { "date": "2014-06-23", "videos": [ "http://thecolbertreport.cc.com/videos/7bqhfd/team-usa-s-tragic-tie-with-portugal", "http://thecolbertreport.cc.com/videos/k8orr2/obama-s-response-to-isis-in-iraq---mark-mazzetti", "http://thecolbertreport.cc.com/videos/72elnv/jeremy-meeks-s-handsome-mug-shot", "http://thecolbertreport.cc.com/videos/07oysy/john-green", "http://thecolbertreport.cc.com/videos/mwnvtk/sign-off---goodnight" ], "guest": "John Green" }, { "date": "2014-06-24", "videos": [ "http://thecolbertreport.cc.com/videos/tmjbzp/intro---6-24-14", "http://thecolbertreport.cc.com/videos/ee0zj7/isis-invades-hashtagistan", "http://thecolbertreport.cc.com/videos/bveu0w/tip-wag---fda---ben---jerry-s", "http://thecolbertreport.cc.com/videos/bu43e8/new-york-s-ban-on-tiger-selfies", "http://thecolbertreport.cc.com/videos/bo739z/edie-falco", "http://thecolbertreport.cc.com/videos/hgf6rh/sign-off---goodnight" ], "guest": "Edie Falco" }, { "date": "2014-06-25", "videos": [ "http://thecolbertreport.cc.com/videos/rpnj8s/obama-s-chipotle-blunder", "http://thecolbertreport.cc.com/videos/glsyx9/stephen-colbert-s-bats--t-serious---child-immigrant-intrigue", "http://thecolbertreport.cc.com/videos/nx3ix1/stephen-colbert-s-bats--t-serious---child-immigrant-intrigue---john-burnett", "http://thecolbertreport.cc.com/videos/rki77c/primary-victory-for-thad-cochran", "http://thecolbertreport.cc.com/videos/rn2gd8/eleanor-holmes-norton", "http://thecolbertreport.cc.com/videos/q6den3/sign-off---goodnight" ], "guest": "Rep. Eleanor Holmes Norton" }, { "date": "2014-06-26", "videos": [ "http://thecolbertreport.cc.com/videos/suqg0f/stephen-colbert-s-bats--t-serious---the-vast-government-soccer-conspiracy", "http://thecolbertreport.cc.com/videos/autzis/tip-wag---north-carolina-state-legislature---cereal-manufacturers", "http://thecolbertreport.cc.com/videos/jrdas9/paul-rudd-pt--1", "http://thecolbertreport.cc.com/videos/rb9bo7/paul-rudd-pt--2", "http://thecolbertreport.cc.com/videos/8vp2bp/sign-off---so-long-for-two-weeks" ], "guest": "Paul Rudd" }, { "date": "2014-07-14", "videos": [ "http://thecolbertreport.cc.com/videos/fy2b19/intro---7-14-14", "http://thecolbertreport.cc.com/videos/9cspva/world-cup-recap", "http://thecolbertreport.cc.com/videos/mlyvqh/thank-you--racism---boehner-v--obama", "http://thecolbertreport.cc.com/videos/xivy3m/hobby-lobby-case", "http://thecolbertreport.cc.com/videos/9nzwjt/vessyl-digital-cup", "http://thecolbertreport.cc.com/videos/6cvwe6/jad-abumrad---robert-krulwich", "http://thecolbertreport.cc.com/videos/rpfaco/sign-off---goodnight" ], "guest": "Jad Abumrad, Robert Krulwich" }, { "date": "2014-07-15", "videos": [ "http://thecolbertreport.cc.com/videos/nnucn6/obama-s-senioritis", "http://thecolbertreport.cc.com/videos/f0uh68/threatdown---all-bear-edition", "http://thecolbertreport.cc.com/videos/08a2dg/vint-cerf-pt--1", "http://thecolbertreport.cc.com/videos/x9hnxr/vint-cerf-pt--2", "http://thecolbertreport.cc.com/videos/dixoxg/sign-off---goodnight" ], "guest": "Vint Cerf" }, { "date": "2014-07-16", "videos": [ "http://thecolbertreport.cc.com/videos/anklfa/intro---7-16-14", "http://thecolbertreport.cc.com/videos/53n0nf/conservative-contempt-for-bill-de-blasio", "http://thecolbertreport.cc.com/videos/cbs1n7/rick-perry-s-makeover---uncensored", "http://thecolbertreport.cc.com/videos/1flr4c/filling-captain-america-s-shoes---joe-quesada", "http://thecolbertreport.cc.com/videos/ypm476/bill-de-blasio", "http://thecolbertreport.cc.com/videos/slmbh6/sign-off----captain-america-" ], "guest": "Mayor Bill de Blasio" }, { "date": "2014-07-17", "videos": [ "http://thecolbertreport.cc.com/videos/ket4ms/malaysia-airlines-crash---hamas-israel-violence", "http://thecolbertreport.cc.com/videos/z3gi0q/questionable-compassion-for-child-immigrants", "http://thecolbertreport.cc.com/videos/bfvmgh/coal-rolling", "http://thecolbertreport.cc.com/videos/70ezhu/steven-m--wise", "http://thecolbertreport.cc.com/videos/n00bpi/sign-off---soot-blast" ], "guest": "Steven Wise" }, { "date": "2014-07-21", "videos": [ "http://thecolbertreport.cc.com/videos/qimhj6/intro---7-21-14", "http://thecolbertreport.cc.com/videos/n71mkf/world-news-wrap-up", "http://thecolbertreport.cc.com/videos/8e5dyu/colbert-nation-vs--amazon---edan-lepucki", "http://thecolbertreport.cc.com/videos/egw3ua/nancy-pelosi-pt--1", "http://thecolbertreport.cc.com/videos/q8mj7b/nancy-pelosi-pt--2", "http://thecolbertreport.cc.com/videos/98szje/sign-off----sweetness--9-" ], "guest": "Rep. Nancy Pelosi" }, { "date": "2014-07-22", "videos": [ "http://thecolbertreport.cc.com/videos/a6s2qu/rep--steve-pearce-s-fact-finding-mission-in-central-america", "http://thecolbertreport.cc.com/videos/d24npe/rising-calls-for-obama-s-impeachment", "http://thecolbertreport.cc.com/videos/stx9ln/rising-calls-for-obama-s-impeachment---p-k--winsome", "http://thecolbertreport.cc.com/videos/qf023x/rory-mcilroy-and-caroline-wozniacki-s-post-breakup-triumph", "http://thecolbertreport.cc.com/videos/1872w0/julia-ioffe", "http://thecolbertreport.cc.com/videos/rxjlpc/sign-off---p-k--winsome" ], "guest": "Julia Ioffe" }, { "date": "2014-07-23", "videos": [ "http://thecolbertreport.cc.com/videos/74ly7x/housing-crisis-for-child-immigrants", "http://thecolbertreport.cc.com/videos/w0dhco/six-californias", "http://thecolbertreport.cc.com/videos/rmgh1u/six-californias---tim-draper", "http://thecolbertreport.cc.com/videos/qb2d4f/lowe-s-vs--veterans-affairs", "http://thecolbertreport.cc.com/videos/a368r9/mary-mazzio---oscar-vazquez", "http://thecolbertreport.cc.com/videos/8nsg9g/sign-off---goodnight" ], "guest": "Mary Mazzio, Oscar Vazquez" }, { "date": "2014-07-24", "videos": [ "http://thecolbertreport.cc.com/videos/9bfzta/darth-vader-for-president", "http://thecolbertreport.cc.com/videos/br4k5m/tip-wag----true-blood----washington--d-c---court-of-appeals", "http://thecolbertreport.cc.com/videos/o26y1r/elon-musk-pt--1", "http://thecolbertreport.cc.com/videos/s4aaoq/elon-musk-pt--2", "http://thecolbertreport.cc.com/videos/baab8l/exclusive---elon-musk-discusses-mars", "http://thecolbertreport.cc.com/videos/9pmgk5/sign-off---goodnight" ], "guest": "Elon Musk" }, { "date": "2014-07-28", "videos": [ "http://thecolbertreport.cc.com/videos/99fqm5/magical-afternoon-at-comic-con", "http://thecolbertreport.cc.com/videos/yxerhp/the-word---see-no-equal", "http://thecolbertreport.cc.com/videos/c8gyzb/-kim-kardashian--hollywood--game", "http://thecolbertreport.cc.com/videos/me3jxh/beck" ], "guest": "Beck" }, { "date": "2014-07-29", "videos": [ "http://thecolbertreport.cc.com/videos/go3xsz/stephen-colbert-s-i-need-a-drink", "http://thecolbertreport.cc.com/videos/zo7j8y/the-sarah-palin-channel", "http://thecolbertreport.cc.com/videos/oeurov/jon-batiste-and-stay-human", "http://thecolbertreport.cc.com/videos/84mh53/sign-off---jon-batiste-and-stay-human" ], "guest": "Jon Batiste &amp; Stay Human" }, { "date": "2014-07-30", "videos": [ "http://thecolbertreport.cc.com/videos/vy7myr/orlando-bloom-s-altercation-with-justin-bieber", "http://thecolbertreport.cc.com/videos/mfm78m/corporate-inversions", "http://thecolbertreport.cc.com/videos/gv7xvj/corporate-inversions---allan-sloan", "http://thecolbertreport.cc.com/videos/psbsuw/naked-tv", "http://thecolbertreport.cc.com/videos/lb70bp/james-franco", "http://thecolbertreport.cc.com/videos/n2673s/sign-off---goodnight" ], "guest": "James Franco" }, { "date": "2014-07-31", "videos": [ "http://thecolbertreport.cc.com/videos/dwf82q/women-on-american-currency", "http://thecolbertreport.cc.com/videos/cruj3s/the-conflict-over-covering-the-conflict-in-gaza", "http://thecolbertreport.cc.com/videos/m4juon/tip-wag---beelzebub---nasa", "http://thecolbertreport.cc.com/videos/2mpwlv/campbell-brown", "http://thecolbertreport.cc.com/videos/26ag1q/sign-off---monitoring-system" ], "guest": "Campbell Brown" }, { "date": "2014-08-04", "videos": [ "http://thecolbertreport.cc.com/videos/zcyj0l/40th-anniversary-of-nixon-s-resignation", "http://thecolbertreport.cc.com/videos/9hxmyy/a-nation-betrayed---a-fond-look-back---74", "http://thecolbertreport.cc.com/videos/c505xx/pat-buchanan", "http://thecolbertreport.cc.com/videos/ecplh0/john-w--dean", "http://thecolbertreport.cc.com/videos/jg7vda/sign-off---retrospectacular", "http://thecolbertreport.cc.com/videos/2kctj0/exclusive---pat-buchanan" ], "guest": "Pat Buchanan, John W. Dean" }, { "date": "2014-08-05", "videos": [ "http://thecolbertreport.cc.com/videos/eu8j9u/open-carry-trailblazers", "http://thecolbertreport.cc.com/videos/imtefo/-hard-choices----hillary-clinton", "http://thecolbertreport.cc.com/videos/8tvtmw/language-lessons-from-america-s-senior-citizens", "http://thecolbertreport.cc.com/videos/wb06vr/james-cameron", "http://thecolbertreport.cc.com/videos/tovjr3/sign-off---goodnight" ], "guest": "James Cameron" }, { "date": "2014-08-06", "videos": [ "http://thecolbertreport.cc.com/videos/v652g6/smile-file---kim-jong-un-at-the-lube-factory", "http://thecolbertreport.cc.com/videos/mrntln/rand-paul-s-hasty-exit", "http://thecolbertreport.cc.com/videos/82nvgq/news-anchor-baby", "http://thecolbertreport.cc.com/videos/gn8hz0/michael-fassbender" ], "guest": "Michael Fassbender" }, { "date": "2014-08-07", "videos": [ "http://thecolbertreport.cc.com/videos/2mrfmc/intro---8-7-14", "http://thecolbertreport.cc.com/videos/bmd26v/vladimir-putin-s-food-sanctions", "http://thecolbertreport.cc.com/videos/nm2atj/ebola-panic", "http://thecolbertreport.cc.com/videos/7a9ir7/the-in-box---blt-vs--club", "http://thecolbertreport.cc.com/videos/ddvyto/brian-chesky", "http://thecolbertreport.cc.com/videos/dc3x0v/sign-off---bourbon-and-chicken" ], "guest": "Brian Chesky" }, { "date": "2014-08-26", "videos": [ "http://thecolbertreport.cc.com/videos/xfa2tc/intro---8-26-14", "http://thecolbertreport.cc.com/videos/pupsy6/better-know-a-district---ohio-s-11th---marcia-fudge-pt--1", "http://thecolbertreport.cc.com/videos/llmmz6/better-know-a-district---ohio-s-11th---marcia-fudge-pt--2", "http://thecolbertreport.cc.com/videos/crpfrn/jeff-bridges---lois-lowry", "http://thecolbertreport.cc.com/videos/30umwt/sign-off---goodnight" ], "guest": "Jeff Bridges, Lois Lowry" }, { "date": "2014-08-27", "videos": [ "http://thecolbertreport.cc.com/videos/12kfzg/intro---8-27-14", "http://thecolbertreport.cc.com/videos/4komvc/outrage-in-ferguson", "http://thecolbertreport.cc.com/videos/h1itnw/outrage-in-ferguson---a-national-conversation-on-race", "http://thecolbertreport.cc.com/videos/8ye61k/scrabble-s-updated-dictionary", "http://thecolbertreport.cc.com/videos/v6x4qn/michael-sheen", "http://thecolbertreport.cc.com/videos/4g1qgo/sign-off---welcome-baby-eva-" ], "guest": "Michael Sheen" }, { "date": "2014-08-28", "videos": [ "http://thecolbertreport.cc.com/videos/2x4lop/isis-panic", "http://thecolbertreport.cc.com/videos/yr7egy/isis-panic---announcing-reagan-s-return", "http://thecolbertreport.cc.com/videos/bac98y/vapshot-alcohol-vaporizer", "http://thecolbertreport.cc.com/videos/vmcz6o/jr", "http://thecolbertreport.cc.com/videos/q6o47f/sign-off---goodnight" ], "guest": "JR" }, { "date": "2014-09-02", "videos": [ "http://thecolbertreport.cc.com/videos/7ohwx8/celebrity-nude-photo-scandal", "http://thecolbertreport.cc.com/videos/kc4ojp/police-militarization-in-america", "http://thecolbertreport.cc.com/videos/ukyqb3/police-militarization-in-america---norm-stamper", "http://thecolbertreport.cc.com/videos/xuzel5/good-news-for-sleep-deprived-teens", "http://thecolbertreport.cc.com/videos/sximkb/mandy-patinkin", "http://thecolbertreport.cc.com/videos/hpkdp0/sign-off---goodnight" ], "guest": "Mandy Patinkin" }, { "date": "2014-09-03", "videos": [ "http://thecolbertreport.cc.com/videos/mrdb7o/intro---9-3-14", "http://thecolbertreport.cc.com/videos/v7c4zm/obama-s-isis-strategy", "http://thecolbertreport.cc.com/videos/2ccwew/obama-s-isis-strategy---frank-underwood", "http://thecolbertreport.cc.com/videos/r6svso/coach-class-conflicts", "http://thecolbertreport.cc.com/videos/ewijdy/randall-munroe", "http://thecolbertreport.cc.com/videos/cs2fnl/sign-off---goodnight" ], "guest": "Randall Munroe" }, { "date": "2014-09-04", "videos": [ "http://thecolbertreport.cc.com/videos/30z1ut/intro---9-4-14", "http://thecolbertreport.cc.com/videos/lo5wee/gays-in-the-st--patrick-s-day-parade", "http://thecolbertreport.cc.com/videos/zq72u5/the-midterm-round-up", "http://thecolbertreport.cc.com/videos/g7yyhh/al-qaeda-s-indian-franchise", "http://thecolbertreport.cc.com/videos/s4ds82/doris-kearns-goodwin", "http://thecolbertreport.cc.com/videos/fj6l1s/sign-off---ship-christening" ], "guest": "Doris Kearns Goodwin" }, { "date": "2014-09-08", "videos": [ "http://thecolbertreport.cc.com/videos/g9wav3/intro---9-8-14", "http://thecolbertreport.cc.com/videos/dzxra6/william-and-kate-s-royal-pregnancy", "http://thecolbertreport.cc.com/videos/3160bg/waiting-forever-for-immigration-reform", "http://thecolbertreport.cc.com/videos/jz3rdd/pavlok-fitness-band", "http://thecolbertreport.cc.com/videos/23mu4v/john-lithgow", "http://thecolbertreport.cc.com/videos/a0x0bs/sign-off---goodnight" ], "guest": "John Lithgow" }, { "date": "2014-09-09", "videos": [ "http://thecolbertreport.cc.com/videos/j5s4z1/apple-unveils-its-smartwatch", "http://thecolbertreport.cc.com/videos/s6gte9/the-midterm-round-up---the-gop-s-lady-problems", "http://thecolbertreport.cc.com/videos/hkfm7z/hometown-hero-town---detroit", "http://thecolbertreport.cc.com/videos/e4y7wx/jason-segel", "http://thecolbertreport.cc.com/videos/93zpki/sign-off---jason-segel-s-latest-award" ], "guest": "Jason Segel" }, { "date": "2014-09-10", "videos": [ "http://thecolbertreport.cc.com/videos/u5vu07/intro---9-10-14", "http://thecolbertreport.cc.com/videos/p2b64y/obama-s-isis-speech", "http://thecolbertreport.cc.com/videos/lqm25y/dalai-lama-drama", "http://thecolbertreport.cc.com/videos/4pdz7v/tip-wag---nasa---trump-entertainment-resorts", "http://thecolbertreport.cc.com/videos/wn86jw/the-buypartisan-app", "http://thecolbertreport.cc.com/videos/hyx04c/henry-kissinger", "http://thecolbertreport.cc.com/videos/bipiaj/sign-off---goodnight" ], "guest": "Henry Kissinger" }, { "date": "2014-09-11", "videos": [ "http://thecolbertreport.cc.com/videos/oeusg2/this-country-is-at-war-", "http://thecolbertreport.cc.com/videos/li99ni/republicans--predictions-of-the-iraq-crisis", "http://thecolbertreport.cc.com/videos/wna0mw/global-warming-threatens-bird-species", "http://thecolbertreport.cc.com/videos/ndpng7/lonn-taylor", "http://thecolbertreport.cc.com/videos/cl9arb/sign-off---jim-cornelison-sings-the-national-anthem" ], "guest": "Lonn Taylor" }, { "date": "2014-09-15", "videos": [ "http://thecolbertreport.cc.com/videos/848h60/the-next-miss-america", "http://thecolbertreport.cc.com/videos/lmtq66/the-vote-for-scottish-independence", "http://thecolbertreport.cc.com/videos/exs7p5/the-vote-for-scottish-independence---matt-wells", "http://thecolbertreport.cc.com/videos/0txz3z/think-tank-corruption", "http://thecolbertreport.cc.com/videos/m1a8gr/mindy-kaling", "http://thecolbertreport.cc.com/videos/0j1qdb/sign-off" ], "guest": "Mindy Kaling" }, { "date": "2014-09-16", "videos": [ "http://thecolbertreport.cc.com/videos/60e467/intro---9-16-14", "http://thecolbertreport.cc.com/videos/0agoip/the-kinda-sorta-war-and-the-u-s--s-mysterious-allies", "http://thecolbertreport.cc.com/videos/mzktzw/wall-street-meddles-with-restaurant-chain", "http://thecolbertreport.cc.com/videos/oyl7ka/unlocking-the-truth" ], "guest": "Unlocking the Truth" }, { "date": "2014-09-17", "videos": [ "http://thecolbertreport.cc.com/videos/6d36zv/caped-cash-cows", "http://thecolbertreport.cc.com/videos/zryrry/undercover-at-comic-con---prince-hawkcat", "http://thecolbertreport.cc.com/videos/d791f1/undercover-at-comic-con---stephen-s-movie-pitches", "http://thecolbertreport.cc.com/videos/xq6f9b/military-vehicles-for-public-schools", "http://thecolbertreport.cc.com/videos/arckqm/viggo-mortensen", "http://thecolbertreport.cc.com/videos/bfflr6/sign-off---aragorn" ], "guest": "Viggo Mortensen" }, { "date": "2014-09-18", "videos": [ "http://thecolbertreport.cc.com/videos/hn1ueg/checky", "http://thecolbertreport.cc.com/videos/yupbhd/no-boots-on-the-ground-in-iraq", "http://thecolbertreport.cc.com/videos/wjga35/sean-hannity-s-defense-of-adrian-peterson", "http://thecolbertreport.cc.com/videos/rd6gao/terry-gilliam", "http://thecolbertreport.cc.com/videos/148dzu/sign-off---stuffed-elephant" ], "guest": "Terry Gilliam" }, { "date": "2014-09-22", "videos": [ "http://thecolbertreport.cc.com/videos/uc4f7i/awol-afghan-soldiers", "http://thecolbertreport.cc.com/videos/01cyc2/tip-wag---climate-change-marchers---senators-on-reality-tv", "http://thecolbertreport.cc.com/videos/x58aop/charles-krauthammer-on-obama-s-mental-state", "http://thecolbertreport.cc.com/videos/jq352p/tweedy" ], "guest": "Tweedy" }, { "date": "2014-09-23", "videos": [ "http://thecolbertreport.cc.com/videos/j6xqew/u-s--airstrikes-in-syria", "http://thecolbertreport.cc.com/videos/ybvlae/better-know-a-district---california-s-2nd---jared-huffman", "http://thecolbertreport.cc.com/videos/b5ni29/the-russians-buy-pbr", "http://thecolbertreport.cc.com/videos/k5a58t/naomi-klein", "http://thecolbertreport.cc.com/videos/ksh5pr/sign-off---pbr" ], "guest": "Naomi Klein" }, { "date": "2014-09-24", "videos": [ "http://thecolbertreport.cc.com/videos/5mneco/atone-phone---jeff-tweedy-calls", "http://thecolbertreport.cc.com/videos/tw7sr5/obama-s-coffee-cup-salute" ], "guest": "Bill Cosby" }, { "date": "2014-09-25", "videos": [ "http://thecolbertreport.cc.com/videos/p49ls4/the-suspicious-death-of-staten-island-chuck", "http://thecolbertreport.cc.com/videos/0hjuki/intro---9-25-14", "http://thecolbertreport.cc.com/videos/tjmnw0/eric-holder-s-resignation", "http://thecolbertreport.cc.com/videos/7dpl33/bill-o-reilly-s-elite-strike-force", "http://thecolbertreport.cc.com/videos/0w775u/smile-file---the-u-a-e--s-first-female-fighter-pilot-vs---the-five----uncensored", "http://thecolbertreport.cc.com/videos/g36k7p/walter-mischel", "http://thecolbertreport.cc.com/videos/fhpqlq/sign-off---marshmallows" ], "guest": "Walter Mischel" }, { "date": "2014-09-29", "videos": [ "http://thecolbertreport.cc.com/videos/6ythcp/obama-s-rip-off-of-bush", "http://thecolbertreport.cc.com/videos/eecxwy/hillary-clinton-and-the-grandmother-of-all-scandals", "http://thecolbertreport.cc.com/videos/6w3vad/kim-jong-un-s-massive-cheese-consumption", "http://thecolbertreport.cc.com/videos/ojmtk8/jamie-oliver", "http://thecolbertreport.cc.com/videos/z231mw/sign-off---cake-and-cheese" ], "guest": "Jamie Oliver" }, { "date": "2014-09-30", "videos": [ "http://thecolbertreport.cc.com/videos/6k6hq3/muslims-in-the-end-zone", "http://thecolbertreport.cc.com/videos/h1yge9/highlights-of-the-values-voter-summit", "http://thecolbertreport.cc.com/videos/8x6lww/the-benefits-of-pessimism---hans-beinholtz", "http://thecolbertreport.cc.com/videos/qofokt/jeffrey-tambor", "http://thecolbertreport.cc.com/videos/pnsz05/sign-off---goodnight" ], "guest": "Jeffrey Tambor" }, { "date": "2014-10-01", "videos": [ "http://thecolbertreport.cc.com/videos/v6tds1/protests-in-hong-kong", "http://thecolbertreport.cc.com/videos/v51zzo/protests-in-hong-kong---louisa-lim", "http://thecolbertreport.cc.com/videos/zzbhqi/bill-o-reilly-takes-offense", "http://thecolbertreport.cc.com/videos/oviilh/mike-mullen", "http://thecolbertreport.cc.com/videos/5tiz1y/sign-off---goodnight", "http://thecolbertreport.cc.com/videos/8f6kuv/exclusive---mike-mullen-extended-interview" ], "guest": "Adm. Mike Mullen" }, { "date": "2014-10-02", "videos": [ "http://thecolbertreport.cc.com/videos/jyghug/intro---10-2-14", "http://thecolbertreport.cc.com/videos/x6d5sz/deathpocalypse-now---ebola-in-america---50-states-of-grave", "http://thecolbertreport.cc.com/videos/hhhqqd/deathpocalypse-now---ebola-in-america---kent-sepkowitz", "http://thecolbertreport.cc.com/videos/e72awe/solitocity", "http://thecolbertreport.cc.com/videos/ye2fnr/lynn-sherr", "http://thecolbertreport.cc.com/videos/7nl6i5/sign-off---hand-sanitizer" ], "guest": "Lynn Sherr" }, { "date": "2014-10-06", "videos": [ "http://thecolbertreport.cc.com/videos/g5stw6/intro---10-6-14", "http://thecolbertreport.cc.com/videos/heaxbs/victory-for-gay-marriage---the-rise-of-amicus-briefs", "http://thecolbertreport.cc.com/videos/ssmvma/victory-for-gay-marriage---the-rise-of-amicus-briefs---allison-orr-larsen", "http://thecolbertreport.cc.com/videos/ayvbym/a-rare-correction---no-ebola-outbreak-in-the-u-s-", "http://thecolbertreport.cc.com/videos/fcax26/james-m--mcpherson", "http://thecolbertreport.cc.com/videos/bfwqfb/sign-off---goodnight" ], "guest": "James McPherson" }, { "date": "2014-10-07", "videos": [ "http://thecolbertreport.cc.com/videos/hhqgbw/ebolapalooza", "http://thecolbertreport.cc.com/videos/nx3ewk/better-know-a-district---illinois-s-8th---tammy-duckworth", "http://thecolbertreport.cc.com/videos/q2857u/cheating-death---pandemic-health", "http://thecolbertreport.cc.com/videos/7swpxt/leon-wieseltier", "http://thecolbertreport.cc.com/videos/rete59/sign-off---cigarette" ], "guest": "Leon Wieseltier" }, { "date": "2014-10-08", "videos": [ "http://thecolbertreport.cc.com/videos/e50viy/intro---10-8-14", "http://thecolbertreport.cc.com/videos/khi8w0/john-boehner-vs--america-s-anti-gay-marriage-crusaders", "http://thecolbertreport.cc.com/videos/m899eo/naming-the-war-against-isis", "http://thecolbertreport.cc.com/videos/hzou6l/carol-burnett", "http://thecolbertreport.cc.com/videos/hcc5br/sign-off---ear-tug" ], "guest": "Carol Burnett" }, { "date": "2014-10-09", "videos": [ "http://thecolbertreport.cc.com/videos/blfnlw/exclusive---robert-plant----little-maggie-", "http://thecolbertreport.cc.com/videos/jdri4u/robert-plant----rainbow-", "http://thecolbertreport.cc.com/videos/tyc0sx/intro---10-9-14", "http://thecolbertreport.cc.com/videos/0gscic/columbus-day-under-attack", "http://thecolbertreport.cc.com/videos/hpfwm4/raining-vs--sprinkling", "http://thecolbertreport.cc.com/videos/xfjyum/republicans-are-people--too", "http://thecolbertreport.cc.com/videos/jfanx7/robert-plant", "http://thecolbertreport.cc.com/videos/o2y6sr/sign-off----lullaby-and----the-ceaseless-roar-" ], "guest": "Robert Plant" }, { "date": "2014-10-13", "videos": [ "http://thecolbertreport.cc.com/videos/fhnqjo/midterms--014---detour-to-gridlock---an-exciting-thing-that-i-am-totally-interested-in", "http://thecolbertreport.cc.com/videos/8zip3j/intro---10-13-14", "http://thecolbertreport.cc.com/videos/sx2hh2/32-episodes-left-for-the-report", "http://thecolbertreport.cc.com/videos/fp4xfy/walter-isaacson", "http://thecolbertreport.cc.com/videos/f4t3xr/sign-off---quality-time-with-americone-dream", "http://thecolbertreport.cc.com/videos/bxbwj4/midterms--014---detour-to-gridlock---dennis-daugaard" ], "guest": "Walter Isaacson" }, { "date": "2014-10-14", "videos": [ "http://thecolbertreport.cc.com/videos/zg3zai/neil-young----who-s-gonna-stand-up---and-save-the-earth--", "http://thecolbertreport.cc.com/videos/wcjcgn/a-week-of-victories-for-gay-rights", "http://thecolbertreport.cc.com/videos/akzlpt/say-yes-to-rick-scott", "http://thecolbertreport.cc.com/videos/namhpu/neil-young", "http://thecolbertreport.cc.com/videos/veswmj/sign-off----special-deluxe-" ], "guest": "Neil Young" }, { "date": "2014-10-15", "videos": [ "http://thecolbertreport.cc.com/videos/qw8rwv/who-s-attacking-me-now----larry-page", "http://thecolbertreport.cc.com/videos/q2u206/tip-wag---barack-obama---stan-lee", "http://thecolbertreport.cc.com/videos/xv3cdl/sean-hannity-s-question-of-the-day", "http://thecolbertreport.cc.com/videos/18x57e/justin-simien", "http://thecolbertreport.cc.com/videos/4tsbtt/sign-off---goodnight" ], "guest": "Justin Simien" }, { "date": "2014-10-16", "videos": [ "http://thecolbertreport.cc.com/videos/uebndp/abandoned-wmds-in-iraq", "http://thecolbertreport.cc.com/videos/aywapn/abandoned-wmds-in-iraq---c-j--chivers", "http://thecolbertreport.cc.com/videos/3o1uzs/rick-scott-and-charlie-crist-s-bizarre-debate", "http://thecolbertreport.cc.com/videos/z4umi5/william-deresiewicz", "http://thecolbertreport.cc.com/videos/xrvm7x/stephen-s-old-ipod" ], "guest": "Bill Deresiewicz" }, { "date": "2014-10-27", "videos": [ "http://thecolbertreport.cc.com/videos/e27u8w/intro---10-27-14", "http://thecolbertreport.cc.com/videos/8hjpi2/ebola-in-new-york", "http://thecolbertreport.cc.com/videos/whfeyg/louie-gohmert-on-gays-in-the-military", "http://thecolbertreport.cc.com/videos/jjpinj/meredith-vieira", "http://thecolbertreport.cc.com/videos/a0zbrf/sign-off---sundae" ], "guest": "Meredith Vieira" }, { "date": "2014-10-28", "videos": [ "http://thecolbertreport.cc.com/videos/xxvx4u/war-on-halloween---flaming-bags-of-government", "http://thecolbertreport.cc.com/videos/jxddq4/the-nra-vs--pennsylvania-s-pet-eating-ban", "http://thecolbertreport.cc.com/videos/6cj1fk/tom-corbett-s-photoshopped-diversity", "http://thecolbertreport.cc.com/videos/nzy3nz/sport-report---fall-experimental-football-league", "http://thecolbertreport.cc.com/videos/c7wjzg/michael-lewis", "http://thecolbertreport.cc.com/videos/64x2gg/sign-off---goodnight" ], "guest": "Michael Lewis" }, { "date": "2014-10-29", "videos": [ "http://thecolbertreport.cc.com/videos/ladjef/gamergate", "http://thecolbertreport.cc.com/videos/wr7hqq/gamergate---anita-sarkeesian", "http://thecolbertreport.cc.com/videos/ll1e16/heroism-in-canada", "http://thecolbertreport.cc.com/videos/1h66nr/jill-lepore", "http://thecolbertreport.cc.com/videos/1fc6m9/sign-off---microphone" ], "guest": "Jill Lepore" }, { "date": "2014-10-30", "videos": [ "http://thecolbertreport.cc.com/videos/qvw67z/intro---10-30-14", "http://thecolbertreport.cc.com/videos/hxvn8w/-america-again--in-paperback", "http://thecolbertreport.cc.com/videos/365nm9/america-s-midterm-indifference---george-takei", "http://thecolbertreport.cc.com/videos/cykxut/the-perils-of-anchor-zygotes", "http://thecolbertreport.cc.com/videos/tqbn3t/david-miliband", "http://thecolbertreport.cc.com/videos/4rgfpm/sign-off---goodnight" ], "guest": "David Miliband" }, { "date": "2014-11-03", "videos": [ "http://thecolbertreport.cc.com/videos/cvjwus/intro---11-3-14", "http://thecolbertreport.cc.com/videos/p6uab8/midterms--014---detour-to-gridlock---midterm-flyer-of-shame", "http://thecolbertreport.cc.com/videos/qmg04s/tip-wag---nazi-dairy-products--tim-cook---prostate-health-researchers", "http://thecolbertreport.cc.com/videos/rw2v1b/stephen-colbert-s-enchanted-princess-pixie-wedding-cake", "http://thecolbertreport.cc.com/videos/lffyr9/chuck-todd", "http://thecolbertreport.cc.com/videos/xrfsl8/sign-off---goodnight" ], "guest": "Chuck Todd" }, { "date": "2014-11-04", "videos": [ "http://thecolbertreport.cc.com/videos/1g0aji/midterms--014---detour-to-gridlock---live-coverage", "http://thecolbertreport.cc.com/videos/cmr0z4/midterms--014---detour-to-gridlock---mountains-of-midterm-madness", "http://thecolbertreport.cc.com/videos/w3muth/midterms--014---detour-to-gridlock---social-tracker-8700", "http://thecolbertreport.cc.com/videos/ekj19q/andrew-sullivan", "http://thecolbertreport.cc.com/videos/ckxbqk/sign-off---stephen-s-last-election-special" ], "guest": "Andrew Sullivan" }, { "date": "2014-11-05", "videos": [ "http://thecolbertreport.cc.com/videos/c5okdm/intro---11-5-14", "http://thecolbertreport.cc.com/videos/ywqnjy/the-republicans-win-everything", "http://thecolbertreport.cc.com/videos/wq84nn/better-know-a-district---california-s-13th---barbara-lee", "http://thecolbertreport.cc.com/videos/7feu8t/legalized-marijuana-in-washington--d-c-", "http://thecolbertreport.cc.com/videos/w2qs7x/kirsten-gillibrand", "http://thecolbertreport.cc.com/videos/tno5bj/sign-off---goodnight" ], "guest": "Sen. Kirsten Gillibrand" }, { "date": "2014-11-06", "videos": [ "http://thecolbertreport.cc.com/videos/kk2x1a/intro---11-6-14", "http://thecolbertreport.cc.com/videos/rtdlsr/busted-for-feeding-the-homeless", "http://thecolbertreport.cc.com/videos/3rw0tz/cheating-death---aging---women-s-health", "http://thecolbertreport.cc.com/videos/sc6mpp/the-republicans--inspiring-climate-change-message", "http://thecolbertreport.cc.com/videos/v06v9z/steven-johnson", "http://thecolbertreport.cc.com/videos/yzaj23/sign-off---goodnight" ], "guest": "Steven Johnson" }, { "date": "2014-11-10", "videos": [ "http://thecolbertreport.cc.com/videos/erbk9q/intro---11-10-14", "http://thecolbertreport.cc.com/videos/xnwueh/big-news-from-the-hermit-kingdom", "http://thecolbertreport.cc.com/videos/avadrz/the-word---it-s-a-trap-", "http://thecolbertreport.cc.com/videos/87vgoo/adventures-in-snackology", "http://thecolbertreport.cc.com/videos/sbmlul/andy-cohen", "http://thecolbertreport.cc.com/videos/7uog9s/sign-off---goodnight" ], "guest": "Andy Cohen" }, { "date": "2014-11-11", "videos": [ "http://thecolbertreport.cc.com/videos/mnkz05/intro---11-11-14", "http://thecolbertreport.cc.com/videos/wht7i8/uncertain-death-for-isis-s-leader", "http://thecolbertreport.cc.com/videos/thgfth/blowback-from-obama-s-visit-to-china", "http://thecolbertreport.cc.com/videos/uqricc/tip-wag---breitbart", "http://thecolbertreport.cc.com/videos/41fe1h/diane-von-furstenberg", "http://thecolbertreport.cc.com/videos/ncl44x/sign-off---cheerful-reflection" ], "guest": "Diane Von Furstenberg" }, { "date": "2014-11-12", "videos": [ "http://thecolbertreport.cc.com/videos/80wk4b/intro---11-12-14", "http://thecolbertreport.cc.com/videos/a1b4ph/new-york-city-s-rat-deficiency", "http://thecolbertreport.cc.com/videos/rn92gg/stephen-colbert-s-auto-robotic-fixation", "http://thecolbertreport.cc.com/videos/hhmb28/mr--smith-goes-to-the-state-legislature--then-later-possibly-washington---gordon-klingenschmitt", "http://thecolbertreport.cc.com/videos/6wtwlg/terence-tao", "http://thecolbertreport.cc.com/videos/a1eex6/sign-off---red-wine" ], "guest": "Terence Tao" }, { "date": "2014-11-13", "videos": [ "http://thecolbertreport.cc.com/videos/jtbvle/reforming-health-care-reform", "http://thecolbertreport.cc.com/videos/fe3wjm/reforming-health-care-reform---emily-bazelon", "http://thecolbertreport.cc.com/videos/cvq86c/gay-marriage-victory-in-south-carolina", "http://thecolbertreport.cc.com/videos/3pu1ey/jennifer-lawrence", "http://thecolbertreport.cc.com/videos/9aqahd/sign-off---goodnight" ], "guest": "Jennifer Lawrence" }, { "date": "2014-11-17", "videos": [ "http://thecolbertreport.cc.com/videos/qed7bp/bono-s-missing-luggage", "http://thecolbertreport.cc.com/videos/9dr12d/survival-tips-from--good-morning-america-", "http://thecolbertreport.cc.com/videos/7vjzxb/bernie-sanders-pt--1", "http://thecolbertreport.cc.com/videos/67tlr7/bernie-sanders-pt--2", "http://thecolbertreport.cc.com/videos/uqho5w/sign-off---goodnight" ], "guest": "Sen. Bernie Sanders" }, { "date": "2014-11-18", "videos": [ "http://thecolbertreport.cc.com/videos/fys4c2/intro---11-18-14", "http://thecolbertreport.cc.com/videos/ib2b3k/polar-plunge", "http://thecolbertreport.cc.com/videos/iw2iwg/obama-s-immigration-plan---esteban-colberto", "http://thecolbertreport.cc.com/videos/bbfckz/tip-wag---salvage-stores---maine", "http://thecolbertreport.cc.com/videos/o8su6y/eva-longoria", "http://thecolbertreport.cc.com/videos/vu8jpe/sign-off---goodnight" ], "guest": "Eva Longoria" }, { "date": "2014-11-19", "videos": [ "http://thecolbertreport.cc.com/videos/7mkltp/simulated-school-attack-in-florida", "http://thecolbertreport.cc.com/videos/dvppp6/difference-makers---the-free-keene-squad", "http://thecolbertreport.cc.com/videos/sdqbxm/black-friday-sale", "http://thecolbertreport.cc.com/videos/9yc4ry/toni-morrison", "http://thecolbertreport.cc.com/videos/y4ygag/sign-off---goodnight" ], "guest": "Toni Morrison" }, { "date": "2014-11-20", "videos": [ "http://thecolbertreport.cc.com/videos/01iemp/obama-s-executive-amnesty", "http://thecolbertreport.cc.com/videos/fie7ef/threatdown---declining-standards-of-sexiness--people-who-eat-chocolate---invaders-of-the-new-world", "http://thecolbertreport.cc.com/videos/e55wo4/jon-stewart-pt--1", "http://thecolbertreport.cc.com/videos/vbi9v5/jon-stewart-pt--2", "http://thecolbertreport.cc.com/videos/zwcggy/sign-off---goodnight" ], "guest": "Jon Stewart" }, { "date": "2014-12-01", "videos": [ "http://thecolbertreport.cc.com/videos/wmtufg/intro---12-1-14", "http://thecolbertreport.cc.com/videos/umsrnb/lightsaber-controversy", "http://thecolbertreport.cc.com/videos/wud7e1/ferguson-fallout-and-the-st--louis-rams", "http://thecolbertreport.cc.com/videos/d6xq50/jihadis-of-the-high-seas", "http://thecolbertreport.cc.com/videos/3h1qqa/john-mccain", "http://thecolbertreport.cc.com/videos/dnrg1a/sign-off---goodnight" ], "guest": "Sen. John McCain" }, { "date": "2014-12-02", "videos": [ "http://thecolbertreport.cc.com/videos/v8mtsf/intro---12-2-14", "http://thecolbertreport.cc.com/videos/hyqrm1/announcing-the-mr--colbert-goes-to-washington-special", "http://thecolbertreport.cc.com/videos/ethq4d/the-word---crook-and-ladder", "http://thecolbertreport.cc.com/videos/lje2l4/blitzkrieg-on-grinchitude---mistletoe-drones", "http://thecolbertreport.cc.com/videos/z0hz76/tony-bennett-and-lady-gaga" ], "guest": "Tony Bennett &amp; Lady Gaga" }, { "date": "2014-12-03", "videos": [ "http://thecolbertreport.cc.com/videos/c9s1cs/intro---12-3-14", "http://thecolbertreport.cc.com/videos/nxwili/the-no-social-security-for-nazis-act", "http://thecolbertreport.cc.com/videos/ziipwv/thought-for-food---fairlife-milk---pizza-hut-s-subconscious-menu", "http://thecolbertreport.cc.com/videos/fpdlpw/surprise-visit-from-amy-sedaris", "http://thecolbertreport.cc.com/videos/4r9o52/christopher-nolan", "http://thecolbertreport.cc.com/videos/nwo3n2/sign-off---goodnight" ], "guest": "Christopher Nolan" }, { "date": "2014-12-04", "videos": [ "http://thecolbertreport.cc.com/videos/ik935r/president-barack-obama-to-appear-on-the-report", "http://thecolbertreport.cc.com/videos/d5k5nz/outrage-over-eric-garner-decision", "http://thecolbertreport.cc.com/videos/pxune6/obama-s-bold-and-beautiful-ambassador-pick", "http://thecolbertreport.cc.com/videos/nucbbu/paul-farmer", "http://thecolbertreport.cc.com/videos/82d47r/sign-off---grimmy" ], "guest": "Dr. Paul Farmer" }, { "date": "2014-12-08", "videos": [ "http://thecolbertreport.cc.com/videos/u8bqev/mr--colbert-goes-to-washington", "http://thecolbertreport.cc.com/videos/cnlqbr/better-know-a-america---the-fightin--us", "http://thecolbertreport.cc.com/videos/88p9oh/the-word---president-barack-obama---to-health-in-a-handbasket", "http://thecolbertreport.cc.com/videos/i14vel/president-barack-obama-pt--1", "http://thecolbertreport.cc.com/videos/mpmtan/president-barack-obama-pt--2", "http://thecolbertreport.cc.com/videos/3mcn6y/sign-off---see-ya", "http://thecolbertreport.cc.com/videos/4mkbqz/exclusive---president-barack-obama-extended-interview" ], "guest": "President Barack Obama" }, { "date": "2014-12-09", "videos": [ "http://thecolbertreport.cc.com/videos/tgnj0t/-eaten-alive--outrage", "http://thecolbertreport.cc.com/videos/vd3icz/better-know-a-district---georgia-s-1st---reuniting-with-rep--jack-kingston", "http://thecolbertreport.cc.com/videos/pz35hw/who-s-honoring-me-now----entertainment-weekly", "http://thecolbertreport.cc.com/videos/2kz4pi/james-corden", "http://thecolbertreport.cc.com/videos/0frj3t/sign-off---sting" ], "guest": "James Corden" }, { "date": "2014-12-10", "videos": [ "http://thecolbertreport.cc.com/videos/kquici/cia-torture-report", "http://thecolbertreport.cc.com/videos/rlpjf5/cia-torture-report---pundits-defend-america", "http://thecolbertreport.cc.com/videos/z4grj8/cia-torture-report---tom-blanton", "http://thecolbertreport.cc.com/videos/8i6klx/sarah-koenig", "http://thecolbertreport.cc.com/videos/im3k81/sign-off---headphones" ], "guest": "Sarah Koenig" }, { "date": "2014-12-11", "videos": [ "http://thecolbertreport.cc.com/videos/anckrc/scott-walker-s-hanukkah-gaffe", "http://thecolbertreport.cc.com/videos/399enl/yahweh-or-no-way---epic-casting-controversy", "http://thecolbertreport.cc.com/videos/p9nk9d/announcing-the-colbert-report-raffle", "http://thecolbertreport.cc.com/videos/509747/smaug", "http://thecolbertreport.cc.com/videos/mfxigz/sign-off---aftermath-of-smaug" ], "guest": "\"The Hobbit: Battle of the Five Armies\" special" }, { "date": "2014-12-15", "videos": [ "http://thecolbertreport.cc.com/videos/bt8vk8/intro---12-15-14", "http://thecolbertreport.cc.com/videos/lwna3x/michele-bachmann-s-extreme-holiday-cheer", "http://thecolbertreport.cc.com/videos/0frisd/formidable-opponent---torture-report", "http://thecolbertreport.cc.com/videos/9xetgg/kim-jong-un-s-exclusive-name---sony-s-hack-attack", "http://thecolbertreport.cc.com/videos/j9u5in/seth-rogen", "http://thecolbertreport.cc.com/videos/bhrczk/sign-off---goodnight" ], "guest": "Seth Rogen" }, { "date": "2014-12-16", "videos": [ "http://thecolbertreport.cc.com/videos/arfo3o/jeb-bush-s-presidential-ambitions", "http://thecolbertreport.cc.com/videos/tnwzte/oil-war---jason-bordoff", "http://thecolbertreport.cc.com/videos/vd8ci4/colbert-platinum---holiday-gift-edition", "http://thecolbertreport.cc.com/videos/w5h8eb/kendrick-lamar", "http://thecolbertreport.cc.com/videos/pjrqsj/kendrick-lamar---debut-of-untitled-track" ], "guest": "Kendrick Lamar" } ] } working_folder = 'G:/Downloads' for colbDate in testP['2014']: if 1: newfileResize = 'G:/downloads/The Colbert Report 2014/TheColbertReport '+colbDate['date']+'.mp4' if not os.path.exists(newfileResize): folderName = 'G:/downloads/The Colbert Report 2014/'+colbDate['date'] try: os.mkdir(folderName) except: pass pos = 0 for vid in colbDate['videos']: pos+=1 done = False while not done: folderContents = os.listdir(folderName) for folderContent in folderContents: if folderContent.startswith(str(pos)+' ') and (not folderContent.endswith('.part')): done = True if not done: cmd = os.path.join(working_folder,'youtube-dl.exe') + ' --no-continue -o "'+folderName+'/'+str(pos)+' %(title)s.%(ext)s" '+vid subprocess.call(cmd,shell=True) vids = [] for vid in os.listdir(folderName): if vid.endswith('.mp4'): vids.append(os.path.join(folderName,vid)) vids.sort() newfile = 'G:/downloads/The Colbert Report 2014/TheColbertReport '+colbDate['date']+'temp.mp4' if not os.path.exists(newfileResize): cmd = r' -cat "' + r'" -cat "'.join(vids) + r'" -new "'+newfile+'"' exc = "G:/Downloads/mp4box.exe -tmp G:/temp/ " + cmd subprocess.call(exc,shell=True) cmd = "G:/Downloads/ffmpeg/bin/ffmpeg.exe -i \"" + newfile + "\" -vf scale=1024:576 \""+newfileResize+"\"" subprocess.call(cmd,shell=True) while os.path.exists(newfile): try: os.remove(newfile) except: pass else: print 'file found ' + newfile
traltixx/pycolbert
pycolbert.py
Python
gpl-2.0
853,594
# -*- coding: utf-8 -*- import random from operator import attrgetter import pytest from cfme import test_requirements from cfme.cloud.provider import CloudProvider from cfme.cloud.provider.azure import AzureProvider from cfme.cloud.provider.ec2 import EC2Provider from cfme.cloud.provider.gce import GCEProvider from cfme.cloud.provider.openstack import OpenStackProvider from cfme.common.provider import BaseProvider from cfme.infrastructure.provider.rhevm import RHEVMProvider from cfme.infrastructure.provider.virtualcenter import VMwareProvider from cfme.utils import conf from cfme.utils.blockers import BZ from cfme.utils.log import logger from cfme.utils.wait import wait_for from cfme.fixtures.provider import setup_or_skip pytestmark = [ pytest.mark.tier(1), test_requirements.c_and_u, pytest.mark.provider( [VMwareProvider, RHEVMProvider, EC2Provider, OpenStackProvider, AzureProvider, GCEProvider], required_fields=[(['cap_and_util', 'capandu_vm'], 'cu-24x7')], scope="module") ] @pytest.fixture(scope="module") def clean_setup_provider(request, provider): BaseProvider.clear_providers() setup_or_skip(request, provider) yield BaseProvider.clear_providers() def vm_count(appliance, metrics_tbl, mgmt_system_id): return bool(appliance.db.client.session.query(metrics_tbl).filter( metrics_tbl.parent_ems_id == mgmt_system_id).filter( metrics_tbl.resource_type == "VmOrTemplate").count() ) def host_count(appliance, metrics_tbl, mgmt_system_id): return bool(appliance.db.client.session.query(metrics_tbl).filter( metrics_tbl.parent_ems_id == mgmt_system_id).filter( metrics_tbl.resource_type == "Host").count() ) @pytest.fixture(scope="module") def metrics_collection(appliance, clean_setup_provider, provider, enable_candu): """Check the db is gathering collection data for the given provider. Metadata: test_flag: metrics_collection """ metrics_tbl = appliance.db.client['metrics'] mgmt_systems_tbl = appliance.db.client['ext_management_systems'] logger.info("Fetching provider ID for %s", provider.key) mgmt_system_id = appliance.db.client.session.query(mgmt_systems_tbl).filter( mgmt_systems_tbl.name == conf.cfme_data.get('management_systems', {})[provider.key]['name'] ).first().id logger.info("ID fetched; testing metrics collection now") # vms for both infa and cloud provider wait_for( vm_count, [appliance, metrics_tbl, mgmt_system_id], delay=20, timeout=1500, fail_condition=False, message="wait for VMs") # host only for infa if provider.category == "infra": wait_for( vm_count, [appliance, metrics_tbl, mgmt_system_id], delay=20, timeout=1500, fail_condition=False, message="wait for hosts.") def get_host_name(provider): cfme_host = random.choice(provider.data["hosts"]) return cfme_host.name def query_metric_db(appliance, provider, metric, vm_name=None, host_name=None): metrics_tbl = appliance.db.client['metrics'] ems = appliance.db.client['ext_management_systems'] if vm_name is None: if host_name is not None: object_name = host_name elif vm_name is not None: object_name = vm_name with appliance.db.client.transaction: provs = ( appliance.db.client.session.query(metrics_tbl.id) .join(ems, metrics_tbl.parent_ems_id == ems.id) .filter(metrics_tbl.resource_name == object_name, ems.name == provider.name) ) return appliance.db.client.session.query(metrics_tbl).filter( metrics_tbl.id.in_(provs.subquery())) @pytest.mark.rhv2 # Tests to check that specific metrics are being collected @pytest.mark.meta( blockers=[BZ(1511099, forced_streams=["5.8", "upstream"], unblock=lambda provider: not provider.one_of(GCEProvider))] ) def test_raw_metric_vm_cpu(metrics_collection, appliance, provider): vm_name = provider.data['cap_and_util']['capandu_vm'] if provider.category == "infra": query = query_metric_db(appliance, provider, 'cpu_usagemhz_rate_average', vm_name) average_rate = attrgetter('cpu_usagemhz_rate_average') elif provider.category == "cloud": query = query_metric_db(appliance, provider, 'cpu_usage_rate_average', vm_name) average_rate = attrgetter('cpu_usage_rate_average') for record in query: if average_rate(record) is not None: assert average_rate(record) > 0, 'Zero VM CPU Usage' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(EC2Provider) or provider.one_of(GCEProvider)) def test_raw_metric_vm_memory(metrics_collection, appliance, provider): vm_name = provider.data['cap_and_util']['capandu_vm'] if provider.type == 'azure': query = query_metric_db(appliance, provider, 'mem_usage_absolute_average', vm_name) average_rate = attrgetter('mem_usage_absolute_average') else: query = query_metric_db(appliance, provider, 'derived_memory_used', vm_name) average_rate = attrgetter('derived_memory_used') for record in query: if average_rate(record) is not None: assert average_rate(record) > 0, 'Zero VM Memory Usage' break @pytest.mark.rhv2 @pytest.mark.meta( blockers=[BZ(1408963, forced_streams=["5.8", "upstream"], unblock=lambda provider: not provider.one_of(RHEVMProvider))] ) @pytest.mark.meta( blockers=[BZ(1511099, forced_streams=["5.8", "upstream"], unblock=lambda provider: not provider.one_of(GCEProvider))] ) def test_raw_metric_vm_network(metrics_collection, appliance, provider): vm_name = provider.data['cap_and_util']['capandu_vm'] query = query_metric_db(appliance, provider, 'net_usage_rate_average', vm_name) for record in query: if record.net_usage_rate_average is not None: assert record.net_usage_rate_average > 0, 'Zero VM Network IO' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(EC2Provider)) @pytest.mark.meta( blockers=[BZ(1511099, forced_streams=["5.8", "upstream"], unblock=lambda provider: not provider.one_of(GCEProvider))] ) def test_raw_metric_vm_disk(metrics_collection, appliance, provider): vm_name = provider.data['cap_and_util']['capandu_vm'] query = query_metric_db(appliance, provider, 'disk_usage_rate_average', vm_name) for record in query: if record.disk_usage_rate_average is not None: assert record.disk_usage_rate_average > 0, 'Zero VM Disk IO' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(CloudProvider)) def test_raw_metric_host_cpu(metrics_collection, appliance, provider): host_name = get_host_name(provider) query = query_metric_db(appliance, provider, 'cpu_usagemhz_rate_average', host_name) for record in query: if record.cpu_usagemhz_rate_average is not None: assert record.cpu_usagemhz_rate_average > 0, 'Zero Host CPU Usage' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(CloudProvider)) def test_raw_metric_host_memory(metrics_collection, appliance, provider): host_name = get_host_name(provider) query = query_metric_db(appliance, provider, 'derived_memory_used', host_name) for record in query: if record.derived_memory_used is not None: assert record.derived_memory_used > 0, 'Zero Host Memory Usage' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(CloudProvider)) def test_raw_metric_host_network(metrics_collection, appliance, provider): host_name = get_host_name(provider) query = query_metric_db(appliance, provider, 'net_usage_rate_average', host_name) for record in query: if record.net_usage_rate_average is not None: assert record.net_usage_rate_average > 0, 'Zero Host Network IO' break @pytest.mark.rhv2 @pytest.mark.uncollectif( lambda provider: provider.one_of(CloudProvider)) @pytest.mark.meta( blockers=[BZ(1424589, forced_streams=["5.8", "5.9", "upstream"], unblock=lambda provider: not provider.one_of(RHEVMProvider))] ) def test_raw_metric_host_disk(metrics_collection, appliance, provider): host_name = get_host_name(provider) query = query_metric_db(appliance, provider, 'disk_usage_rate_average', host_name) for record in query: if record.disk_usage_rate_average is not None: assert record.disk_usage_rate_average > 0, 'Zero Host Disk IO' break
anurag03/integration_tests
cfme/tests/candu/test_utilization_metrics.py
Python
gpl-2.0
8,879
#!/usr/bin/env python # -*- coding: utf-8 -*- # # Copyright (C) 2016-2017 University of Dundee & Open Microscopy Environment. # All Rights Reserved. # Use is subject to license terms supplied in LICENSE.txt # import requests from Parse_OMERO_Properties import USERNAME, PASSWORD, OMERO_WEB_HOST, \ SERVER_NAME session = requests.Session() # Start by getting supported versions from the base url... api_url = '%s/api/' % OMERO_WEB_HOST print "Starting at:", api_url r = session.get(api_url) # we get a list of versions versions = r.json()['data'] # use most recent version... version = versions[-1] # get the 'base' url base_url = version['url:base'] r = session.get(base_url) # which lists a bunch of urls as starting points urls = r.json() servers_url = urls['url:servers'] login_url = urls['url:login'] projects_url = urls['url:projects'] save_url = urls['url:save'] schema_url = urls['url:schema'] # To login we need to get CSRF token token_url = urls['url:token'] token = session.get(token_url).json()['data'] print 'CSRF token', token # We add this to our session header # Needed for all POST, PUT, DELETE requests session.headers.update({'X-CSRFToken': token, 'Referer': login_url}) # List the servers available to connect to servers = session.get(servers_url).json()['data'] print 'Servers:' for s in servers: print '-id:', s['id'] print ' name:', s['server'] print ' host:', s['host'] print ' port:', s['port'] # find one called SERVER_NAME servers = [s for s in servers if s['server'] == SERVER_NAME] if len(servers) < 1: raise Exception("Found no server called '%s'" % SERVER_NAME) server = servers[0] # Login with username, password and token payload = {'username': USERNAME, 'password': PASSWORD, # 'csrfmiddlewaretoken': token, # Using CSRFToken in header instead 'server': server['id']} r = session.post(login_url, data=payload) login_rsp = r.json() assert r.status_code == 200 assert login_rsp['success'] eventContext = login_rsp['eventContext'] print 'eventContext', eventContext # Can get our 'default' group groupId = eventContext['groupId'] # With successful login, request.session will contain # OMERO session details and reconnect to OMERO on # each subsequent call... # List projects: # Limit number of projects per page payload = {'limit': 2} data = session.get(projects_url, params=payload).json() assert len(data['data']) < 3 print "Projects:" for p in data['data']: print ' ', p['@id'], p['Name'] # Create a project: projType = schema_url + '#Project' # Need to specify target group url = save_url + '?group=' + str(groupId) r = session.post(url, json={'Name': 'API TEST foo', '@type': projType}) assert r.status_code == 201 project = r.json()['data'] project_id = project['@id'] print 'Created Project:', project_id, project['Name'] # Get project by ID project_url = projects_url + str(project_id) + '/' r = session.get(project_url) project = r.json() print project # Update a project project['Name'] = 'API test updated' r = session.put(save_url, json=project) # Delete a project: r = session.delete(project_url)
jburel/openmicroscopy
examples/Training/python/Json_Api/Login.py
Python
gpl-2.0
3,163
#python imports import sys import os import time import datetime import subprocess import json import requests from termcolor import colored #third-party imports #No third-party imports #programmer generated imports from logger import logger from fileio import fileio ''' ***BEGIN DESCRIPTION*** Type: Search - Description: Searches for any available data on a target against the Abuse.ch Malware Bazaar database. ***END DESCRIPTION*** ''' def POE(POE): if (POE.logging == True): LOG = logger() newlogentry = '' reputation_dump = '' reputation_output_data = '' malwarebazaar = '' if (POE.logging == True): newlogentry = 'Module: malware_bazaar_search' LOG.WriteStrongLog(POE.logdir, POE.targetfilename, newlogentry) if (POE.SHA256 == ''): print (colored('\r\n[x] Unable to execute Malware Bazaar Search - hash value must be SHA256.', 'red', attrs=['bold'])) newlogentry = 'Unable to execute Malware Bazaar Search - hash value must be SHA256' LOG.WriteStrongSubLog(POE.logdir, POE.targetfilename, newlogentry) return -1 global json query_status = '' first_seen = '' last_seen = '' signature = '' sig_count = 0 output = POE.logdir + 'MalwareBazaarSearch.json' FI = fileio() print (colored('\r\n[*] Running abuse.ch Malware Bazaar Search against: ' + POE.target, 'white', attrs=['bold'])) malwarebazaar = "https://mb-api.abuse.ch/api/v1/" #API URL data = { #Our header params 'query': 'get_info', 'hash': POE.SHA256, } response_dump = requests.post(malwarebazaar, data=data, timeout=15) # Give us the results as JSON if (POE.debug == True): print (response_dump) try: FI.WriteLogFile(output, response_dump.content.decode("utf-8", "ignore")) print (colored('[*] Malware Bazaar data had been written to file here: ', 'green') + colored(output, 'blue', attrs=['bold'])) if ((POE.logging == True) and (POE.nolinksummary == False)): newlogentry = 'Malware Bazaar data has been generated to file here: <a href=\"' + output + '\"> Malware Bazaar Host Output </a>' LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) except: print (colored('[x] Unable to write Malware Bazaar data to file', 'red', attrs=['bold'])) if (POE.logging == True): newlogentry = 'Unable to write Malware Bazaar data to file' LOG.WriteStrongSubLog(POE.logdir, POE.targetfilename, newlogentry) POE.csv_line += 'N/A,' return -1 try: #Open the file we just downloaded print ('[-] Reading Malware Bazaar file: ' + output.strip()) with open(output.strip(), 'rb') as read_file: data = json.load(read_file, cls=None) read_file.close() # Check what kind of results we have query_status = data["query_status"] print ('[*] query_status: ' + query_status) if (query_status == 'ok'): with open(output.strip(), 'r') as read_file: for string in read_file: if (POE.debug == True): print ('[DEBUG] string: ' + string.strip()) if ('first_seen' in string): first_seen = string.strip() if ('last_seen' in string): last_seen = string.strip() if (('signature' in string) and (sig_count == 0)): signature = string.strip() sig_count += 1 print ('[*] Sample ' + first_seen.replace(',','')) print ('[*] Sample ' + last_seen.replace(',','')) print ('[*] Sample ' + signature.replace(',','')) if (POE.logging == True): newlogentry = 'Sample ' + first_seen.replace(',','') LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) newlogentry = 'Sample ' + last_seen.replace(',','') LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) newlogentry = 'Sample ' + signature.replace(',','') LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) #Can't find anything on this one... elif (query_status == 'hash_not_found'): print (colored('[-] The hash value has not been found...', 'yellow', attrs=['bold'])) if (POE.logging == True): newlogentry = 'No results available for host...' LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) #Can't find anything on this one... elif (query_status == 'no_results'): print (colored('[-] No results available for host...', 'yellow', attrs=['bold'])) if (POE.logging == True): newlogentry = 'No results available for host...' LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) #Something weird happened... else: print (colored('[x] An error has occurred...', 'red', attrs=['bold'])) if (POE.logging == True): newlogentry = 'An error has occurred...' LOG.WriteSubLog(POE.logdir, POE.targetfilename, newlogentry) except Exception as e: print (colored('[x] Error: ' + str(e) + ' Terminating...', 'red', attrs=['bold'])) read_file.close() return -1 #Clean up before returning read_file.close() return 0
slaughterjames/static
modules/malware_bazaar_search.py
Python
gpl-2.0
5,588
# BurnMan - a lower mantle toolkit # Copyright (C) 2012-2014, Myhill, R., Heister, T., Unterborn, C., Rose, I. and Cottaar, S. # Released under GPL v2 or later. # This is a standalone program that converts a tabulated version of the Stixrude and Lithgow-Bertelloni data format into the standard burnman format (printed to stdout) import sys def read_dataset(datafile): f=open(datafile,'r') ds=[] for line in f: ds.append(line.decode('utf-8').split()) return ds ds=read_dataset('HHPH2013_endmembers.dat') print '# BurnMan - a lower mantle toolkit' print '# Copyright (C) 2012, 2013, Heister, T., Unterborn, C., Rose, I. and Cottaar, S.' print '# Released under GPL v2 or later.' print '' print '"""' print 'HHPH_2013' print 'Minerals from Holland et al 2013 and references therein' print 'The values in this document are all in S.I. units,' print 'unlike those in the original paper' print 'File autogenerated using HHPHdata_to_burnman.py' print '"""' print '' print 'from burnman.mineral import Mineral' print 'from burnman.solidsolution import SolidSolution' print 'from burnman.solutionmodel import *' print 'from burnman.processchemistry import read_masses, dictionarize_formula, formula_mass' print '' print 'atomic_masses=read_masses()' print '' print '"""' print 'ENDMEMBERS' print '"""' print '' param_scales = [ -1., -1., #not nubmers, so we won't scale 1.e3, 1.e3, #kJ -> J 1.0, # J/K/mol 1.e-5, # kJ/kbar/mol -> m^3/mol 1.e3, 1.e-2, 1.e3, 1.e3, # kJ -> J and table conversion for b 1.e-5, # table conversion 1.e8, # kbar -> Pa 1.0, # no scale for K'0 1.e-8] #GPa -> Pa # no scale for eta_s formula='0' for idx, m in enumerate(ds): if idx == 0: param_names=m else: print 'class', m[0].lower(), '(Mineral):' print ' def __init__(self):' print ''.join([' formula=\'',m[1],'\'']) print ' formula = dictionarize_formula(formula)' print ' self.params = {' print ''.join([' \'name\': \'', m[0], '\',']) print ' \'formula\': formula,' print ' \'equation_of_state\': \'hp_tmt\',' for pid, param in enumerate(m): if pid > 1 and pid != 3 and pid<6: print ' \''+param_names[pid]+'\':', float(param)*param_scales[pid], ',' print ' \'Cp\':', [round(float(m[i])*param_scales[i],10) for i in [6, 7, 8, 9]], ',' for pid, param in enumerate(m): if pid > 9: print ' \''+param_names[pid]+'\':', float(param)*param_scales[pid], ',' print ' \'n\': sum(formula.values()),' print ' \'molar_mass\': formula_mass(formula, atomic_masses)}' print '' print ' self.uncertainties = {' print ' \''+param_names[3]+'\':', float(m[3])*param_scales[3], '}' print ' Mineral.__init__(self)' print ''
QuLogic/burnman
burnman/data/input_raw_endmember_datasets/HHPH2013data_to_burnman.py
Python
gpl-2.0
3,130
# -*- encoding: utf-8 -*- try: from httplib import HTTPSConnection from urlparse import urlparse except ImportError: from http.client import HTTPSConnection from urllib.parse import urlparse from json import dumps, loads from django.conf import settings class GCMError(Exception): pass def send(user, message, **kwargs): """ Site: https://developers.google.com API: https://developers.google.com/cloud-messaging/ Desc: Android notifications """ headers = { "Content-type": "application/json", "Authorization": "key=" + kwargs.pop("gcm_key", settings.GCM_KEY) } hook_url = 'https://android.googleapis.com/gcm/send' data = { "registration_ids": [user], "data": { "title": kwargs.pop("event"), 'message': message, } } data['data'].update(kwargs) up = urlparse(hook_url) http = HTTPSConnection(up.netloc) http.request( "POST", up.path, headers=headers, body=dumps(data)) response = http.getresponse() if response.status != 200: raise GCMError(response.reason) body = response.read() if loads(body).get("failure") > 0: raise GCMError(repr(body)) return True
LPgenerator/django-db-mailer
dbmail/providers/google/android.py
Python
gpl-2.0
1,265
#------------------------------------------------------------------------------- # Name: module1 # Purpose: # # Author: Eli # # Created: 06/04/2014 # Copyright: (c) Eli 2014 # Licence: <your licence> #------------------------------------------------------------------------------- def main(): pass if __name__ == '__main__': main() import sys #This script filters a data file by id's listed one per line in another file ids = open("C:/rnaseq/mirna_data/clusters/10rep_redo_deseq-edger/DEseq2_1cpm3redo_nopara2_logFCall.txt", "r") #Take header from ID file & initialize empty dict head_ids = ids.readline().strip("\n") idlist1 = {} #id_count = 0 #Make dict of ID's (key) & selected variables/annotations (values) for line in ids: name = line.strip('\n').split('\t')[0] #name = name[4:] #if len(name.split('-')) > 3: # name = '-'.join(name.split('-')[1:]) #arm = name.split('-')[-1] #name = '-'.join(['-'.join(name.split('-')[0:2]), arm]) name = name.strip('cin-') #print name #name = name[-5:] #values = '\t'.join(line.strip('\n').split('\t')[1:3]) values = '\t'.join(line.strip('\n').split('\t')[1:4]) #if "ENSCINP" in values: # values2 = values[7:] # values = "ENSCINT" + values2 #values = '\t'.join(line.strip('\n').split('\t')[2:]) #values = values[0:-3] if name in idlist1 and len(name) > 0: if values in idlist1[name]: continue else: idlist1[name].append(values) elif len(name) > 0: idlist1[name] = [values] #id_count+=1 #if id_count%1000==0: # print id_count ids.close #Debugging code below: #print 'idlist1:', len(idlist1) #sorted(idlist1) #print idlist1 idlist1 = ['miR-216'] data = open("C:/rnaseq/coexpression/mirna-mrna/logfc_pearson/1cpm3_5rpkm3_redo2_edger_logfcValues_pearson_targetscan_deseq2logfc_mirs2.txt", "r") #Output merged header & initialize retrieved list + row counter #sys.stdout.write("LogFC.consensus" + '\t' + data.readline()) #sys.stdout.write("LogFC.consensus" + '\t' + '\t'.join(data.readline().split('\t')[0:3]) + '\n') #sys.stdout.write(data.readline()) #data.readline() matched = 0 idlist2 = {} out = 0 #Match ID's between lists and return associated variables for line in data: #print line name = line.strip('\n').split('\t')[6] #print name #name = name.split('|')[3].split('.')[0] # for first ID from BLAST target #name = name[0:7] #if name[-1].isalpha(): # name = name[0:-1] #print name #variables = line.strip('\n').split('\t')[5,9,10] #idlist2[name] = line.split('\t')[1] descr = line.strip('\n').split('\t')[1] #if "," in descr: # descr = descr.split(',')[0] #name = line[1:20] # for trimmed encin gene name #kh = '.'.join(line.split('\t')[1].split(':')[1].split('.')[0:4]) #Loop through input dict ID's and search for "name" in associated variables #for item in idlist1: #Loop through keys (refseq) if name in idlist1: #match primary ID's #for item in idlist1[name].split(' '): sys.stdout.write('\t'.join(idlist1[0]) + '\t' + line) #EXCHANGE ID'S BUT KEEP REST OF LINE/DESCRIPTION # sys.stdout.write(descr + '\t' + '\t'.join(idlist1[name]) + '\n') #else: # sys.stdout.write(descr + '\t' + name + '\n') #print idlist1[name] #sys.stdout.write(line.strip('\n') + '\t' + '\t'.join(idlist1[name]) + '\n') #continue #matched +=1 else: sys.stdout.write(line) #if name in idlist1[item]: #Check for each ID in the name variable # idlist2[name] = variables # values = idlist1[item] # stop = 1 #while stop <= len(values): # if descr in idlist1[name]: # sys.stdout.write(line) # out+=1 #print out #Return items in matched list (idlist2) using associations from idlist1 #for mir in idlist1: # if mir in idlist2: # sys.stdout.write(mir + '\t' + '\t'.join(idlist2[mir]) + '\n') # for mrna in idlist1[mir]: # if mrna in idlist2: # sys.stdout.write(mrna+ '\t' + '\t'.join(idlist2[mrna]) + '\n') #if len(idlist1[name]) > 1: # for value in idlist1[name]: #Print all values on separate lines # sys.stdout.write(value + '\t' + line) #sys.stdout.write(descr + '\t' + value + '\t' + name + '\t' + '\t'.join(variables) + '\n') # sys.stdout.write(value + '\t' + '\t'.join(line.split('\t')[0:])) #sys.stdout.write(value + '\t' + '\t'.join(line.split('\t')[0:3]) + '\n') # out+=1 #else: # sys.stdout.write('\t'.join(idlist1[name]) + '\t' + line) #sys.stdout.write(descr + '\t' + ".\t".join(idlist1[name]) + '\t' + name + '\t' + '\t'.join(variables) + '\n') #print idlist1[name] # sys.stdout.write(('\t'.join(idlist1[name]) + '\t' + '\t'.join(line.split('\t')[0:]))) #sys.stdout.write(name + '\t' + '\t'.join(idlist1[name]) + '\t' + '\t'.join(line.split('\t')[2:])) # out+=1 #print matched, out #print gene #print idlist1[item] # sys.stdout.write(value + "\t" + name + '\t' + line)#'\t' + '\t'.join(line.split('\t')[2:])) # stop+=1 #continue #if name in idlist1: # if descr in idlist1[name]: # sys.stdout.write(line) # descr = idlist1[name] # sys.stdout.write('\t'.join(idlist1[name]) + '\t' + '\t'.join(line.split('\t')[2:])) #sys.stdout.write('\t'.join(line.split('\t')[0:2]) + '\t' + descr + '\n') #del idlist1[name] #else: # pass #sys.stdout.write(line + '\n') #if name in idlist2: # pass #else: #idlist2.append(name) #idlist1.remove(name) #print line #count+=1 #Code for checking remaining values in ID list #for item in idlist1: # print "bakow!" # sys.stdout.write(item + '\t' + idlist2[item] + '\t' + idlist1[item] + '\n') #else: # print line.split('\t')[0] #print len(idlist1), len(idlist2) #print len(idlist1)-len(idlist2) #print len(idlist1) #sorted(idlist2) #print idlist1 #for item in idlist2: # if item in idlist1: # idlist1.remove(item) #print 'idlist1-idlist2', len(idlist1) #for item in idlist1: # print item #cross check input and output lists #idlist3= [] #for thing in idlist1: # if thing in idlist2: # pass # else: # idlist3.append(thing) #print len(idlist3) #print len(idlist4) #idlist4 = [x for x in idlist1 if x not in idlist2]
ejspina/Gene_expression_tools
Python/FilterByID_dict_parse.py
Python
gpl-2.0
7,098
from __future__ import print_function """ Deprecated. Use ``update-tld-names`` command instead. """ __title__ = 'tld.update' __author__ = 'Artur Barseghyan' __copyright__ = '2013-2015 Artur Barseghyan' __license__ = 'GPL 2.0/LGPL 2.1' from tld.utils import update_tld_names _ = lambda x: x if __name__ == '__main__': update_tld_names() print(_("Local TLD names file has been successfully updated!"))
underdogio/tld
src/tld/update.py
Python
gpl-2.0
414
## See "d_bankfull" in update_flow_depth() ######## (2/21/13) ## See "(5/13/10)" for a temporary fix. #------------------------------------------------------------------------ # Copyright (c) 2001-2014, Scott D. Peckham # # Sep 2014. Wrote new update_diversions(). # New standard names and BMI updates and testing. # Nov 2013. Converted TopoFlow to a Python package. # Feb 2013. Adapted to use EMELI framework. # Jan 2013. Shared scalar doubles are now 0D numpy arrays. # This makes them mutable and allows components with # a reference to them to see them change. # So far: Q_outlet, Q_peak, Q_min... # Jan 2013. Revised handling of input/output names. # Oct 2012. CSDMS Standard Names and BMI. # May 2012. Commented out diversions.update() for now. ####### # May 2012. Shared scalar doubles are now 1-element 1D numpy arrays. # This makes them mutable and allows components with # a reference to them to see them change. # So far: Q_outlet, Q_peak, Q_min... # May 2010. Changes to initialize() and read_cfg_file() # Mar 2010. Changed codes to code, widths to width, # angles to angle, nvals to nval, z0vals to z0val, # slopes to slope (for GUI tools and consistency # across all process components) # Aug 2009. Updates. # Jul 2009. Updates. # May 2009. Updates. # Jan 2009. Converted from IDL. #----------------------------------------------------------------------- # NB! In the CFG file, change MANNING and LAW_OF_WALL flags to # a single string entry like "friction method". ######### #----------------------------------------------------------------------- # Notes: Set self.u in manning and law_of_wall functions ?? # Update friction factor in manning() and law_of_wall() ? # Double check how Rh is used in law_of_the_wall(). # d8_flow has "flow_grids", but this one has "codes". # Make sure values are not stored twice. #----------------------------------------------------------------------- #----------------------------------------------------------------------- # NOTES: This file defines a "base class" for channelized flow # components as well as functions used by most or # all channel flow methods. The methods of this class # (especially "update_velocity") should be over-ridden as # necessary for different methods of modeling channelized # flow. See channels_kinematic_wave.py, # channels_diffusive_wave.py and channels_dynamic_wave.py. #----------------------------------------------------------------------- # NOTES: update_free_surface_slope() is called by the # update_velocity() methods of channels_diffusive_wave.py # and channels_dynamic_wave.py. #----------------------------------------------------------------------- # # class channels_component # # ## get_attribute() # (defined in each channel component) # get_input_var_names() # (5/15/12) # get_output_var_names() # (5/15/12) # get_var_name() # (5/15/12) # get_var_units() # (5/15/12) #----------------------------- # set_constants() # initialize() # update() # finalize() # set_computed_input_vars() # (5/11/10) #---------------------------------- # initialize_d8_vars() ######## # initialize_computed_vars() # initialize_diversion_vars() # (9/22/14) # initialize_outlet_values() # initialize_peak_values() # initialize_min_and_max_values() # (2/3/13) #------------------------------------- # update_R() # update_R_integral() # update_discharge() # update_diversions() # (9/22/14) # update_flow_volume() # update_flow_depth() # update_free_surface_slope() # update_shear_stress() # (9/9/14, depth-slope product) # update_shear_speed() # (9/9/14) # update_trapezoid_Rh() # update_friction_factor() # (9/9/14) #---------------------------------- # update_velocity() # (override as needed) # update_velocity_on_edges() # update_froude_number() # (9/9/14) #---------------------------------- # update_outlet_values() # update_peak_values() # (at the main outlet) # update_Q_out_integral() # (moved here from basins.py) # update_mins_and_maxes() # (don't add into update()) # check_flow_depth() # check_flow_velocity() #---------------------------------- # open_input_files() # read_input_files() # close_input_files() #---------------------------------- # update_outfile_names() # bundle_output_files() # (9/21/14. Not used yet) # open_output_files() # write_output_files() # close_output_files() # save_grids() # save_pixel_values() #---------------------------------- # manning_formula() # law_of_the_wall() # print_status_report() # remove_bad_slopes() # Functions: # (stand-alone versions of these) # Trapezoid_Rh() # Manning_Formula() # Law_of_the_Wall() #----------------------------------------------------------------------- import numpy as np import os, os.path from topoflow.utils import BMI_base # from topoflow.utils import d8_base from topoflow.utils import file_utils ### from topoflow.utils import model_input from topoflow.utils import model_output from topoflow.utils import ncgs_files ### from topoflow.utils import ncts_files ### from topoflow.utils import rtg_files ### from topoflow.utils import text_ts_files ### from topoflow.utils import tf_d8_base as d8_base from topoflow.utils import tf_utils #----------------------------------------------------------------------- class channels_component( BMI_base.BMI_component ): #----------------------------------------------------------- # Note: rainfall_volume_flux *must* be liquid-only precip. #----------------------------------------------------------- _input_var_names = [ 'atmosphere_water__rainfall_volume_flux', # (P_rain) 'glacier_ice__melt_volume_flux', # (MR) ## 'land_surface__elevation', ## 'land_surface__slope', 'land_surface_water__baseflow_volume_flux', # (GW) 'land_surface_water__evaporation_volume_flux', # (ET) 'soil_surface_water__infiltration_volume_flux', # (IN) 'snowpack__melt_volume_flux', # (SM) 'water-liquid__mass-per-volume_density' ] # (rho_H2O) #------------------------------------------------------------------ # 'canals__count', # n_canals # 'canals_entrance__x_coordinate', # canals_in_x # 'canals_entrance__y_coordinate', # canals_in_y # 'canals_entrance_water__volume_fraction', # Q_canals_fraction # 'canals_exit__x_coordinate', # canals_out_x # 'canals_exit__y_coordinate', # canals_out_y # 'canals_exit_water__volume_flow_rate', # Q_canals_out # 'sinks__count', # n_sinks # 'sinks__x_coordinate', # sinks_x # 'sinks__y_coordinate', # sinks_y # 'sinks_water__volume_flow_rate', # Q_sinks # 'sources__count', # n_sources # 'sources__x_coordinate', # sources_x # 'sources__y_coordinate', # sources_y # 'sources_water__volume_flow_rate' ] # Q_sources #---------------------------------- # Maybe add these out_vars later. #---------------------------------- # ['time_sec', 'time_min' ] _output_var_names = [ 'basin_outlet_water_flow__half_of_fanning_friction_factor', # f_outlet 'basin_outlet_water_x-section__mean_depth', # d_outlet 'basin_outlet_water_x-section__peak_time_of_depth', # Td_peak 'basin_outlet_water_x-section__peak_time_of_volume_flow_rate', # T_peak 'basin_outlet_water_x-section__peak_time_of_volume_flux', # Tu_peak 'basin_outlet_water_x-section__time_integral_of_volume_flow_rate', # vol_Q 'basin_outlet_water_x-section__time_max_of_mean_depth', # d_peak 'basin_outlet_water_x-section__time_max_of_volume_flow_rate', # Q_peak 'basin_outlet_water_x-section__time_max_of_volume_flux', # u_peak 'basin_outlet_water_x-section__volume_flow_rate', # Q_outlet 'basin_outlet_water_x-section__volume_flux', # u_outlet #-------------------------------------------------- 'canals_entrance_water__volume_flow_rate', # Q_canals_in #-------------------------------------------------- 'channel_bottom_surface__slope', # S_bed 'channel_bottom_water_flow__domain_max_of_log_law_roughness_length', # z0val_max 'channel_bottom_water_flow__domain_min_of_log_law_roughness_length', # z0val_min 'channel_bottom_water_flow__log_law_roughness_length', # z0val 'channel_bottom_water_flow__magnitude_of_shear_stress', # tau 'channel_bottom_water_flow__shear_speed', # u_star 'channel_centerline__sinuosity', # sinu 'channel_water__volume', # vol 'channel_water_flow__froude_number', # froude 'channel_water_flow__half_of_fanning_friction_factor', # f 'channel_water_flow__domain_max_of_manning_n_parameter', # nval_max 'channel_water_flow__domain_min_of_manning_n_parameter', # nval_min 'channel_water_flow__manning_n_parameter', # nval 'channel_water_surface__slope', # S_free #--------------------------------------------------- # These might only be available at the end of run. #--------------------------------------------------- 'channel_water_x-section__domain_max_of_mean_depth', # d_max 'channel_water_x-section__domain_min_of_mean_depth', # d_min 'channel_water_x-section__domain_max_of_volume_flow_rate', # Q_max 'channel_water_x-section__domain_min_of_volume_flow_rate', # Q_min 'channel_water_x-section__domain_max_of_volume_flux', # u_max 'channel_water_x-section__domain_min_of_volume_flux', # u_min #--------------------------------------------------------------------- 'channel_water_x-section__hydraulic_radius', # Rh 'channel_water_x-section__initial_mean_depth', # d0 'channel_water_x-section__mean_depth', # d 'channel_water_x-section__volume_flow_rate', # Q 'channel_water_x-section__volume_flux', # u 'channel_water_x-section__wetted_area', # A_wet 'channel_water_x-section__wetted_perimeter', # P_wet ## 'channel_water_x-section_top__width', # (not used) 'channel_x-section_trapezoid_bottom__width', # width 'channel_x-section_trapezoid_side__flare_angle', # angle 'land_surface_water__runoff_volume_flux', # R 'land_surface_water__domain_time_integral_of_runoff_volume_flux', # vol_R 'model__time_step', # dt 'model_grid_cell__area' ] # da _var_name_map = { 'atmosphere_water__rainfall_volume_flux': 'P_rain', 'glacier_ice__melt_volume_flux': 'MR', ## 'land_surface__elevation': 'DEM', ## 'land_surface__slope': 'S_bed', 'land_surface_water__baseflow_volume_flux': 'GW', 'land_surface_water__evaporation_volume_flux': 'ET', 'soil_surface_water__infiltration_volume_flux': 'IN', 'snowpack__melt_volume_flux': 'SM', 'water-liquid__mass-per-volume_density': 'rho_H2O', #------------------------------------------------------------------------ 'basin_outlet_water_flow__half_of_fanning_friction_factor':'f_outlet', 'basin_outlet_water_x-section__mean_depth': 'd_outlet', 'basin_outlet_water_x-section__peak_time_of_depth': 'Td_peak', 'basin_outlet_water_x-section__peak_time_of_volume_flow_rate': 'T_peak', 'basin_outlet_water_x-section__peak_time_of_volume_flux': 'Tu_peak', 'basin_outlet_water_x-section__volume_flow_rate': 'Q_outlet', 'basin_outlet_water_x-section__volume_flux': 'u_outlet', 'basin_outlet_water_x-section__time_integral_of_volume_flow_rate': 'vol_Q', 'basin_outlet_water_x-section__time_max_of_mean_depth': 'd_peak', 'basin_outlet_water_x-section__time_max_of_volume_flow_rate':'Q_peak', 'basin_outlet_water_x-section__time_max_of_volume_flux': 'u_peak', #-------------------------------------------------------------------------- 'canals_entrance_water__volume_flow_rate': 'Q_canals_in', #-------------------------------------------------------------------------- 'channel_bottom_surface__slope': 'S_bed', 'channel_bottom_water_flow__domain_max_of_log_law_roughness_length': 'z0val_max', 'channel_bottom_water_flow__domain_min_of_log_law_roughness_length': 'z0val_min', 'channel_bottom_water_flow__log_law_roughness_length': 'z0val', 'channel_bottom_water_flow__magnitude_of_shear_stress': 'tau', 'channel_bottom_water_flow__shear_speed': 'u_star', 'channel_centerline__sinuosity': 'sinu', 'channel_water__volume': 'vol', 'channel_water_flow__domain_max_of_manning_n_parameter': 'nval_max', 'channel_water_flow__domain_min_of_manning_n_parameter': 'nval_min', 'channel_water_flow__froude_number': 'froude', 'channel_water_flow__half_of_fanning_friction_factor': 'f', 'channel_water_flow__manning_n_parameter': 'nval', 'channel_water_surface__slope': 'S_free', #----------------------------------------------------------------------- 'channel_water_x-section__domain_max_of_mean_depth': 'd_max', 'channel_water_x-section__domain_min_of_mean_depth': 'd_min', 'channel_water_x-section__domain_max_of_volume_flow_rate': 'Q_max', 'channel_water_x-section__domain_min_of_volume_flow_rate': 'Q_min', 'channel_water_x-section__domain_max_of_volume_flux': 'u_max', 'channel_water_x-section__domain_min_of_volume_flux': 'u_min', #----------------------------------------------------------------------- 'channel_water_x-section__hydraulic_radius': 'Rh', 'channel_water_x-section__initial_mean_depth': 'd0', 'channel_water_x-section__mean_depth': 'd', 'channel_water_x-section__volume_flow_rate': 'Q', 'channel_water_x-section__volume_flux': 'u', 'channel_water_x-section__wetted_area': 'A_wet', 'channel_water_x-section__wetted_perimeter': 'P_wet', ## 'channel_water_x-section_top__width': # (not used) 'channel_x-section_trapezoid_bottom__width': 'width', #### 'channel_x-section_trapezoid_side__flare_angle': 'angle', #### 'land_surface_water__domain_time_integral_of_runoff_volume_flux': 'vol_R', 'land_surface_water__runoff_volume_flux': 'R', 'model__time_step': 'dt', 'model_grid_cell__area': 'da', #------------------------------------------------------------------ 'canals__count': 'n_canals', 'canals_entrance__x_coordinate': 'canals_in_x', 'canals_entrance__y_coordinate': 'canals_in_y', 'canals_entrance_water__volume_fraction': 'Q_canals_fraction', 'canals_exit__x_coordinate': 'canals_out_x', 'canals_exit__y_coordinate': 'canals_out_y', 'canals_exit_water__volume_flow_rate': 'Q_canals_out', 'sinks__count': 'n_sinks', 'sinks__x_coordinate': 'sinks_x', 'sinks__y_coordinate': 'sinks_y', 'sinks_water__volume_flow_rate': 'Q_sinks', 'sources__count': 'n_sources', 'sources__x_coordinate': 'sources_x', 'sources__y_coordinate': 'sources_y', 'sources_water__volume_flow_rate': 'Q_sources' } #------------------------------------------------ # Create an "inverse var name map" # inv_map = dict(zip(map.values(), map.keys())) #------------------------------------------------ ## _long_name_map = dict( zip(_var_name_map.values(), ## _var_name_map.keys() ) ) _var_units_map = { 'atmosphere_water__rainfall_volume_flux': 'm s-1', 'glacier_ice__melt_volume_flux': 'm s-1', ## 'land_surface__elevation': 'm', ## 'land_surface__slope': '1', 'land_surface_water__baseflow_volume_flux': 'm s-1', 'land_surface_water__evaporation_volume_flux': 'm s-1', 'soil_surface_water__infiltration_volume_flux': 'm s-1', 'snowpack__melt_volume_flux': 'm s-1', 'water-liquid__mass-per-volume_density': 'kg m-3', #--------------------------------------------------------------------------- 'basin_outlet_water_flow__half_of_fanning_friction_factor': '1', 'basin_outlet_water_x-section__mean_depth': 'm', 'basin_outlet_water_x-section__peak_time_of_depth': 'min', 'basin_outlet_water_x-section__peak_time_of_volume_flow_rate': 'min', 'basin_outlet_water_x-section__peak_time_of_volume_flux': 'min', 'basin_outlet_water_x-section__time_integral_of_volume_flow_rate': 'm3', 'basin_outlet_water_x-section__time_max_of_mean_depth': 'm', 'basin_outlet_water_x-section__time_max_of_volume_flow_rate': 'm3 s-1', 'basin_outlet_water_x-section__time_max_of_volume_flux': 'm s-1', 'basin_outlet_water_x-section__volume_flow_rate': 'm3', 'basin_outlet_water_x-section__volume_flux': 'm s-1', #--------------------------------------------------------------------------- 'canals_entrance_water__volume_flow_rate': 'm3 s-1', #--------------------------------------------------------------------------- 'channel_bottom_surface__slope': '1', 'channel_bottom_water_flow__domain_max_of_log_law_roughness_length': 'm', 'channel_bottom_water_flow__domain_min_of_log_law_roughness_length': 'm', 'channel_bottom_water_flow__log_law_roughness_length': 'm', 'channel_bottom_water_flow__magnitude_of_shear_stress': 'kg m-1 s-2', 'channel_bottom_water_flow__shear_speed': 'm s-1', 'channel_centerline__sinuosity': '1', 'channel_water__volume': 'm3', 'channel_water_flow__froude_number': '1', 'channel_water_flow__half_of_fanning_friction_factor': '1', 'channel_water_flow__manning_n_parameter': 'm-1/3 s', 'channel_water_flow__domain_max_of_manning_n_parameter': 'm-1/3 s', 'channel_water_flow__domain_min_of_manning_n_parameter': 'm-1/3 s', 'channel_water_surface__slope': '1', #-------------------------------------------------------------------- 'channel_water_x-section__domain_max_of_mean_depth': 'm', 'channel_water_x-section__domain_min_of_mean_depth': 'm', 'channel_water_x-section__domain_max_of_volume_flow_rate': 'm3 s-1', 'channel_water_x-section__domain_min_of_volume_flow_rate': 'm3 s-1', 'channel_water_x-section__domain_max_of_volume_flux': 'm s-1', 'channel_water_x-section__domain_min_of_volume_flux': 'm s-1', #-------------------------------------------------------------------- 'channel_water_x-section__hydraulic_radius': 'm', 'channel_water_x-section__initial_mean_depth': 'm', 'channel_water_x-section__mean_depth': 'm', 'channel_water_x-section__volume_flow_rate': 'm3 s-1', 'channel_water_x-section__volume_flux': 'm s-1', 'channel_water_x-section__wetted_area': 'm2', 'channel_water_x-section__wetted_perimeter': 'm', 'channel_x-section_trapezoid_bottom__width': 'm', 'channel_x-section_trapezoid_side__flare_angle': 'rad', # CHECKED 'land_surface_water__domain_time_integral_of_runoff_volume_flux': 'm3', 'land_surface_water__runoff_volume_flux': 'm s-1', 'model__time_step': 's', 'model_grid_cell__area': 'm2', #------------------------------------------------------------------ 'canals__count': '1', 'canals_entrance__x_coordinate': 'm', 'canals_entrance__y_coordinate': 'm', 'canals_entrance_water__volume_fraction': '1', 'canals_exit__x_coordinate': 'm', 'canals_exit__y_coordinate': 'm', 'canals_exit_water__volume_flow_rate': 'm3 s-1', 'sinks__count': '1', 'sinks__x_coordinate': 'm', 'sinks__y_coordinate': 'm', 'sinks_water__volume_flow_rate': 'm3 s-1', 'sources__count': '1', 'sources__x_coordinate': 'm', 'sources__y_coordinate': 'm', 'sources_water__volume_flow_rate': 'm3 s-1' } #------------------------------------------------ # Return NumPy string arrays vs. Python lists ? #------------------------------------------------ ## _input_var_names = np.array( _input_var_names ) ## _output_var_names = np.array( _output_var_names ) #------------------------------------------------------------------- def get_input_var_names(self): #-------------------------------------------------------- # Note: These are currently variables needed from other # components vs. those read from files or GUI. #-------------------------------------------------------- return self._input_var_names # get_input_var_names() #------------------------------------------------------------------- def get_output_var_names(self): return self._output_var_names # get_output_var_names() #------------------------------------------------------------------- def get_var_name(self, long_var_name): return self._var_name_map[ long_var_name ] # get_var_name() #------------------------------------------------------------------- def get_var_units(self, long_var_name): return self._var_units_map[ long_var_name ] # get_var_units() #------------------------------------------------------------------- ## def get_var_type(self, long_var_name): ## ## #--------------------------------------- ## # So far, all vars have type "double", ## # but use the one in BMI_base instead. ## #--------------------------------------- ## return 'float64' ## ## # get_var_type() #------------------------------------------------------------------- def set_constants(self): #------------------------ # Define some constants #------------------------ self.g = np.float64(9.81) # (gravitation const.) self.aval = np.float64(0.476) # (integration const.) self.kappa = np.float64(0.408) # (von Karman's const.) self.law_const = np.sqrt(self.g) / self.kappa self.one_third = np.float64(1.0) / 3.0 self.two_thirds = np.float64(2.0) / 3.0 self.deg_to_rad = np.pi / 180.0 # set_constants() #------------------------------------------------------------------- def initialize(self, cfg_file=None, mode="nondriver", SILENT=False): if not(SILENT): print ' ' print 'Channels component: Initializing...' self.status = 'initializing' # (OpenMI 2.0 convention) self.mode = mode self.cfg_file = cfg_file #----------------------------------------------- # Load component parameters from a config file #----------------------------------------------- self.set_constants() # (12/7/09) # print 'CHANNELS calling initialize_config_vars()...' self.initialize_config_vars() # print 'CHANNELS calling read_grid_info()...' self.read_grid_info() #print 'CHANNELS calling initialize_basin_vars()...' self.initialize_basin_vars() # (5/14/10) #----------------------------------------- # This must come before "Disabled" test. #----------------------------------------- # print 'CHANNELS calling initialize_time_vars()...' self.initialize_time_vars() #---------------------------------- # Has component been turned off ? #---------------------------------- if (self.comp_status == 'Disabled'): if not(SILENT): print 'Channels component: Disabled.' self.SAVE_Q_GRIDS = False # (It is True by default.) self.SAVE_Q_PIXELS = False # (It is True by default.) self.DONE = True self.status = 'initialized' # (OpenMI 2.0 convention) return ## print '################################################' ## print 'min(d0), max(d0) =', self.d0.min(), self.d0.max() ## print '################################################' #--------------------------------------------- # Open input files needed to initialize vars #--------------------------------------------- # Can't move read_input_files() to start of # update(), since initial values needed here. #--------------------------------------------- # print 'CHANNELS calling open_input_files()...' self.open_input_files() print 'CHANNELS calling read_input_files()...' self.read_input_files() #----------------------- # Initialize variables #----------------------- print 'CHANNELS calling initialize_d8_vars()...' self.initialize_d8_vars() # (depend on D8 flow grid) print 'CHANNELS calling initialize_computed_vars()...' self.initialize_computed_vars() #-------------------------------------------------- # (5/12/10) I think this is obsolete now. #-------------------------------------------------- # Make sure self.Q_ts_file is not NULL (12/22/05) # This is only output file that is set by default # and is still NULL if user hasn't opened the # output var dialog for the channel process. #-------------------------------------------------- ## if (self.SAVE_Q_PIXELS and (self.Q_ts_file == '')): ## self.Q_ts_file = (self.case_prefix + '_0D-Q.txt') self.open_output_files() self.status = 'initialized' # (OpenMI 2.0 convention) # initialize() #------------------------------------------------------------------- ## def update(self, dt=-1.0, time_seconds=None): def update(self, dt=-1.0): #--------------------------------------------- # Note that u and d from previous time step # must be used on RHS of the equations here. #--------------------------------------------- self.status = 'updating' # (OpenMI 2.0 convention) #------------------------------------------------------- # There may be times where we want to call this method # even if component is not the driver. But note that # the TopoFlow driver also makes this same call. #------------------------------------------------------- if (self.mode == 'driver'): self.print_time_and_value(self.Q_outlet, 'Q_out', '[m^3/s]') ### interval=0.5) # [seconds] # For testing (5/19/12) # self.print_time_and_value(self.Q_outlet, 'Q_out', '[m^3/s] CHANNEL') ## DEBUG = True DEBUG = False #------------------------- # Update computed values #------------------------- if (DEBUG): print '#### Calling update_R()...' self.update_R() if (DEBUG): print '#### Calling update_R_integral()...' self.update_R_integral() if (DEBUG): print '#### Calling update_discharge()...' self.update_discharge() if (DEBUG): print '#### Calling update_diversions()...' self.update_diversions() if (DEBUG): print '#### Calling update_flow_volume()...' self.update_flow_volume() if (DEBUG): print '#### Calling update_flow_depth()...' self.update_flow_depth() #----------------------------------------------------------------- if not(self.DYNAMIC_WAVE): if (DEBUG): print '#### Calling update_trapezoid_Rh()...' self.update_trapezoid_Rh() # print 'Rhmin, Rhmax =', self.Rh.min(), self.Rh.max()a #----------------------------------------------------------------- # (9/9/14) Moved this here from update_velocity() methods. #----------------------------------------------------------------- if not(self.KINEMATIC_WAVE): if (DEBUG): print '#### Calling update_free_surface_slope()...' self.update_free_surface_slope() if (DEBUG): print '#### Calling update_shear_stress()...' self.update_shear_stress() if (DEBUG): print '#### Calling update_shear_speed()...' self.update_shear_speed() #----------------------------------------------------------------- # Must update friction factor before velocity for DYNAMIC_WAVE. #----------------------------------------------------------------- if (DEBUG): print '#### Calling update_friction_factor()...' self.update_friction_factor() #----------------------------------------------------------------- if (DEBUG): print '#### Calling update_velocity()...' self.update_velocity() self.update_velocity_on_edges() # (set to zero) if (DEBUG): print '#### Calling update_froude_number()...' self.update_froude_number() #----------------------------------------------------------------- ## print 'Rmin, Rmax =', self.R.min(), self.R.max() ## print 'Qmin, Qmax =', self.Q.min(), self.Q.max() ## print 'umin, umax =', self.u.min(), self.u.max() ## print 'dmin, dmax =', self.d.min(), self.d.max() ## print 'nmin, nmax =', self.nval.min(), self.nval.max() ## print 'Rhmin, Rhmax =', self.Rh.min(), self.Rh.max() ## print 'Smin, Smax =', self.S_bed.min(), self.S_bed.max() if (DEBUG): print '#### Calling update_outlet_values()...' self.update_outlet_values() if (DEBUG): print '#### Calling update peak values()...' self.update_peak_values() if (DEBUG): print '#### Calling update_Q_out_integral()...' self.update_Q_out_integral() #--------------------------------------------- # This takes extra time and is now done # only at the end, in finalize(). (8/19/13) #--------------------------------------------- # But then "topoflow_driver" doesn't get # correctly updated values for some reason. #--------------------------------------------- ## self.update_mins_and_maxes() #------------------------ # Check computed values #------------------------ D_OK = self.check_flow_depth() U_OK = self.check_flow_velocity() OK = (D_OK and U_OK) #------------------------------------------- # Read from files as needed to update vars #----------------------------------------------------- # NB! This is currently not needed for the "channel # process" because values don't change over time and # read_input_files() is called by initialize(). #----------------------------------------------------- # if (self.time_index > 0): # self.read_input_files() #---------------------------------------------- # Write user-specified data to output files ? #---------------------------------------------- # Components use own self.time_sec by default. #----------------------------------------------- if (DEBUG): print '#### Calling write_output_files()...' self.write_output_files() ## self.write_output_files( time_seconds ) #----------------------------- # Update internal clock # after write_output_files() #----------------------------- if (DEBUG): print '#### Calling update_time()' self.update_time( dt ) if (OK): self.status = 'updated' # (OpenMI 2.0 convention) else: self.status = 'failed' self.DONE = True # update() #------------------------------------------------------------------- def finalize(self): #--------------------------------------------------- # We can compute mins and maxes in the final grids # here, but the framework will not then pass them # to any component (e.g. topoflow_driver) that may # need them. #--------------------------------------------------- REPORT = True self.update_mins_and_maxes( REPORT=REPORT ) ## (2/6/13) self.print_final_report(comp_name='Channels component') self.status = 'finalizing' # (OpenMI) self.close_input_files() # TopoFlow input "data streams" self.close_output_files() self.status = 'finalized' # (OpenMI) #--------------------------- # Release all of the ports #---------------------------------------- # Make this call in "finalize()" method # of the component's CCA Imple file #---------------------------------------- # self.release_cca_ports( d_services ) # finalize() #------------------------------------------------------------------- def set_computed_input_vars(self): #--------------------------------------------------------------- # Note: The initialize() method calls initialize_config_vars() # (in BMI_base.py), which calls this method at the end. #-------------------------------------------------------------- cfg_extension = self.get_attribute( 'cfg_extension' ).lower() # cfg_extension = self.get_cfg_extension().lower() self.KINEMATIC_WAVE = ("kinematic" in cfg_extension) self.DIFFUSIVE_WAVE = ("diffusive" in cfg_extension) self.DYNAMIC_WAVE = ("dynamic" in cfg_extension) ########################################################## # (5/17/12) If MANNING, we need to set z0vals to -1 so # they are always defined for use with new framework. ########################################################## if (self.MANNING): if (self.nval != None): self.nval = np.float64( self.nval ) #### 10/9/10, NEED self.nval_min = self.nval.min() self.nval_max = self.nval.max() #----------------------------------- self.z0val = np.float64(-1) self.z0val_min = np.float64(-1) self.z0val_max = np.float64(-1) if (self.LAW_OF_WALL): if (self.z0val != None): self.z0val = np.float64( self.z0val ) #### (10/9/10) self.z0val_min = self.z0val.min() self.z0val_max = self.z0val.max() #----------------------------------- self.nval = np.float64(-1) self.nval_min = np.float64(-1) self.nval_max = np.float64(-1) #------------------------------------------- # These currently can't be set to anything # else in the GUI, but need to be defined. #------------------------------------------- self.code_type = 'Grid' self.slope_type = 'Grid' #--------------------------------------------------------- # Make sure that all "save_dts" are larger or equal to # the specified process dt. There is no point in saving # results more often than they change. # Issue a message to this effect if any are smaller ?? #--------------------------------------------------------- self.save_grid_dt = np.maximum(self.save_grid_dt, self.dt) self.save_pixels_dt = np.maximum(self.save_pixels_dt, self.dt) #--------------------------------------------------- # This is now done in CSDMS_base.read_config_gui() # for any var_name that starts with "SAVE_". #--------------------------------------------------- # self.SAVE_Q_GRID = (self.SAVE_Q_GRID == 'Yes') # set_computed_input_vars() #------------------------------------------------------------------- def initialize_d8_vars(self): #--------------------------------------------- # Compute and store a variety of (static) D8 # flow grid variables. Embed structure into # the "channel_base" component. #--------------------------------------------- self.d8 = d8_base.d8_component() ############################################### # (5/13/10) Do next line here for now, until # the d8 cfg_file includes static prefix. # Same is done in GW_base.py. ############################################### # tf_d8_base.read_grid_info() also needs # in_directory to be set. (10/27/11) ############################################### #-------------------------------------------------- # D8 component builds its cfg filename from these #-------------------------------------------------- self.d8.site_prefix = self.site_prefix self.d8.in_directory = self.in_directory self.d8.initialize( cfg_file=None, SILENT=self.SILENT, REPORT=self.REPORT ) ## self.code = self.d8.code # Don't need this. #------------------------------------------- # We'll need this once we shift from using # "tf_d8_base.py" to the new "d8_base.py" #------------------------------------------- # self.d8.update(self.time, SILENT=False, REPORT=True) # initialize_d8_vars() #------------------------------------------------------------- def initialize_computed_vars(self): #----------------------------------------------- # Convert bank angles from degrees to radians. #----------------------------------------------- self.angle = self.angle * self.deg_to_rad # [radians] #------------------------------------------------ # 8/29/05. Multiply ds by (unitless) sinuosity # Orig. ds is used by subsurface flow #------------------------------------------------ # NB! We should also divide slopes in S_bed by # the sinuosity, as now done here. #---------------------------------------------------- # NB! This saves a modified version of ds that # is only used within the "channels" component. # The original "ds" is stored within the # topoflow model component and is used for # subsurface flow, etc. #---------------------------------------------------- ### self.d8.ds_chan = (self.sinu * ds) ### self.ds = (self.sinu * self.d8.ds) self.d8.ds = (self.sinu * self.d8.ds) ### USE LESS MEMORY ################################################### ################################################### ### S_bed = (S_bed / self.sinu) #************* self.slope = (self.slope / self.sinu) self.S_bed = self.slope ################################################### ################################################### #--------------------------- # Initialize spatial grids #----------------------------------------------- # NB! It is not a good idea to initialize the # water depth grid to a nonzero scalar value. #----------------------------------------------- print 'Initializing u, f, d grids...' self.u = np.zeros([self.ny, self.nx], dtype='Float64') self.f = np.zeros([self.ny, self.nx], dtype='Float64') self.d = np.zeros([self.ny, self.nx], dtype='Float64') + self.d0 ######################################################### # Add this on (2/3/13) so make the TF driver happy # during its initialize when it gets reference to R. # But in "update_R()", be careful not to break the ref. # "Q" may be subject to the same issue. ######################################################### self.Q = np.zeros([self.ny, self.nx], dtype='Float64') self.R = np.zeros([self.ny, self.nx], dtype='Float64') #--------------------------------------------------- # Initialize new grids. Is this needed? (9/13/14) #--------------------------------------------------- self.tau = np.zeros([self.ny, self.nx], dtype='Float64') self.u_star = np.zeros([self.ny, self.nx], dtype='Float64') self.froude = np.zeros([self.ny, self.nx], dtype='Float64') #--------------------------------------- # These are used to check mass balance #--------------------------------------- self.vol_R = self.initialize_scalar( 0, dtype='float64') self.vol_Q = self.initialize_scalar( 0, dtype='float64') #------------------------------------------- # Make sure all slopes are valid & nonzero # since otherwise flow will accumulate #------------------------------------------- if (self.KINEMATIC_WAVE): self.remove_bad_slopes() #(3/8/07. Only Kin Wave case) #---------------------------------------- # Initial volume of water in each pixel #----------------------------------------------------------- # Note: angles were read as degrees & converted to radians #----------------------------------------------------------- L2 = self.d * np.tan(self.angle) self.A_wet = self.d * (self.width + L2) self.P_wet = self.width + (np.float64(2) * self.d / np.cos(self.angle) ) self.vol = self.A_wet * self.d8.ds # [m3] #------------------------------------------------------- # Note: depth is often zero at the start of a run, and # both width and then P_wet are also zero in places. # Therefore initialize Rh as shown. #------------------------------------------------------- self.Rh = np.zeros([self.ny, self.nx], dtype='Float64') ## self.Rh = self.A_wet / self.P_wet # [m] ## print 'P_wet.min() =', self.P_wet.min() ## print 'width.min() =', self.width.min() ## self.initialize_diversion_vars() # (9/22/14) self.initialize_outlet_values() self.initialize_peak_values() self.initialize_min_and_max_values() ## (2/3/13) ######################################### # Maybe save all refs in a dictionary # called "self_values" here ? (2/19/13) # Use a "reverse" var_name mapping? # inv_map = dict(zip(map.values(), map.keys())) ######################################### ## w = np.where( self.width <= 0 ) ## nw = np.size( w[0] ) # (This is correct for 1D or 2D.) ## if (nw > 0): ## print 'WARNING:' ## print 'Number of locations where width==0 =', nw ## if (nw < 10): ## print 'locations =', w ## print ' ' # initialize_computed_vars() #------------------------------------------------------------- def initialize_diversion_vars(self): #----------------------------------------- # Compute source IDs from xy coordinates #----------------------------------------- source_rows = np.int32( self.sources_y / self.ny ) source_cols = np.int32( self.sources_x / self.nx ) self.source_IDs = (source_rows, source_cols) ## self.source_IDs = (source_rows * self.nx) + source_cols #--------------------------------------- # Compute sink IDs from xy coordinates #--------------------------------------- sink_rows = np.int32( self.sinks_y / self.ny ) sink_cols = np.int32( self.sinks_x / self.nx ) self.sink_IDs = (sink_rows, sink_cols) ## self.sink_IDs = (sink_rows * self.nx) + sink_cols #------------------------------------------------- # Compute canal entrance IDs from xy coordinates #------------------------------------------------- canal_in_rows = np.int32( self.canals_in_y / self.ny ) canal_in_cols = np.int32( self.canals_in_x / self.nx ) self.canal_in_IDs = (canal_in_rows, canal_in_cols) ## self.canal_in_IDs = (canal_in_rows * self.nx) + canal_in_cols #--------------------------------------------- # Compute canal exit IDs from xy coordinates #--------------------------------------------- canal_out_rows = np.int32( self.canals_out_y / self.ny ) canal_out_cols = np.int32( self.canals_out_x / self.nx ) self.canal_out_IDs = (canal_out_rows, canal_out_cols) ## self.canal_out_IDs = (canal_out_rows * self.nx) + canal_out_cols #-------------------------------------------------- # This will be computed from Q_canal_fraction and # self.Q and then passed back to Diversions #-------------------------------------------------- self.Q_canals_in = np.array( self.n_sources, dtype='float64' ) # initialize_diversion_vars() #------------------------------------------------------------------- def initialize_outlet_values(self): #--------------------------------------------------- # Note: These are retrieved and used by TopoFlow # for the stopping condition. TopoFlow # receives a reference to these, but in # order to see the values change they need # to be stored as mutable, 1D numpy arrays. #--------------------------------------------------- # Note: Q_last is internal to TopoFlow. #--------------------------------------------------- # self.Q_outlet = self.Q[ self.outlet_ID ] self.Q_outlet = self.initialize_scalar(0, dtype='float64') self.u_outlet = self.initialize_scalar(0, dtype='float64') self.d_outlet = self.initialize_scalar(0, dtype='float64') self.f_outlet = self.initialize_scalar(0, dtype='float64') # initialize_outlet_values() #------------------------------------------------------------------- def initialize_peak_values(self): #------------------------- # Initialize peak values #------------------------- self.Q_peak = self.initialize_scalar(0, dtype='float64') self.T_peak = self.initialize_scalar(0, dtype='float64') self.u_peak = self.initialize_scalar(0, dtype='float64') self.Tu_peak = self.initialize_scalar(0, dtype='float64') self.d_peak = self.initialize_scalar(0, dtype='float64') self.Td_peak = self.initialize_scalar(0, dtype='float64') # initialize_peak_values() #------------------------------------------------------------------- def initialize_min_and_max_values(self): #------------------------------- # Initialize min & max values # (2/3/13), for new framework. #------------------------------- v = 1e6 self.Q_min = self.initialize_scalar(v, dtype='float64') self.Q_max = self.initialize_scalar(-v, dtype='float64') self.u_min = self.initialize_scalar(v, dtype='float64') self.u_max = self.initialize_scalar(-v, dtype='float64') self.d_min = self.initialize_scalar(v, dtype='float64') self.d_max = self.initialize_scalar(-v, dtype='float64') # initialize_min_and_max_values() #------------------------------------------------------------------- # def update_excess_rainrate(self): def update_R(self): #---------------------------------------- # Compute the "excess rainrate", R. # Each term must have same units: [m/s] # Sum = net gain/loss rate over pixel. #---------------------------------------------------- # R can be positive or negative. If negative, then # water is removed from the surface at rate R until # surface water is consumed. #-------------------------------------------------------------- # P = precip_rate [m/s] (converted by read_input_data()). # SM = snowmelt rate [m/s] # GW = seep rate [m/s] (water_table intersects surface) # ET = evap rate [m/s] # IN = infil rate [m/s] # MR = icemelt rate [m/s] #------------------------------------------------------------ # Use refs to other comp vars from new framework. (5/18/12) #------------------------------------------------------------ P = self.P_rain # (This is now liquid-only precip. 9/14/14) SM = self.SM GW = self.GW ET = self.ET IN = self.IN MR = self.MR ## if (self.DEBUG): ## print 'At time:', self.time_min, ', P =', P, '[m/s]' #-------------- # For testing #-------------- ## print '(Pmin, Pmax) =', P.min(), P.max() ## print '(SMmin, SMmax) =', SM.min(), SM.max() ## print '(GWmin, GWmax) =', GW.min(), GW.max() ## print '(ETmin, ETmax) =', ET.min(), ET.max() ## print '(INmin, INmax) =', IN.min(), IN.max() ## print '(MRmin, MRmax) =', MR.min(), MR.max() ## # print '(Hmin, Hmax) =', H.min(), H.max() ## print ' ' self.R = (P + SM + GW + MR) - (ET + IN) # update_R() #------------------------------------------------------------------- def update_R_integral(self): #----------------------------------------------- # Update mass total for R, sum over all pixels #----------------------------------------------- volume = np.double(self.R * self.da * self.dt) # [m^3] if (np.size(volume) == 1): self.vol_R += (volume * self.rti.n_pixels) else: self.vol_R += np.sum(volume) # update_R_integral() #------------------------------------------------------------------- def update_discharge(self): #--------------------------------------------------------- # The discharge grid, Q, gives the flux of water _out_ # of each grid cell. This entire amount then flows # into one of the 8 neighbor grid cells, as indicated # by the D8 flow code. The update_flow_volume() function # is called right after this one in update() and uses # the Q grid. #--------------------------------------------------------- # 7/15/05. The cross-sectional area of a trapezoid is # given by: Ac = d * (w + (d * tan(theta))), # where w is the bottom width. If we were to # use: Ac = w * d, then we'd have Ac=0 when w=0. # We also need angle units to be radians. #--------------------------------------------------------- #----------------------------- # Compute the discharge grid #------------------------------------------------------ # A_wet is initialized in initialize_computed_vars(). # A_wet is updated in update_trapezoid_Rh(). #------------------------------------------------------ ### self.Q = np.float64(self.u * A_wet) self.Q[:] = self.u * self.A_wet ## (2/19/13, in place) #-------------- # For testing #-------------- ## print '(umin, umax) =', self.u.min(), self.u.max() ## print '(d0min, d0max) =', self.d0.min(), self.d0.max() ## print '(dmin, dmax) =', self.d.min(), self.d.max() ## print '(amin, amax) =', self.angle.min(), self.angle.max() ## print '(wmin, wmax) =', self.width.min(), self.width.max() ## print '(Qmin, Qmax) =', self.Q.min(), self.Q.max() ## print '(L2min, L2max) =', L2.min(), L2.max() ## print '(Qmin, Qmax) =', self.Q.min(), self.Q.max() #-------------- # For testing #-------------- # print 'dmin, dmax =', self.d.min(), self.d.max() # print 'umin, umax =', self.u.min(), self.u.max() # print 'Qmin, Qmax =', self.Q.min(), self.Q.max() # print ' ' # print 'u(outlet) =', self.u[self.outlet_ID] # print 'Q(outlet) =', self.Q[self.outlet_ID] ######## #---------------------------------------------------- # Wherever depth is less than z0, assume that water # is not flowing and set u and Q to zero. # However, we also need (d gt 0) to avoid a divide # by zero problem, even when numerators are zero. #---------------------------------------------------- # FLOWING = (d > (z0/aval)) #*** FLOWING[self.d8.noflow_IDs] = False ;****** # u = (u * FLOWING) # Q = (Q * FLOWING) # d = np.maximum(d, 0.0) ;(allow depths lt z0, if gt 0.) # update_discharge() #------------------------------------------------------------------- def update_diversions(self): #-------------------------------------------------------------- # Note: The Channel component requests the following input # vars from the Diversions component by including # them in its "get_input_vars()": # (1) Q_sources, Q_sources_x, Q_sources_y # (2) Q_sinks, Q_sinks_x, Q_sinks_y # (3) Q_canals_out, Q_canals_out_x, Q_canals_out_y # (4) Q_canals_fraction, Q_canals_in_x, Q_canals_in_y. # source_IDs are computed from (x,y) coordinates during # initialize(). # # Diversions component needs to get Q_canals_in from the # Channel component. #-------------------------------------------------------------- # Note: This *must* be called after update_discharge() and # before update_flow_volume(). #-------------------------------------------------------------- # Note: The Q grid stores the volume flow rate *leaving* each # grid cell in the domain. For sources, an extra amount # is leaving the cell which can flow into its D8 parent # cell. For sinks, a lesser amount is leaving the cell # toward the D8 parent. #-------------------------------------------------------------- # Note: It is not enough to just update Q and then call the # update_flow_volume() method. This is because it # won't update the volume in the channels in the grid # cells that the extra discharge is leaving from. #-------------------------------------------------------------- # If a grid cell contains a "source", then an additional Q # will flow *into* that grid cell and increase flow volume. #-------------------------------------------------------------- #------------------------------------------------------------- # This is not fully tested but runs. However, the Diversion # vars are still computed even when Diversions component is # disabled. So it slows things down somewhat. #------------------------------------------------------------- return ######################## ######################## #---------------------------------------- # Update Q and vol due to point sources #---------------------------------------- ## if (hasattr(self, 'source_IDs')): if (self.n_sources > 0): self.Q[ self.source_IDs ] += self.Q_sources self.vol[ self.source_IDs ] += (self.Q_sources * self.dt) #-------------------------------------- # Update Q and vol due to point sinks #-------------------------------------- ## if (hasattr(self, 'sink_IDs')): if (self.n_sinks > 0): self.Q[ self.sink_IDs ] -= self.Q_sinks self.vol[ self.sink_IDs ] -= (self.Q_sinks * self.dt) #--------------------------------------- # Update Q and vol due to point canals #--------------------------------------- ## if (hasattr(self, 'canal_in_IDs')): if (self.n_canals > 0): #----------------------------------------------------------------- # Q grid was just modified. Apply the canal diversion fractions # to compute the volume flow rate into upstream ends of canals. #----------------------------------------------------------------- Q_canals_in = self.Q_canals_fraction * self.Q[ self.canal_in_IDs ] self.Q_canals_in = Q_canals_in #---------------------------------------------------- # Update Q and vol due to losses at canal entrances #---------------------------------------------------- self.Q[ self.canal_in_IDs ] -= Q_canals_in self.vol[ self.canal_in_IDs ] -= (Q_canals_in * self.dt) #------------------------------------------------- # Update Q and vol due to gains at canal exits. # Diversions component accounts for travel time. #------------------------------------------------- self.Q[ self.canal_out_IDs ] += self.Q_canals_out self.vol[ self.canal_out_IDs ] += (self.Q_canals_out * self.dt) # update_diversions() #------------------------------------------------------------------- def update_flow_volume(self): #----------------------------------------------------------- # Notes: This function must be called after # update_discharge() and update_diversions(). #----------------------------------------------------------- # Notes: Q = surface discharge [m^3/s] # R = excess precip. rate [m/s] # da = pixel area [m^2] # dt = channel flow timestep [s] # vol = total volume of water in pixel [m^3] # v2 = temp version of vol # w1 = IDs of pixels that... # p1 = IDs of parent pixels that... #----------------------------------------------------------- dt = self.dt # [seconds] #---------------------------------------------------- # Add contribution (or loss ?) from excess rainrate #---------------------------------------------------- # Contributions over entire grid cell from rainfall, # snowmelt, icemelt and baseflow (minus losses from # evaporation and infiltration) are assumed to flow # into the channel within the grid cell. # Note that R is allowed to be negative. #---------------------------------------------------- self.vol += (self.R * self.da) * dt # (in place) #----------------------------------------- # Add contributions from neighbor pixels #------------------------------------------------------------- # Each grid cell passes flow to *one* downstream neighbor. # Note that multiple grid cells can flow toward a given grid # cell, so a grid cell ID may occur in d8.p1 and d8.p2, etc. #------------------------------------------------------------- # (2/16/10) RETEST THIS. Before, a copy called "v2" was # used but this doesn't seem to be necessary. #------------------------------------------------------------- if (self.d8.p1_OK): self.vol[ self.d8.p1 ] += (dt * self.Q[self.d8.w1]) if (self.d8.p2_OK): self.vol[ self.d8.p2 ] += (dt * self.Q[self.d8.w2]) if (self.d8.p3_OK): self.vol[ self.d8.p3 ] += (dt * self.Q[self.d8.w3]) if (self.d8.p4_OK): self.vol[ self.d8.p4 ] += (dt * self.Q[self.d8.w4]) if (self.d8.p5_OK): self.vol[ self.d8.p5 ] += (dt * self.Q[self.d8.w5]) if (self.d8.p6_OK): self.vol[ self.d8.p6 ] += (dt * self.Q[self.d8.w6]) if (self.d8.p7_OK): self.vol[ self.d8.p7 ] += (dt * self.Q[self.d8.w7]) if (self.d8.p8_OK): self.vol[ self.d8.p8 ] += (dt * self.Q[self.d8.w8]) #---------------------------------------------------- # Subtract the amount that flows out to D8 neighbor #---------------------------------------------------- self.vol -= (self.Q * dt) # (in place) #-------------------------------------------------------- # While R can be positive or negative, the surface flow # volume must always be nonnegative. This also ensures # that the flow depth is nonnegative. (7/13/06) #-------------------------------------------------------- ## self.vol = np.maximum(self.vol, 0.0) ## self.vol[:] = np.maximum(self.vol, 0.0) # (2/19/13) np.maximum( self.vol, 0.0, self.vol ) # (in place) # update_flow_volume #------------------------------------------------------------------- def update_flow_depth(self): #----------------------------------------------------------- # Notes: 7/18/05. Modified to use the equation for volume # of a trapezoidal channel: vol = Ac * ds, where # Ac=d*[w + d*tan(t)], and to solve the resulting # quadratic (discarding neg. root) for new depth, d. # 8/29/05. Now original ds is used for subsurface # flow and there is a ds_chan which can include a # sinuosity greater than 1. This may be especially # important for larger pixel sizes. # Removed (ds > 1) here which was only meant to # avoid a "divide by zero" error at pixels where # (ds eq 0). This isn't necessary since the # Flow_Lengths function in utils_TF.pro never # returns a value of zero. #---------------------------------------------------------- # Modified to avoid double where calls, which # reduced cProfile run time for this method from # 1.391 to 0.644. (9/23/14) #---------------------------------------------------------- # Commented this out on (2/18/10) because it doesn't # seem to be used anywhere now. Checked all # of the Channels components. #---------------------------------------------------------- # self.d_last = self.d.copy() #----------------------------------- # Make some local aliases and vars #----------------------------------------------------------- # Note: angles were read as degrees & converted to radians #----------------------------------------------------------- d = self.d width = self.width ### angle = self.angle SCALAR_ANGLES = (np.size(angle) == 1) #------------------------------------------------------ # (2/18/10) New code to deal with case where the flow # depth exceeds a bankfull depth. # For now, d_bankfull is hard-coded. # # CHANGE Manning's n here, too? #------------------------------------------------------ d_bankfull = 4.0 # [meters] ################################ wb = (self.d > d_bankfull) # (array of True or False) self.width[ wb ] = self.d8.dw[ wb ] if not(SCALAR_ANGLES): self.angle[ wb ] = 0.0 # w_overbank = np.where( d > d_bankfull ) # n_overbank = np.size( w_overbank[0] ) # if (n_overbank != 0): # width[ w_overbank ] = self.d8.dw[ w_overbank ] # if not(SCALAR_ANGLES): angle[w_overbank] = 0.0 #------------------------------------------------------ # (2/18/10) New code to deal with case where the top # width exceeds the grid cell width, dw. #------------------------------------------------------ top_width = width + (2.0 * d * np.sin(self.angle)) wb = (top_width > self.d8.dw) # (array of True or False) self.width[ wb ] = self.d8.dw[ wb ] if not(SCALAR_ANGLES): self.angle[ wb ] = 0.0 # wb = np.where(top_width > self.d8.dw) # nb = np.size(w_bad[0]) # if (nb != 0): # width[ wb ] = self.d8.dw[ wb ] # if not(SCALAR_ANGLES): angle[ wb ] = 0.0 #---------------------------------- # Is "angle" a scalar or a grid ? #---------------------------------- if (SCALAR_ANGLES): if (angle == 0.0): d = self.vol / (width * self.d8.ds) else: denom = 2.0 * np.tan(angle) arg = 2.0 * denom * self.vol / self.d8.ds arg += width**(2.0) d = (np.sqrt(arg) - width) / denom else: #----------------------------------------------------- # Pixels where angle is 0 must be handled separately #----------------------------------------------------- w1 = ( angle == 0 ) # (arrays of True or False) w2 = np.invert( w1 ) #----------------------------------- A_top = width[w1] * self.d8.ds[w1] d[w1] = self.vol[w1] / A_top #----------------------------------- denom = 2.0 * np.tan(angle[w2]) arg = 2.0 * denom * self.vol[w2] / self.d8.ds[w2] arg += width[w2]**(2.0) d[w2] = (np.sqrt(arg) - width[w2]) / denom #----------------------------------------------------- # Pixels where angle is 0 must be handled separately #----------------------------------------------------- # wz = np.where( angle == 0 ) # nwz = np.size( wz[0] ) # wzc = np.where( angle != 0 ) # nwzc = np.size( wzc[0] ) # # if (nwz != 0): # A_top = width[wz] * self.d8.ds[wz] # ## A_top = self.width[wz] * self.d8.ds_chan[wz] # d[wz] = self.vol[wz] / A_top # # if (nwzc != 0): # term1 = 2.0 * np.tan(angle[wzc]) # arg = 2.0 * term1 * self.vol[wzc] / self.d8.ds[wzc] # arg += width[wzc]**(2.0) # d[wzc] = (np.sqrt(arg) - width[wzc]) / term1 #------------------------------------------ # Set depth values on edges to zero since # they become spikes (no outflow) 7/15/06 #------------------------------------------ d[ self.d8.noflow_IDs ] = 0.0 #------------------------------------------------ # 4/19/06. Force flow depth to be positive ? #------------------------------------------------ # This seems to be needed with the non-Richards # infiltration routines when starting with zero # depth everywhere, since all water infiltrates # for some period of time. It also seems to be # needed more for short rainfall records to # avoid a negative flow depth error. #------------------------------------------------ # 7/13/06. Still needed for Richards method #------------------------------------------------ ## self.d = np.maximum(d, 0.0) np.maximum(d, 0.0, self.d) # (2/19/13, in place) #------------------------------------------------- # Find where d <= 0 and save for later (9/23/14) #------------------------------------------------- self.d_is_pos = (self.d > 0) self.d_is_neg = np.invert( self.d_is_pos ) # update_flow_depth #------------------------------------------------------------------- def update_free_surface_slope(self): #----------------------------------------------------------- # Notes: It is assumed that the flow directions don't # change even though the free surface is changing. #----------------------------------------------------------- delta_d = (self.d - self.d[self.d8.parent_IDs]) self.S_free[:] = self.S_bed + (delta_d / self.d8.ds) #-------------------------------------------- # Don't do this; negative slopes are needed # to decelerate flow in dynamic wave case # and for backwater effects. #-------------------------------------------- # Set negative slopes to zero #------------------------------ ### self.S_free = np.maximum(self.S_free, 0) # update_free_surface_slope() #------------------------------------------------------------------- def update_shear_stress(self): #-------------------------------------------------------- # Notes: 9/9/14. Added so shear stress could be shared. # This uses the depth-slope product. #-------------------------------------------------------- if (self.KINEMATIC_WAVE): slope = self.S_bed else: slope = self.S_free self.tau[:] = self.rho_H2O * self.g * self.d * slope # update_shear_stress() #------------------------------------------------------------------- def update_shear_speed(self): #-------------------------------------------------------- # Notes: 9/9/14. Added so shear speed could be shared. #-------------------------------------------------------- self.u_star[:] = np.sqrt( self.tau / self.rho_H2O ) # update_shear_speed() #------------------------------------------------------------------- def update_trapezoid_Rh(self): #------------------------------------------------------------- # Notes: Compute the hydraulic radius of a trapezoid that: # (1) has a bed width of wb >= 0 (0 for triangular) # (2) has a bank angle of theta (0 for rectangular) # (3) is filled with water to a depth of d. # The units of wb and d are meters. The units of # theta are assumed to be degrees and are converted. #------------------------------------------------------------- # NB! wb should never be zero, so P_wet can never be 0, # which would produce a NaN (divide by zero). #------------------------------------------------------------- # See Notes for TF_Tan function in utils_TF.pro # AW = d * (wb + (d * TF_Tan(theta_rad)) ) #------------------------------------------------------------- # 9/9/14. Bug fix. Angles were already in radians but # were converted to radians again. #-------------------------------------------------------------- #--------------------------------------------------------- # Compute hydraulic radius grid for trapezoidal channels #----------------------------------------------------------- # Note: angles were read as degrees & converted to radians #----------------------------------------------------------- d = self.d # (local synonyms) wb = self.width # (trapezoid bottom width) L2 = d * np.tan( self.angle ) A_wet = d * (wb + L2) P_wet = wb + (np.float64(2) * d / np.cos(self.angle) ) #--------------------------------------------------- # At noflow_IDs (e.g. edges) P_wet may be zero # so do this to avoid "divide by zero". (10/29/11) #--------------------------------------------------- P_wet[ self.d8.noflow_IDs ] = np.float64(1) Rh = (A_wet / P_wet) #-------------------------------- # w = np.where(P_wet == 0) # print 'In update_trapezoid_Rh():' # print ' P_wet= 0 at', w[0].size, 'cells' #------------------------------------ # Force edge pixels to have Rh = 0. # This will make u = 0 there also. #------------------------------------ Rh[ self.d8.noflow_IDs ] = np.float64(0) ## w = np.where(wb <= 0) ## nw = np.size(w[0]) ## if (nw > 0): Rh[w] = np.float64(0) self.Rh[:] = Rh self.A_wet[:] = A_wet ## (Now shared: 9/9/14) self.P_wet[:] = P_wet ## (Now shared: 9/9/14) #--------------- # For testing #-------------- ## print 'dmin, dmax =', d.min(), d.max() ## print 'wmin, wmax =', wb.min(), wb.max() ## print 'amin, amax =', self.angle.min(), self.angle.max() # update_trapezoid_Rh() #------------------------------------------------------------------- def update_friction_factor(self): #---------------------------------------- # Note: Added on 9/9/14 to streamline. #---------------------------------------------------------- # Note: f = half of the Fanning friction factor # d = flow depth [m] # z0 = roughness length # S = bed slope (assumed equal to friction slope) # g = 9.81 = gravitation constant [m/s^2] #--------------------------------------------------------- # For law of the wall: # kappa = 0.41 = von Karman's constant # aval = 0.48 = integration constant # law_const = sqrt(g)/kappa = 7.6393d # smoothness = (aval / z0) * d # f = (kappa / alog(smoothness))^2d # tau_bed = rho_w * f * u^2 = rho_w * g * d * S # d, S, and z0 can be arrays. # To make default z0 correspond to default # Manning's n, can use this approximation: # z0 = a * (2.34 * sqrt(9.81) * n / kappa)^6d # For n=0.03, this gives: z0 = 0.011417 ######################################################### # However, for n=0.3, it gives: z0 = 11417.413 # which is 11.4 km! So the approximation only # holds within some range of values. #-------------------------------------------------------- ############################################################### # cProfile: This method took: 0.369 secs for topoflow_test() ############################################################### #-------------------------------------- # Find where (d <= 0). g=good, b=bad #-------------------------------------- wg = self.d_is_pos wb = self.d_is_neg # wg = ( self.d > 0 ) # wb = np.invert( wg ) #----------------------------- # Compute f for Manning case #----------------------------------------- # This makes f=0 and du=0 where (d <= 0) #----------------------------------------- if (self.MANNING): n2 = self.nval ** np.float64(2) self.f[ wg ] = self.g * (n2[wg] / (self.d[wg] ** self.one_third)) self.f[ wb ] = np.float64(0) #--------------------------------- # Compute f for Law of Wall case #--------------------------------- if (self.LAW_OF_WALL): #------------------------------------------------ # Make sure (smoothness > 1) before taking log. # Should issue a warning if this is used. #------------------------------------------------ smoothness = (self.aval / self.z0val) * self.d np.maximum(smoothness, np.float64(1.1), smoothness) # (in place) self.f[wg] = (self.kappa / np.log(smoothness[wg])) ** np.float64(2) self.f[wb] = np.float64(0) ############################################################## # cProfile: This method took: 0.93 secs for topoflow_test() ############################################################## # #-------------------------------------- # # Find where (d <= 0). g=good, b=bad # #-------------------------------------- # wg = np.where( self.d > 0 ) # ng = np.size( wg[0]) # wb = np.where( self.d <= 0 ) # nb = np.size( wb[0] ) # # #----------------------------- # # Compute f for Manning case # #----------------------------------------- # # This makes f=0 and du=0 where (d <= 0) # #----------------------------------------- # if (self.MANNING): # n2 = self.nval ** np.float64(2) # if (ng != 0): # self.f[wg] = self.g * (n2[wg] / (self.d[wg] ** self.one_third)) # if (nb != 0): # self.f[wb] = np.float64(0) # # #--------------------------------- # # Compute f for Law of Wall case # #--------------------------------- # if (self.LAW_OF_WALL): # #------------------------------------------------ # # Make sure (smoothness > 1) before taking log. # # Should issue a warning if this is used. # #------------------------------------------------ # smoothness = (self.aval / self.z0val) * self.d # np.maximum(smoothness, np.float64(1.1), smoothness) # (in place) # ## smoothness = np.maximum(smoothness, np.float64(1.1)) # if (ng != 0): # self.f[wg] = (self.kappa / np.log(smoothness[wg])) ** np.float64(2) # if (nb != 0): # self.f[wb] = np.float64(0) #--------------------------------------------- # We could share the Fanning friction factor #--------------------------------------------- ### self.fanning = (np.float64(2) * self.f) # update_friction_factor() #------------------------------------------------------------------- def update_velocity(self): #--------------------------------------------------------- # Note: Do nothing now unless this method is overridden # by a particular method of computing velocity. #--------------------------------------------------------- print "Warning: update_velocity() method is inactive." # print 'KINEMATIC WAVE =', self.KINEMATIC_WAVE # print 'DIFFUSIVE WAVE =', self.DIFFUSIVE_WAVE # print 'DYNAMIC WAVE =', self.DYNAMIC_WAVE # update_velocity() #------------------------------------------------------------------- def update_velocity_on_edges(self): #--------------------------------- # Force edge pixels to have u=0. #---------------------------------------- # Large slope around 1 flows into small # slope & leads to a negative velocity. #---------------------------------------- self.u[ self.d8.noflow_IDs ] = np.float64(0) # update_velocity_on_edges() #------------------------------------------------------------------- def update_froude_number(self): #---------------------------------------------------------- # Notes: 9/9/14. Added so Froude number could be shared. # This use of wg & wb reduced cProfile time from: # 0.644 sec to: 0.121. (9/23/14) #---------------------------------------------------------- # g = good, b = bad #-------------------- wg = self.d_is_pos wb = self.d_is_neg self.froude[ wg ] = self.u[wg] / np.sqrt( self.g * self.d[wg] ) self.froude[ wb ] = np.float64(0) # update_froude_number() #------------------------------------------------------------- def update_outlet_values(self): #------------------------------------------------- # Save computed values at outlet, which are used # by the TopoFlow driver. #----------------------------------------------------- # Note that Q_outlet, etc. are defined as 0D numpy # arrays to make them "mutable scalars" (i.e. # this allows changes to be seen by other components # who have a reference. To preserver the reference, # however, we must use fill() to assign a new value. #----------------------------------------------------- Q_outlet = self.Q[ self.outlet_ID ] u_outlet = self.u[ self.outlet_ID ] d_outlet = self.d[ self.outlet_ID ] f_outlet = self.f[ self.outlet_ID ] self.Q_outlet.fill( Q_outlet ) self.u_outlet.fill( u_outlet ) self.d_outlet.fill( d_outlet ) self.f_outlet.fill( f_outlet ) ## self.Q_outlet.fill( self.Q[ self.outlet_ID ] ) ## self.u_outlet.fill( self.u[ self.outlet_ID ] ) ## self.d_outlet.fill( self.d[ self.outlet_ID ] ) ## self.f_outlet.fill( self.f[ self.outlet_ID ] ) ## self.Q_outlet = self.Q[ self.outlet_ID ] ## self.u_outlet = self.u[ self.outlet_ID ] ## self.d_outlet = self.d[ self.outlet_ID ] ## self.f_outlet = self.f[ self.outlet_ID ] ## self.Q_outlet = self.Q.flat[self.outlet_ID] ## self.u_outlet = self.u.flat[self.outlet_ID] ## self.d_outlet = self.d.flat[self.outlet_ID] ## self.f_outlet = self.f.flat[self.outlet_ID] # update_outlet_values() #------------------------------------------------------------- def update_peak_values(self): if (self.Q_outlet > self.Q_peak): self.Q_peak.fill( self.Q_outlet ) self.T_peak.fill( self.time_min ) # (time to peak) #--------------------------------------- if (self.u_outlet > self.u_peak): self.u_peak.fill( self.u_outlet ) self.Tu_peak.fill( self.time_min ) #--------------------------------------- if (self.d_outlet > self.d_peak): self.d_peak.fill( self.d_outlet ) self.Td_peak.fill( self.time_min ) ## if (self.Q_outlet > self.Q_peak): ## self.Q_peak = self.Q_outlet ## self.T_peak = self.time_min # (time to peak) ## #----------------------------------- ## if (self.u_outlet > self.u_peak): ## self.u_peak = self.u_outlet ## self.Tu_peak = self.time_min ## #----------------------------------- ## if (self.d_outlet > self.d_peak): ## self.d_peak = self.d_outlet ## self.Td_peak = self.time_min # update_peak_values() #------------------------------------------------------------- def update_Q_out_integral(self): #-------------------------------------------------------- # Note: Renamed "volume_out" to "vol_Q" for consistency # with vol_P, vol_SM, vol_IN, vol_ET, etc. (5/18/12) #-------------------------------------------------------- self.vol_Q += (self.Q_outlet * self.dt) ## Experiment: 5/19/12. ## self.vol_Q += (self.Q[self.outlet_ID] * self.dt) # update_Q_out_integral() #------------------------------------------------------------- def update_mins_and_maxes(self, REPORT=False): #-------------------------------------- # Get mins and max over entire domain #-------------------------------------- ## Q_min = self.Q.min() ## Q_max = self.Q.max() ## #--------------------- ## u_min = self.u.min() ## u_max = self.u.max() ## #--------------------- ## d_min = self.d.min() ## d_max = self.d.max() #-------------------------------------------- # Exclude edges where mins are always zero. #-------------------------------------------- nx = self.nx ny = self.ny Q_min = self.Q[1:(ny - 2)+1,1:(nx - 2)+1].min() Q_max = self.Q[1:(ny - 2)+1,1:(nx - 2)+1].max() #------------------------------------------------- u_min = self.u[1:(ny - 2)+1,1:(nx - 2)+1].min() u_max = self.u[1:(ny - 2)+1,1:(nx - 2)+1].max() #------------------------------------------------- d_min = self.d[1:(ny - 2)+1,1:(nx - 2)+1].min() d_max = self.d[1:(ny - 2)+1,1:(nx - 2)+1].max() #------------------------------------------------- # (2/6/13) This preserves "mutable scalars" that # can be accessed as refs by other components. #------------------------------------------------- if (Q_min < self.Q_min): self.Q_min.fill( Q_min ) if (Q_max > self.Q_max): self.Q_max.fill( Q_max ) #------------------------------ if (u_min < self.u_min): self.u_min.fill( u_min ) if (u_max > self.u_max): self.u_max.fill( u_max ) #------------------------------ if (d_min < self.d_min): self.d_min.fill( d_min ) if (d_max > self.d_max): self.d_max.fill( d_max ) #------------------------------------------------- # (2/6/13) This preserves "mutable scalars" that # can be accessed as refs by other components. #------------------------------------------------- ## self.Q_min.fill( np.minimum( self.Q_min, Q_min ) ) ## self.Q_max.fill( np.maximum( self.Q_max, Q_max ) ) ## #--------------------------------------------------- ## self.u_min.fill( np.minimum( self.u_min, u_min ) ) ## self.u_max.fill( np.maximum( self.u_max, u_max ) ) ## #--------------------------------------------------- ## self.d_min.fill( np.minimum( self.d_min, d_min ) ) ## self.d_max.fill( np.maximum( self.d_max, d_max ) ) #------------------------------------------------- # (2/6/13) This preserves "mutable scalars" that # can be accessed as refs by other components. #------------------------------------------------- ## self.Q_min.fill( min( self.Q_min, Q_min ) ) ## self.Q_max.fill( max( self.Q_max, Q_max ) ) ## #--------------------------------------------------- ## self.u_min.fill( min( self.u_min, u_min ) ) ## self.u_max.fill( max( self.u_max, u_max ) ) ## #--------------------------------------------------- ## self.d_min.fill( min( self.d_min, d_min ) ) ## self.d_max.fill( max( self.d_max, d_max ) ) #---------------------------------------------- # (2/6/13) This produces "immutable scalars". #---------------------------------------------- ## self.Q_min = self.Q.min() ## self.Q_max = self.Q.max() ## self.u_min = self.u.min() ## self.u_max = self.u.max() ## self.d_min = self.d.min() ## self.d_max = self.d.max() if (REPORT): print 'In channels_base.update_mins_and_maxes():' print '(dmin, dmax) =', self.d_min, self.d_max print '(umin, umax) =', self.u_min, self.u_max print '(Qmin, Qmax) =', self.Q_min, self.Q_max print ' ' # update_mins_and_maxes() #------------------------------------------------------------------- def check_flow_depth(self): OK = True d = self.d dt = self.dt nx = self.nx ################# #--------------------------------- # All all flow depths positive ? #--------------------------------- wbad = np.where( np.logical_or( d < 0.0, np.logical_not(np.isfinite(d)) )) nbad = np.size( wbad[0] ) if (nbad == 0): return OK OK = False dmin = d[wbad].min() star_line = '*******************************************' msg = [ star_line, \ 'ERROR: Simulation aborted.', ' ', \ 'Negative depth found: ' + str(dmin), \ 'Time step may be too large.', \ 'Time step: ' + str(dt) + ' [s]', ' '] for k in xrange(len(msg)): print msg[k] #------------------------------------------- # If not too many, print actual velocities #------------------------------------------- if (nbad < 30): brow = wbad[0][0] bcol = wbad[1][0] ## badi = wbad[0] ## bcol = (badi % nx) ## brow = (badi / nx) crstr = str(bcol) + ', ' + str(brow) msg = ['(Column, Row): ' + crstr, \ 'Flow depth: ' + str(d[brow, bcol])] for k in xrange(len(msg)): print msg[k] print star_line print ' ' return OK # check_flow_depth #------------------------------------------------------------------- def check_flow_velocity(self): OK = True u = self.u dt = self.dt nx = self.nx #-------------------------------- # Are all velocities positive ? #-------------------------------- wbad = np.where( np.logical_or( u < 0.0, np.logical_not(np.isfinite(u)) )) nbad = np.size( wbad[0] ) if (nbad == 0): return OK OK = False umin = u[wbad].min() star_line = '*******************************************' msg = [ star_line, \ 'ERROR: Simulation aborted.', ' ', \ 'Negative or NaN velocity found: ' + str(umin), \ 'Time step may be too large.', \ 'Time step: ' + str(dt) + ' [s]', ' '] for k in xrange(len(msg)): print msg[k] #------------------------------------------- # If not too many, print actual velocities #------------------------------------------- if (nbad < 30): brow = wbad[0][0] bcol = wbad[1][0] ## badi = wbad[0] ## bcol = (badi % nx) ## brow = (badi / nx) crstr = str(bcol) + ', ' + str(brow) msg = ['(Column, Row): ' + crstr, \ 'Velocity: ' + str(u[brow, bcol])] for k in xrange(len(msg)): print msg[k] print star_line print ' ' return OK ## umin = u[wbad].min() ## badi = wbad[0] ## bcol = (badi % nx) ## brow = (badi / nx) ## crstr = str(bcol) + ', ' + str(brow) ## msg = np.array([' ', \ ## '*******************************************', \ ## 'ERROR: Simulation aborted.', ' ', \ ## 'Negative velocity found: ' + str(umin), \ ## 'Time step may be too large.', ' ', \ ## '(Column, Row): ' + crstr, \ ## 'Velocity: ' + str(u[badi]), \ ## 'Time step: ' + str(dt) + ' [s]', \ ## '*******************************************', ' ']) ## for k in xrange( np.size(msg) ): ## print msg[k] ## return OK # check_flow_velocity #------------------------------------------------------------------- def open_input_files(self): # This doesn't work, because file_unit doesn't get full path. (10/28/11) # start_dir = os.getcwd() # os.chdir( self.in_directory ) # print '### start_dir =', start_dir # print '### in_directory =', self.in_directory in_files = ['slope_file', 'nval_file', 'z0val_file', 'width_file', 'angle_file', 'sinu_file', 'd0_file'] self.prepend_directory( in_files, INPUT=True ) # self.slope_file = self.in_directory + self.slope_file # self.nval_file = self.in_directory + self.nval_file # self.z0val_file = self.in_directory + self.z0val_file # self.width_file = self.in_directory + self.width_file # self.angle_file = self.in_directory + self.angle_file # self.sinu_file = self.in_directory + self.sinu_file # self.d0_file = self.in_directory + self.d0_file #self.code_unit = model_input.open_file(self.code_type, self.code_file) self.slope_unit = model_input.open_file(self.slope_type, self.slope_file) if (self.MANNING): self.nval_unit = model_input.open_file(self.nval_type, self.nval_file) if (self.LAW_OF_WALL): self.z0val_unit = model_input.open_file(self.z0val_type, self.z0val_file) self.width_unit = model_input.open_file(self.width_type, self.width_file) self.angle_unit = model_input.open_file(self.angle_type, self.angle_file) self.sinu_unit = model_input.open_file(self.sinu_type, self.sinu_file) self.d0_unit = model_input.open_file(self.d0_type, self.d0_file) # os.chdir( start_dir ) # open_input_files() #------------------------------------------------------------------- def read_input_files(self): #--------------------------------------------------- # The flow codes are always a grid, size of DEM. #--------------------------------------------------- # NB! model_input.py also has a read_grid() function. #--------------------------------------------------- rti = self.rti ## print 'Reading D8 flow grid (in CHANNELS)...' ## self.code = rtg_files.read_grid(self.code_file, rti, ## RTG_type='BYTE') ## print ' ' #------------------------------------------------------- # All grids are assumed to have a data type of Float32. #------------------------------------------------------- slope = model_input.read_next(self.slope_unit, self.slope_type, rti) if (slope != None): self.slope = slope # If EOF was reached, hopefully numpy's "fromfile" # returns None, so that the stored value will be # the last value that was read. if (self.MANNING): nval = model_input.read_next(self.nval_unit, self.nval_type, rti) if (nval != None): self.nval = nval self.nval_min = nval.min() self.nval_max = nval.max() if (self.LAW_OF_WALL): z0val = model_input.read_next(self.z0val_unit, self.z0val_type, rti) if (z0val != None): self.z0val = z0val self.z0val_min = z0val.min() self.z0val_max = z0val.max() width = model_input.read_next(self.width_unit, self.width_type, rti) if (width != None): self.width = width angle = model_input.read_next(self.angle_unit, self.angle_type, rti) if (angle != None): #----------------------------------------------- # Convert bank angles from degrees to radians. #----------------------------------------------- self.angle = angle * self.deg_to_rad # [radians] ### self.angle = angle # (before 9/9/14) sinu = model_input.read_next(self.sinu_unit, self.sinu_type, rti) if (sinu != None): self.sinu = sinu d0 = model_input.read_next(self.d0_unit, self.d0_type, rti) if (d0 != None): self.d0 = d0 ## code = model_input.read_grid(self.code_unit, \ ## self.code_type, rti, dtype='UInt8') ## if (code != None): self.code = code # read_input_files() #------------------------------------------------------------------- def close_input_files(self): # if not(self.slope_unit.closed): # if (self.slope_unit != None): #------------------------------------------------- # NB! self.code_unit was never defined as read. #------------------------------------------------- # if (self.code_type != 'scalar'): self.code_unit.close() if (self.slope_type != 'Scalar'): self.slope_unit.close() if (self.MANNING): if (self.nval_type != 'Scalar'): self.nval_unit.close() if (self.LAW_OF_WALL): if (self.z0val_type != 'Scalar'): self.z0val_unit.close() if (self.width_type != 'Scalar'): self.width_unit.close() if (self.angle_type != 'Scalar'): self.angle_unit.close() if (self.sinu_type != 'Scalar'): self.sinu_unit.close() if (self.d0_type != 'Scalar'): self.d0_unit.close() ## if (self.slope_file != ''): self.slope_unit.close() ## if (self.MANNING): ## if (self.nval_file != ''): self.nval_unit.close() ## if (self.LAW_OF_WALL): ## if (self.z0val_file != ''): self.z0val_unit.close() ## if (self.width_file != ''): self.width_unit.close() ## if (self.angle_file != ''): self.angle_unit.close() ## if (self.sinu_file != ''): self.sinu_unit.close() ## if (self.d0_file != ''): self.d0_unit.close() # close_input_files() #------------------------------------------------------------------- def update_outfile_names(self): #------------------------------------------------- # Notes: Append out_directory to outfile names. #------------------------------------------------- self.Q_gs_file = (self.out_directory + self.Q_gs_file) self.u_gs_file = (self.out_directory + self.u_gs_file) self.d_gs_file = (self.out_directory + self.d_gs_file) self.f_gs_file = (self.out_directory + self.f_gs_file) #-------------------------------------------------------- self.Q_ts_file = (self.out_directory + self.Q_ts_file) self.u_ts_file = (self.out_directory + self.u_ts_file) self.d_ts_file = (self.out_directory + self.d_ts_file) self.f_ts_file = (self.out_directory + self.f_ts_file) # update_outfile_names() #------------------------------------------------------------------- def bundle_output_files(self): ################################################### # NOT READY YET. Need "get_long_name()" and a new # version of "get_var_units". (9/21/14) ################################################### #------------------------------------------------------------- # Bundle the output file info into an array for convenience. # Then we just need one open_output_files(), in BMI_base.py, # and one close_output_files(). Less to maintain. (9/21/14) #------------------------------------------------------------- # gs = grid stack, ts = time series, ps = profile series. #------------------------------------------------------------- self.out_files = [ {var_name:'Q', save_gs:self.SAVE_Q_GRIDS, gs_file:self.Q_gs_file, save_ts:self.SAVE_Q_PIXELS, ts_file:self.Q_ts_file, long_name:get_long_name('Q'), units_name:get_var_units('Q')}, #----------------------------------------------------------------- {var_name:'u', save_gs:self.SAVE_U_GRIDS, gs_file:self.u_gs_file, save_ts:self.SAVE_U_PIXELS, ts_file:self.u_ts_file, long_name:get_long_name('u'), units_name:get_var_units('u')}, #----------------------------------------------------------------- {var_name:'d', save_gs:self.SAVE_D_GRIDS, gs_file:self.d_gs_file, save_ts:self.SAVE_D_PIXELS, ts_file:self.d_ts_file, long_name:get_long_name('d'), units_name:get_var_units('d')}, #----------------------------------------------------------------- {var_name:'f', save_gs:self.SAVE_F_GRIDS, gs_file:self.f_gs_file, save_ts:self.SAVE_F_PIXELS, ts_file:self.f_ts_file, long_name:get_long_name('f'), units_name:get_var_units('f')} ] # bundle_output_files #------------------------------------------------------------------- def open_output_files(self): model_output.check_netcdf() self.update_outfile_names() ## self.bundle_output_files() ## print 'self.SAVE_Q_GRIDS =', self.SAVE_Q_GRIDS ## print 'self.SAVE_U_GRIDS =', self.SAVE_U_GRIDS ## print 'self.SAVE_D_GRIDS =', self.SAVE_D_GRIDS ## print 'self.SAVE_F_GRIDS =', self.SAVE_F_GRIDS ## #--------------------------------------------------- ## print 'self.SAVE_Q_PIXELS =', self.SAVE_Q_PIXELS ## print 'self.SAVE_U_PIXELS =', self.SAVE_U_PIXELS ## print 'self.SAVE_D_PIXELS =', self.SAVE_D_PIXELS ## print 'self.SAVE_F_PIXELS =', self.SAVE_F_PIXELS # IDs = self.outlet_IDs # for k in xrange( len(self.out_files) ): # #-------------------------------------- # # Open new files to write grid stacks # #-------------------------------------- # if (self.out_files[k].save_gs): # model_output.open_new_gs_file( self, self.out_files[k], self.rti ) # #-------------------------------------- # # Open new files to write time series # #-------------------------------------- # if (self.out_files[k].save_ts): # model_output.open_new_ts_file( self, self.out_files[k], IDs ) #-------------------------------------- # Open new files to write grid stacks #-------------------------------------- if (self.SAVE_Q_GRIDS): model_output.open_new_gs_file( self, self.Q_gs_file, self.rti, var_name='Q', long_name='volumetric_discharge', units_name='m^3/s') if (self.SAVE_U_GRIDS): model_output.open_new_gs_file( self, self.u_gs_file, self.rti, var_name='u', long_name='mean_channel_flow_velocity', units_name='m/s') if (self.SAVE_D_GRIDS): model_output.open_new_gs_file( self, self.d_gs_file, self.rti, var_name='d', long_name='max_channel_flow_depth', units_name='m') if (self.SAVE_F_GRIDS): model_output.open_new_gs_file( self, self.f_gs_file, self.rti, var_name='f', long_name='friction_factor', units_name='none') #-------------------------------------- # Open new files to write time series #-------------------------------------- IDs = self.outlet_IDs if (self.SAVE_Q_PIXELS): model_output.open_new_ts_file( self, self.Q_ts_file, IDs, var_name='Q', long_name='volumetric_discharge', units_name='m^3/s') if (self.SAVE_U_PIXELS): model_output.open_new_ts_file( self, self.u_ts_file, IDs, var_name='u', long_name='mean_channel_flow_velocity', units_name='m/s') if (self.SAVE_D_PIXELS): model_output.open_new_ts_file( self, self.d_ts_file, IDs, var_name='d', long_name='max_channel_flow_depth', units_name='m') if (self.SAVE_F_PIXELS): model_output.open_new_ts_file( self, self.f_ts_file, IDs, var_name='f', long_name='friction_factor', units_name='none') # open_output_files() #------------------------------------------------------------------- def write_output_files(self, time_seconds=None): #--------------------------------------------------------- # Notes: This function was written to use only model # time (maybe from a caller) in seconds, and # the save_grid_dt and save_pixels_dt parameters # read by read_cfg_file(). # # read_cfg_file() makes sure that all of # the "save_dts" are larger than or equal to the # process dt. #--------------------------------------------------------- #----------------------------------------- # Allows time to be passed from a caller #----------------------------------------- if (time_seconds is None): time_seconds = self.time_sec model_time = int(time_seconds) #---------------------------------------- # Save computed values at sampled times #---------------------------------------- if (model_time % int(self.save_grid_dt) == 0): self.save_grids() if (model_time % int(self.save_pixels_dt) == 0): self.save_pixel_values() #---------------------------------------- # Save computed values at sampled times #---------------------------------------- ## if ((self.time_index % self.grid_save_step) == 0): ## self.save_grids() ## if ((self.time_index % self.pixel_save_step) == 0): ## self.save_pixel_values() # write_output_files() #------------------------------------------------------------------- def close_output_files(self): if (self.SAVE_Q_GRIDS): model_output.close_gs_file( self, 'Q') if (self.SAVE_U_GRIDS): model_output.close_gs_file( self, 'u') if (self.SAVE_D_GRIDS): model_output.close_gs_file( self, 'd') if (self.SAVE_F_GRIDS): model_output.close_gs_file( self, 'f') #--------------------------------------------------------------- if (self.SAVE_Q_PIXELS): model_output.close_ts_file( self, 'Q') if (self.SAVE_U_PIXELS): model_output.close_ts_file( self, 'u') if (self.SAVE_D_PIXELS): model_output.close_ts_file( self, 'd') if (self.SAVE_F_PIXELS): model_output.close_ts_file( self, 'f') # close_output_files() #------------------------------------------------------------------- def save_grids(self): #----------------------------------- # Save grid stack to a netCDF file #--------------------------------------------- # Note that add_grid() methods will convert # var from scalar to grid now, if necessary. #--------------------------------------------- if (self.SAVE_Q_GRIDS): model_output.add_grid( self, self.Q, 'Q', self.time_min ) if (self.SAVE_U_GRIDS): model_output.add_grid( self, self.u, 'u', self.time_min ) if (self.SAVE_D_GRIDS): model_output.add_grid( self, self.d, 'd', self.time_min ) if (self.SAVE_F_GRIDS): model_output.add_grid( self, self.f, 'f', self.time_min ) # save_grids() #------------------------------------------------------------------- def save_pixel_values(self): ##### save_time_series_data(self) ####### IDs = self.outlet_IDs time = self.time_min ##### #------------- # New method #------------- if (self.SAVE_Q_PIXELS): model_output.add_values_at_IDs( self, time, self.Q, 'Q', IDs ) if (self.SAVE_U_PIXELS): model_output.add_values_at_IDs( self, time, self.u, 'u', IDs ) if (self.SAVE_D_PIXELS): model_output.add_values_at_IDs( self, time, self.d, 'd', IDs ) if (self.SAVE_F_PIXELS): model_output.add_values_at_IDs( self, time, self.f, 'f', IDs ) # save_pixel_values() #------------------------------------------------------------------- def manning_formula(self): #--------------------------------------------------------- # Notes: R = (A/P) = hydraulic radius [m] # N = Manning's roughness coefficient # (usually in the range 0.012 to 0.035) # S = bed slope or free slope # R,S, and N may be 2D arrays. # If length units are all *feet*, then an extra # factor of 1.49 must be applied. If units are # meters, no such factor is needed. # Note that Q = Ac * u, where Ac is cross-section # area. For a trapezoid, Ac does not equal w*d. #--------------------------------------------------------- if (self.KINEMATIC_WAVE): S = self.S_bed else: S = self.S_free u = (self.Rh ** self.two_thirds) * np.sqrt(S) / self.nval #-------------------------------------------------------- # Add a hydraulic jump option for when u gets too big ? #-------------------------------------------------------- return u # manning_formula() #------------------------------------------------------------------- def law_of_the_wall(self): #--------------------------------------------------------- # Notes: u = flow velocity [m/s] # d = flow depth [m] # z0 = roughness length # S = bed slope or free slope # g = 9.81 = gravitation constant [m/s^2] # kappa = 0.41 = von Karman's constant # aval = 0.48 = integration constant # law_const = sqrt(g)/kappa = 7.6393d # smoothness = (aval / z0) * d # f = (kappa / alog(smoothness))^2d # tau_bed = rho_w * f * u^2 = rho_w * g * d * S # d, S, and z0 can be arrays. # To make default z0 correspond to default # Manning's n, can use this approximation: # z0 = a * (2.34 * sqrt(9.81) * n / kappa)^6d # For n=0.03, this gives: z0 = 0.011417 ######################################################### # However, for n=0.3, it gives: z0 = 11417.413 # which is 11.4 km! So the approximation only # holds within some range of values. #-------------------------------------------------------- if (self.KINEMATIC_WAVE): S = self.S_bed else: S = self.S_free smoothness = (self.aval / self.z0val) * self.d #------------------------------------------------ # Make sure (smoothness > 1) before taking log. # Should issue a warning if this is used. #------------------------------------------------ smoothness = np.maximum(smoothness, np.float64(1.1)) u = self.law_const * np.sqrt(self.Rh * S) * np.log(smoothness) #-------------------------------------------------------- # Add a hydraulic jump option for when u gets too big ? #-------------------------------------------------------- return u # law_of_the_wall() #------------------------------------------------------------------- def print_status_report(self): #---------------------------------------------------- # Wherever depth is less than z0, assume that water # is not flowing and set u and Q to zero. # However, we also need (d gt 0) to avoid a divide # by zero problem, even when numerators are zero. #---------------------------------------------------- # FLOWING = (d > (z0/aval)) #*** FLOWING[noflow_IDs] = False ;****** wflow = np.where( FLOWING != 0 ) n_flow = np.size( wflow[0] ) n_pixels = self.rti.n_pixels percent = np.float64(100.0) * (np.float64(n_flow) / n_pixels) fstr = ('%5.1f' % percent) + '%' # fstr = idl_func.string(percent, format='(F5.1)').strip() + '%' print ' Percentage of pixels with flow = ' + fstr print ' ' self.update_mins_and_maxes(REPORT=True) wmax = np.where(self.Q == self.Q_max) nwmax = np.size(wmax[0]) print ' Max(Q) occurs at: ' + str( wmax[0] ) #print,' Max attained at ', nwmax, ' pixels.' print ' ' print '-------------------------------------------------' # print_status_report() #------------------------------------------------------------------- def remove_bad_slopes(self, FLOAT=False): #------------------------------------------------------------ # Notes: The main purpose of this routine is to find # pixels that have nonpositive slopes and replace # then with the smallest value that occurs anywhere # in the input slope grid. For example, pixels on # the edges of the DEM will have a slope of zero. # With the Kinematic Wave option, flow cannot leave # a pixel that has a slope of zero and the depth # increases in an unrealistic manner to create a # spike in the depth grid. # It would be better, of course, if there were # no zero-slope pixels in the DEM. We could use # an "Imposed gradient DEM" to get slopes or some # method of "profile smoothing". # It is possible for the flow code to be nonzero # at a pixel that has NaN for its slope. For these # pixels, we also set the slope to our min value. # 7/18/05. Broke this out into separate procedure. #------------------------------------------------------------ #----------------------------------- # Are there any "bad" pixels ? # If not, return with no messages. #----------------------------------- wb = np.where(np.logical_or((self.slope <= 0.0), \ np.logical_not(np.isfinite(self.slope)))) nbad = np.size(wb[0]) print 'size(slope) =', np.size(self.slope) print 'size(wb) =', nbad wg = np.where(np.invert(np.logical_or((self.slope <= 0.0), \ np.logical_not(np.isfinite(self.slope))))) ngood = np.size(wg[0]) if (nbad == 0) or (ngood == 0): return #--------------------------------------------- # Find smallest positive value in slope grid # and replace the "bad" values with smin. #--------------------------------------------- print '-------------------------------------------------' print 'WARNING: Zero or negative slopes found.' print ' Replacing them with smallest slope.' print ' Use "Profile smoothing tool" instead.' S_min = self.slope[wg].min() S_max = self.slope[wg].max() print ' min(S) = ' + str(S_min) print ' max(S) = ' + str(S_max) print '-------------------------------------------------' print ' ' self.slope[wb] = S_min #-------------------------------- # Convert data type to double ? #-------------------------------- if (FLOAT): self.slope = np.float32(self.slope) else: self.slope = np.float64(self.slope) # remove_bad_slopes #------------------------------------------------------------------- #------------------------------------------------------------------- def Trapezoid_Rh(d, wb, theta): #------------------------------------------------------------- # Notes: Compute the hydraulic radius of a trapezoid that: # (1) has a bed width of wb >= 0 (0 for triangular) # (2) has a bank angle of theta (0 for rectangular) # (3) is filled with water to a depth of d. # The units of wb and d are meters. The units of # theta are assumed to be degrees and are converted. #------------------------------------------------------------- # NB! wb should never be zero, so PW can never be 0, # which would produce a NaN (divide by zero). #------------------------------------------------------------- # See Notes for TF_Tan function in utils_TF.pro # AW = d * (wb + (d * TF_Tan(theta_rad)) ) #------------------------------------------------------------- theta_rad = (theta * np.pi / 180.0) AW = d * (wb + (d * np.tan(theta_rad)) ) PW = wb + (np.float64(2) * d / np.cos(theta_rad) ) Rh = (AW / PW) w = np.where(wb <= 0) nw = np.size(w[0]) return Rh # Trapezoid_Rh() #------------------------------------------------------------------- def Manning_Formula(Rh, S, nval): #--------------------------------------------------------- # Notes: R = (A/P) = hydraulic radius [m] # N = Manning's roughness coefficient # (usually in the range 0.012 to 0.035) # S = bed slope (assumed equal to friction slope) # R,S, and N may be 2D arrays. # If length units are all *feet*, then an extra # factor of 1.49 must be applied. If units are # meters, no such factor is needed. # Note that Q = Ac * u, where Ac is cross-section # area. For a trapezoid, Ac does not equal w*d. #--------------------------------------------------------- ## if (N == None): N = np.float64(0.03) two_thirds = np.float64(2) / 3.0 u = (Rh ** two_thirds) * np.sqrt(S) / nval #------------------------------ # Add a hydraulic jump option # for when u gets too big ?? #------------------------------ return u # Manning_Formula() #------------------------------------------------------------------- def Law_of_the_Wall(d, Rh, S, z0val): #--------------------------------------------------------- # Notes: u = flow velocity [m/s] # d = flow depth [m] # z0 = roughness height # S = bed slope (assumed equal to friction slope) # g = 9.81 = gravitation constant [m/s^2] # kappa = 0.41 = von Karman's constant # aval = 0.48 = integration constant # sqrt(g)/kappa = 7.6393d # smoothness = (aval / z0) * d # f = (kappa / alog(smoothness))^2d # tau_bed = rho_w * f * u^2 = rho_w * g * d * S # d, S, and z0 can be arrays. # To make default z0 correspond to default # Manning's n, can use this approximation: # z0 = a * (2.34 * sqrt(9.81) * n / kappa)^6d # For n=0.03, this gives: z0 = 0.011417 # However, for n=0.3, it gives: z0 = 11417.413 # which is 11.4 km! So the approximation only # holds within some range of values. #-------------------------------------------------------- ## if (self.z0val == None): ## self.z0val = np.float64(0.011417) # (about 1 cm) #------------------------ # Define some constants #------------------------ g = np.float64(9.81) # (gravitation const.) aval = np.float64(0.476) # (integration const.) kappa = np.float64(0.408) # (von Karman's const.) law_const = np.sqrt(g) / kappa smoothness = (aval / z0val) * d #----------------------------- # Make sure (smoothness > 1) #----------------------------- smoothness = np.maximum(smoothness, np.float64(1.1)) u = law_const * np.sqrt(Rh * S) * np.log(smoothness) #------------------------------ # Add a hydraulic jump option # for when u gets too big ?? #------------------------------ return u
mperignon/component_creator
topoflow_creator/topoflow/channels_base.py
Python
gpl-2.0
124,876
from django.db import models from django.contrib.auth.models import User class OrganisationType(models.Model): type_desc = models.CharField(max_length=200) def __unicode__(self): return self.type_desc class Address(models.Model): street_address = models.CharField(max_length=100) city = models.CharField(max_length=100) pin = models.CharField(max_length=10) province = models.CharField(max_length=100) nationality = models.CharField(max_length=100) def __unicode__(self): return self.street_address + ',' + self.city class HattiUser(models.Model): user = models.OneToOneField(User) address = models.ForeignKey(Address) telephone = models.CharField(max_length=500) date_joined = models.DateTimeField(auto_now_add=True) fax = models.CharField(max_length=100) avatar = models.CharField(max_length=100, null=True, blank=True) tagline = models.CharField(max_length=140) class Meta: abstract = True class AdminOrganisations(HattiUser): title = models.CharField(max_length=200) organisation_type = models.ForeignKey(OrganisationType) def __unicode__(self): return self.title class Customer(HattiUser): title = models.CharField(max_length=200, blank=True, null=True) is_org = models.BooleanField(); org_type = models.ForeignKey(OrganisationType) company = models.CharField(max_length = 200) def __unicode__(self, arg): return unicode(self.user)
saloni10/librehatti_new
src/authentication/models.py
Python
gpl-2.0
1,479
## Copyright (C) 2007-2012 Red Hat, Inc., Bryn M. Reeves <bmr@redhat.com> ### This program is free software; you can redistribute it and/or modify ## it under the terms of the GNU General Public License as published by ## the Free Software Foundation; either version 2 of the License, or ## (at your option) any later version. ## This program is distributed in the hope that it will be useful, ## but WITHOUT ANY WARRANTY; without even the implied warranty of ## MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the ## GNU General Public License for more details. ## You should have received a copy of the GNU General Public License ## along with this program; if not, write to the Free Software ## Foundation, Inc., 675 Mass Ave, Cambridge, MA 02139, USA. from sos.plugins import Plugin, RedHatPlugin, DebianPlugin, UbuntuPlugin class SysVIPC(Plugin, RedHatPlugin, DebianPlugin, UbuntuPlugin): """SysV IPC related information """ plugin_name = "sysvipc" def setup(self): self.add_copy_specs([ "/proc/sysvipc/msg", "/proc/sysvipc/sem", "/proc/sysvipc/shm" ]) self.add_cmd_output("ipcs") # vim: et ts=4 sw=4
portante/sosreport
sos/plugins/sysvipc.py
Python
gpl-2.0
1,199
from buildbot.status.web.auth import IAuth class Authz(object): """Decide who can do what.""" knownActions = [ # If you add a new action here, be sure to also update the documentation # at docs/cfg-statustargets.texinfo 'gracefulShutdown', 'forceBuild', 'forceAllBuilds', 'pingBuilder', 'stopBuild', 'stopAllBuilds', 'cancelPendingBuild', ] def __init__(self, default_action=False, auth=None, **kwargs): self.auth = auth if auth: assert IAuth.providedBy(auth) self.config = dict( (a, default_action) for a in self.knownActions ) for act in self.knownActions: if act in kwargs: self.config[act] = kwargs[act] del kwargs[act] if kwargs: raise ValueError("unknown authorization action(s) " + ", ".join(kwargs.keys())) def advertiseAction(self, action): """Should the web interface even show the form for ACTION?""" if action not in self.knownActions: raise KeyError("unknown action") cfg = self.config.get(action, False) if cfg: return True return False def needAuthForm(self, action): """Does this action require an authentication form?""" if action not in self.knownActions: raise KeyError("unknown action") cfg = self.config.get(action, False) if cfg == 'auth' or callable(cfg): return True return False def actionAllowed(self, action, request, *args): """Is this ACTION allowed, given this http REQUEST?""" if action not in self.knownActions: raise KeyError("unknown action") cfg = self.config.get(action, False) if cfg: if cfg == 'auth' or callable(cfg): if not self.auth: return False user = request.args.get("username", ["<unknown>"])[0] passwd = request.args.get("passwd", ["<no-password>"])[0] if user == "<unknown>" or passwd == "<no-password>": return False if self.auth.authenticate(user, passwd): if callable(cfg) and not cfg(user, *args): return False return True return False else: return True # anyone can do this..
centrumholdings/buildbot
buildbot/status/web/authz.py
Python
gpl-2.0
2,513
#! /usr/bin/env python # encoding: UTF-8 '''give access permission for files in this folder'''
anandkp92/waf
gui/__init__.py
Python
gpl-2.0
96
#!/usr/bin/env python # ********************************************************************** # # Copyright (c) 2003-2011 ZeroC, Inc. All rights reserved. # # This copy of Ice is licensed to you under the terms described in the # ICE_LICENSE file included in this distribution. # # ********************************************************************** import os, sys, traceback import Ice, AllTests def test(b): if not b: raise RuntimeError('test assertion failed') def usage(n): sys.stderr.write("Usage: " + n + " port...\n") def run(args, communicator): ports = [] for arg in args[1:]: if arg[0] == '-': sys.stderr.write(args[0] + ": unknown option `" + arg + "'\n") usage(args[0]) return False ports.append(int(arg)) if len(ports) == 0: sys.stderr.write(args[0] + ": no ports specified\n") usage(args[0]) return False try: AllTests.allTests(communicator, ports) except: traceback.print_exc() test(False) return True try: initData = Ice.InitializationData() initData.properties = Ice.createProperties(sys.argv) # # This test aborts servers, so we don't want warnings. # initData.properties.setProperty('Ice.Warn.Connections', '0') communicator = Ice.initialize(sys.argv, initData) status = run(sys.argv, communicator) except: traceback.print_exc() status = False if communicator: try: communicator.destroy() except: traceback.print_exc() status = False sys.exit(not status)
joshmoore/zeroc-ice
py/test/Ice/faultTolerance/Client.py
Python
gpl-2.0
1,608
# Copyright 2014-2017 Red Hat, Inc. # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA # # Refer to the README and COPYING files for full details of the license # """ When importing a VM a thread start with a new process of virt-v2v. The way to feedback the information on the progress and the status of the process (ie job) is via getVdsStats() with the fields progress and status. progress is a number which represent percentage of a single disk copy, status is a way to feedback information on the job (init, error etc) """ from __future__ import absolute_import from collections import namedtuple from contextlib import closing, contextmanager import errno import io import logging import os import re import subprocess import tarfile import time import threading import xml.etree.ElementTree as ET import zipfile import libvirt from vdsm.cmdutils import wrap_command from vdsm.commands import execCmd, BUFFSIZE from vdsm.common import cmdutils from vdsm.common.define import errCode, doneCode from vdsm.common import response from vdsm.common import zombiereaper from vdsm.common.compat import CPopen from vdsm.common.logutils import traceback from vdsm.common.time import monotonic_time from vdsm.constants import P_VDSM_LOG, P_VDSM_RUN, EXT_KVM_2_OVIRT from vdsm import concurrent, libvirtconnection from vdsm import password from vdsm.utils import terminating, NICENESS, IOCLASS try: import ovirt_imageio_common except ImportError: ovirt_imageio_common = None _lock = threading.Lock() _jobs = {} _V2V_DIR = os.path.join(P_VDSM_RUN, 'v2v') _LOG_DIR = os.path.join(P_VDSM_LOG, 'import') _VIRT_V2V = cmdutils.CommandPath('virt-v2v', '/usr/bin/virt-v2v') _SSH_AGENT = cmdutils.CommandPath('ssh-agent', '/usr/bin/ssh-agent') _SSH_ADD = cmdutils.CommandPath('ssh-add', '/usr/bin/ssh-add') _XEN_SSH_PROTOCOL = 'xen+ssh' _VMWARE_PROTOCOL = 'vpx' _KVM_PROTOCOL = 'qemu' _SSH_AUTH_RE = '(SSH_AUTH_SOCK)=([^;]+).*;\nSSH_AGENT_PID=(\d+)' _OVF_RESOURCE_CPU = 3 _OVF_RESOURCE_MEMORY = 4 _OVF_RESOURCE_NETWORK = 10 _QCOW2_COMPAT_SUPPORTED = ('0.10', '1.1') # OVF Specification: # https://www.iso.org/obp/ui/#iso:std:iso-iec:17203:ed-1:v1:en _OVF_NS = 'http://schemas.dmtf.org/ovf/envelope/1' _RASD_NS = 'http://schemas.dmtf.org/wbem/wscim/1/cim-schema/2/' \ 'CIM_ResourceAllocationSettingData' ImportProgress = namedtuple('ImportProgress', ['current_disk', 'disk_count', 'description']) DiskProgress = namedtuple('DiskProgress', ['progress']) class STATUS: ''' STARTING: request granted and starting the import process COPYING_DISK: copying disk in progress ABORTED: user initiated aborted FAILED: error during import process DONE: convert process successfully finished ''' STARTING = 'starting' COPYING_DISK = 'copying_disk' ABORTED = 'aborted' FAILED = 'error' DONE = 'done' class V2VError(Exception): ''' Base class for v2v errors ''' err_name = 'unexpected' # TODO: use more specific error class ClientError(Exception): ''' Base class for client error ''' err_name = 'unexpected' class InvalidVMConfiguration(ValueError): ''' Unexpected error while parsing libvirt domain xml ''' class OutputParserError(V2VError): ''' Error while parsing virt-v2v output ''' class JobExistsError(ClientError): ''' Job already exists in _jobs collection ''' err_name = 'JobExistsError' class VolumeError(ClientError): ''' Error preparing volume ''' class NoSuchJob(ClientError): ''' Job not exists in _jobs collection ''' err_name = 'NoSuchJob' class JobNotDone(ClientError): ''' Import process still in progress ''' err_name = 'JobNotDone' class NoSuchOvf(V2VError): ''' Ovf path is not exists in /var/run/vdsm/v2v/ ''' err_name = 'V2VNoSuchOvf' class V2VProcessError(V2VError): ''' virt-v2v process had error in execution ''' class InvalidInputError(ClientError): ''' Invalid input received ''' def get_external_vms(uri, username, password, vm_names=None): if vm_names is not None: if not vm_names: vm_names = None else: vm_names = frozenset(vm_names) try: conn = libvirtconnection.open_connection(uri=uri, username=username, passwd=password) except libvirt.libvirtError as e: logging.exception('error connecting to hypervisor') return {'status': {'code': errCode['V2VConnection']['status']['code'], 'message': str(e)}} with closing(conn): vms = [] for vm in _list_domains(conn): if vm_names is not None and vm.name() not in vm_names: # Skip this VM. continue elif conn.getType() == "ESX" and _vm_has_snapshot(vm): logging.error("vm %r has snapshots and therefore can not be " "imported since snapshot conversion is not " "supported for VMware", vm.name()) continue _add_vm(conn, vms, vm) return {'status': doneCode, 'vmList': vms} def get_external_vm_names(uri, username, password): try: conn = libvirtconnection.open_connection(uri=uri, username=username, passwd=password) except libvirt.libvirtError as e: logging.exception('error connecting to hypervisor') return response.error('V2VConnection', str(e)) with closing(conn): vms = [vm.name() for vm in _list_domains(conn)] return response.success(vmNames=vms) def convert_external_vm(uri, username, password, vminfo, job_id, irs): if uri.startswith(_XEN_SSH_PROTOCOL): command = XenCommand(uri, vminfo, job_id, irs) elif uri.startswith(_VMWARE_PROTOCOL): command = LibvirtCommand(uri, username, password, vminfo, job_id, irs) elif uri.startswith(_KVM_PROTOCOL): if ovirt_imageio_common is None: raise V2VError('Unsupported protocol KVM, ovirt_imageio_common' 'package is needed for importing KVM images') command = KVMCommand(uri, username, password, vminfo, job_id, irs) else: raise ClientError('Unknown protocol for Libvirt uri: %s', uri) job = ImportVm(job_id, command) job.start() _add_job(job_id, job) return {'status': doneCode} def convert_ova(ova_path, vminfo, job_id, irs): command = OvaCommand(ova_path, vminfo, job_id, irs) job = ImportVm(job_id, command) job.start() _add_job(job_id, job) return response.success() def get_ova_info(ova_path): ns = {'ovf': _OVF_NS, 'rasd': _RASD_NS} try: root = ET.fromstring(_read_ovf_from_ova(ova_path)) except ET.ParseError as e: raise V2VError('Error reading ovf from ova, position: %r' % e.position) vm = {} _add_general_ovf_info(vm, root, ns, ova_path) _add_disks_ovf_info(vm, root, ns) _add_networks_ovf_info(vm, root, ns) return response.success(vmList=vm) def get_converted_vm(job_id): try: job = _get_job(job_id) _validate_job_done(job) ovf = _read_ovf(job_id) except ClientError as e: logging.info('Converted VM error %s', e) return errCode[e.err_name] except V2VError as e: logging.error('Converted VM error %s', e) return errCode[e.err_name] return {'status': doneCode, 'ovf': ovf} def delete_job(job_id): try: job = _get_job(job_id) _validate_job_finished(job) _remove_job(job_id) except ClientError as e: logging.info('Cannot delete job, error: %s', e) return errCode[e.err_name] return {'status': doneCode} def abort_job(job_id): try: job = _get_job(job_id) job.abort() except ClientError as e: logging.info('Cannot abort job, error: %s', e) return errCode[e.err_name] return {'status': doneCode} def get_jobs_status(): ret = {} with _lock: items = tuple(_jobs.items()) for job_id, job in items: ret[job_id] = { 'status': job.status, 'description': job.description, 'progress': job.progress } return ret def _add_job(job_id, job): with _lock: if job_id in _jobs: raise JobExistsError("Job %r exists" % job_id) _jobs[job_id] = job def _get_job(job_id): with _lock: if job_id not in _jobs: raise NoSuchJob("No such job %r" % job_id) return _jobs[job_id] def _remove_job(job_id): with _lock: if job_id not in _jobs: raise NoSuchJob("No such job %r" % job_id) del _jobs[job_id] def _validate_job_done(job): if job.status != STATUS.DONE: raise JobNotDone("Job %r is %s" % (job.id, job.status)) def _validate_job_finished(job): if job.status not in (STATUS.DONE, STATUS.FAILED, STATUS.ABORTED): raise JobNotDone("Job %r is %s" % (job.id, job.status)) def _read_ovf(job_id): file_name = os.path.join(_V2V_DIR, "%s.ovf" % job_id) try: with open(file_name, 'r') as f: return f.read() except IOError as e: if e.errno != errno.ENOENT: raise raise NoSuchOvf("No such ovf %r" % file_name) class SSHAgent(object): """ virt-v2v uses ssh-agent for importing xen vms from libvirt, after virt-v2v log in to the machine it needs to copy its disks which ssh-agent let it handle without passwords while the session is on. for more information please refer to the virt-v2v man page: http://libguestfs.org/virt-v2v.1.html """ def __init__(self): self._auth = None self._agent_pid = None self._ssh_auth_re = re.compile(_SSH_AUTH_RE) def __enter__(self): rc, out, err = execCmd([_SSH_AGENT.cmd], raw=True) if rc != 0: raise V2VError('Error init ssh-agent, exit code: %r' ', out: %r, err: %r' % (rc, out, err)) m = self._ssh_auth_re.match(out) # looking for: SSH_AUTH_SOCK=/tmp/ssh-VEE74ObhTWBT/agent.29917 self._auth = {m.group(1): m.group(2)} self._agent_pid = m.group(3) try: rc, out, err = execCmd([_SSH_ADD.cmd], env=self._auth) except: self._kill_agent() raise if rc != 0: # 1 = general fail # 2 = no agnet if rc != 2: self._kill_agent() raise V2VError('Error init ssh-add, exit code: %r' ', out: %r, err: %r' % (rc, out, err)) def __exit__(self, *args): rc, out, err = execCmd([_SSH_ADD.cmd, '-d'], env=self._auth) if rc != 0: logging.error('Error deleting ssh-add, exit code: %r' ', out: %r, err: %r' % (rc, out, err)) self._kill_agent() def _kill_agent(self): rc, out, err = execCmd([_SSH_AGENT.cmd, '-k'], env={'SSH_AGENT_PID': self._agent_pid}) if rc != 0: logging.error('Error killing ssh-agent (PID=%r), exit code: %r' ', out: %r, err: %r' % (self._agent_pid, rc, out, err)) @property def auth(self): return self._auth class V2VCommand(object): def __init__(self, vminfo, vmid, irs): self._vminfo = vminfo self._vmid = vmid self._irs = irs self._prepared_volumes = [] self._passwd_file = os.path.join(_V2V_DIR, "%s.tmp" % vmid) self._password = password.ProtectedPassword('') self._base_command = [_VIRT_V2V.cmd, '-v', '-x'] self._query_v2v_caps() if 'qcow2_compat' in vminfo: qcow2_compat = vminfo['qcow2_compat'] if qcow2_compat not in _QCOW2_COMPAT_SUPPORTED: logging.error('Invalid QCOW2 compat version %r' % qcow2_compat) raise ValueError('Invalid QCOW2 compat version %r' % qcow2_compat) if 'vdsm-compat-option' in self._v2v_caps: self._base_command.extend(['--vdsm-compat', qcow2_compat]) elif qcow2_compat != '0.10': # Note: qcow2 is only a suggestion from the engine # if virt-v2v doesn't support it we fall back to default logging.info('virt-v2v not supporting qcow2 compat version: ' '%r', qcow2_compat) def execute(self): raise NotImplementedError("Subclass must implement this") def _command(self): raise NotImplementedError("Subclass must implement this") def _start_helper(self): timestamp = time.strftime('%Y%m%dT%H%M%S') log = os.path.join(_LOG_DIR, "import-%s-%s.log" % (self._vmid, timestamp)) logging.info("Storing import log at: %r", log) v2v = _simple_exec_cmd(self._command(), nice=NICENESS.HIGH, ioclass=IOCLASS.IDLE, env=self._environment(), stdout=subprocess.PIPE, stderr=subprocess.STDOUT) tee = _simple_exec_cmd(['tee', log], nice=NICENESS.HIGH, ioclass=IOCLASS.IDLE, stdin=v2v.stdout, stdout=subprocess.PIPE) return PipelineProc(v2v, tee) def _get_disk_format(self): fmt = self._vminfo.get('format', 'raw').lower() return "qcow2" if fmt == "cow" else fmt def _disk_parameters(self): parameters = [] for disk in self._vminfo['disks']: try: parameters.append('--vdsm-image-uuid') parameters.append(disk['imageID']) parameters.append('--vdsm-vol-uuid') parameters.append(disk['volumeID']) except KeyError as e: raise InvalidInputError('Job %r missing required property: %s' % (self._vmid, e)) return parameters @contextmanager def _volumes(self): self._prepare_volumes() try: yield finally: self._teardown_volumes() def _prepare_volumes(self): if len(self._vminfo['disks']) < 1: raise InvalidInputError('Job %r cannot import vm with no disk', self._vmid) for disk in self._vminfo['disks']: drive = {'poolID': self._vminfo['poolID'], 'domainID': self._vminfo['domainID'], 'volumeID': disk['volumeID'], 'imageID': disk['imageID']} res = self._irs.prepareImage(drive['domainID'], drive['poolID'], drive['imageID'], drive['volumeID']) if res['status']['code']: raise VolumeError('Job %r bad volume specification: %s' % (self._vmid, drive)) drive['path'] = res['path'] self._prepared_volumes.append(drive) def _teardown_volumes(self): for drive in self._prepared_volumes: try: self._irs.teardownImage(drive['domainID'], drive['poolID'], drive['imageID']) except Exception as e: logging.error('Job %r error tearing down drive: %s', self._vmid, e) def _get_storage_domain_path(self, path): ''' prepareImage returns /prefix/sdUUID/images/imgUUID/volUUID we need storage domain absolute path so we go up 3 levels ''' return path.rsplit(os.sep, 3)[0] def _environment(self): # Provide some sane environment env = os.environ.copy() # virt-v2v specific variables env['LIBGUESTFS_BACKEND'] = 'direct' if 'virtio_iso_path' in self._vminfo: env['VIRTIO_WIN'] = self._vminfo['virtio_iso_path'] return env @contextmanager def _password_file(self): fd = os.open(self._passwd_file, os.O_WRONLY | os.O_CREAT, 0o600) try: if self._password.value is None: os.write(fd, "") else: os.write(fd, self._password.value) finally: os.close(fd) try: yield finally: try: os.remove(self._passwd_file) except Exception: logging.exception("Job %r error removing passwd file: %s", self._vmid, self._passwd_file) def _query_v2v_caps(self): self._v2v_caps = frozenset() p = _simple_exec_cmd([_VIRT_V2V.cmd, '--machine-readable'], env=os.environ.copy(), stdout=subprocess.PIPE, stderr=subprocess.PIPE) with terminating(p): try: out, err = p.communicate() except Exception: logging.exception('Terminating virt-v2v process after error') raise if p.returncode != 0: raise V2VProcessError( 'virt-v2v exited with code: %d, stderr: %r' % (p.returncode, err)) self._v2v_caps = frozenset(out.splitlines()) logging.debug("Detected virt-v2v capabilities: %r", self._v2v_caps) class LibvirtCommand(V2VCommand): def __init__(self, uri, username, password, vminfo, vmid, irs): super(LibvirtCommand, self).__init__(vminfo, vmid, irs) self._uri = uri self._username = username self._password = password def _command(self): cmd = self._base_command cmd.extend(['-ic', self._uri, '-o', 'vdsm', '-of', self._get_disk_format(), '-oa', self._vminfo.get('allocation', 'sparse').lower()]) cmd.extend(self._disk_parameters()) cmd.extend(['--password-file', self._passwd_file, '--vdsm-vm-uuid', self._vmid, '--vdsm-ovf-output', _V2V_DIR, '--machine-readable', '-os', self._get_storage_domain_path( self._prepared_volumes[0]['path']), self._vminfo['vmName']]) return cmd @contextmanager def execute(self): with self._volumes(), self._password_file(): yield self._start_helper() class OvaCommand(V2VCommand): def __init__(self, ova_path, vminfo, vmid, irs): super(OvaCommand, self).__init__(vminfo, vmid, irs) self._ova_path = ova_path def _command(self): cmd = self._base_command cmd.extend(['-i', 'ova', self._ova_path, '-o', 'vdsm', '-of', self._get_disk_format(), '-oa', self._vminfo.get('allocation', 'sparse').lower(), '--vdsm-vm-uuid', self._vmid, '--vdsm-ovf-output', _V2V_DIR, '--machine-readable', '-os', self._get_storage_domain_path( self._prepared_volumes[0]['path'])]) cmd.extend(self._disk_parameters()) return cmd @contextmanager def execute(self): with self._volumes(): yield self._start_helper() class XenCommand(V2VCommand): """ Importing Xen via virt-v2v require to use xen+ssh protocol. this requires: - enable the vdsm user in /etc/passwd - generate ssh keys via ssh-keygen - public key exchange with the importing hosts user - host must be in ~/.ssh/known_hosts (done automatically by ssh to the host before importing vm) """ def __init__(self, uri, vminfo, job_id, irs): super(XenCommand, self).__init__(vminfo, job_id, irs) self._uri = uri self._ssh_agent = SSHAgent() def _command(self): cmd = self._base_command cmd.extend(['-ic', self._uri, '-o', 'vdsm', '-of', self._get_disk_format(), '-oa', self._vminfo.get('allocation', 'sparse').lower()]) cmd.extend(self._disk_parameters()) cmd.extend(['--vdsm-vm-uuid', self._vmid, '--vdsm-ovf-output', _V2V_DIR, '--machine-readable', '-os', self._get_storage_domain_path( self._prepared_volumes[0]['path']), self._vminfo['vmName']]) return cmd @contextmanager def execute(self): with self._volumes(), self._ssh_agent: yield self._start_helper() def _environment(self): env = super(XenCommand, self)._environment() env.update(self._ssh_agent.auth) return env class KVMCommand(V2VCommand): def __init__(self, uri, username, password, vminfo, vmid, irs): super(KVMCommand, self).__init__(vminfo, vmid, irs) self._uri = uri self._username = username self._password = password def _command(self): cmd = [EXT_KVM_2_OVIRT, '--uri', self._uri] if self._username is not None: cmd.extend([ '--username', self._username, '--password-file', self._passwd_file]) src, fmt = self._source_images() cmd.append('--source') cmd.extend(src) cmd.append('--dest') cmd.extend(self._dest_images()) cmd.append('--storage-type') cmd.extend(fmt) cmd.append('--vm-name') cmd.append(self._vminfo['vmName']) return cmd @contextmanager def execute(self): with self._volumes(), self._password_file(): yield self._start_helper() def _source_images(self): con = libvirtconnection.open_connection(uri=self._uri, username=self._username, passwd=self._password) with closing(con): vm = con.lookupByName(self._vminfo['vmName']) if vm: params = {} root = ET.fromstring(vm.XMLDesc(0)) _add_disks(root, params) src = [] fmt = [] for disk in params['disks']: if 'alias' in disk: src.append(disk['alias']) fmt.append(disk['disktype']) return src, fmt def _dest_images(self): ret = [] for vol in self._prepared_volumes: ret.append(vol['path']) return ret class PipelineProc(object): def __init__(self, proc1, proc2): self._procs = (proc1, proc2) self._stdout = proc2.stdout def kill(self): """ Kill all processes in a pipeline. Some of the processes may have already terminated, but some may be still running. Regular kill() raises OSError if the process has already terminated. Since we are dealing with multiple processes, to avoid any confusion we do not raise OSError at all. """ for p in self._procs: logging.debug("Killing pid=%d", p.pid) try: p.kill() except OSError as e: # Probably the process has already terminated if e.errno != errno.ESRCH: raise e @property def pids(self): return [p.pid for p in self._procs] @property def returncode(self): """ Returns None if any of the processes is still running. Returns 0 if all processes have finished with a zero exit code, otherwise return first nonzero exit code. """ ret = 0 for p in self._procs: p.poll() if p.returncode is None: return None if p.returncode != 0 and ret == 0: # One of the processes has failed ret = p.returncode # All processes have finished return ret @property def stdout(self): return self._stdout def wait(self, timeout=None): if timeout is not None: deadline = monotonic_time() + timeout else: deadline = None for p in self._procs: if deadline is not None: # NOTE: CPopen doesn't support timeout argument. while monotonic_time() < deadline: p.poll() if p.returncode is not None: break time.sleep(1) else: p.wait() if deadline is not None: if deadline < monotonic_time() or self.returncode is None: # Timed out return False return True class ImportVm(object): TERM_DELAY = 30 PROC_WAIT_TIMEOUT = 30 def __init__(self, job_id, command): self._id = job_id self._command = command self._thread = None self._status = STATUS.STARTING self._description = '' self._disk_progress = 0 self._disk_count = 1 self._current_disk = 1 self._aborted = False self._proc = None def start(self): self._thread = concurrent.thread(self._run, name="v2v/" + self._id[:8]) self._thread.start() def wait(self): if self._thread is not None and self._thread.is_alive(): self._thread.join() @property def id(self): return self._id @property def status(self): return self._status @property def description(self): return self._description @property def progress(self): ''' progress is part of multiple disk_progress its flat and not 100% accurate - each disk take its portion ie if we have 2 disks the first will take 0-50 and the second 50-100 ''' completed = (self._disk_count - 1) * 100 return (completed + self._disk_progress) / self._disk_count @traceback(msg="Error importing vm") def _run(self): try: self._import() except Exception as ex: if self._aborted: logging.debug("Job %r was aborted", self._id) else: logging.exception("Job %r failed", self._id) self._status = STATUS.FAILED self._description = str(ex) try: if self._proc is not None: self._abort() except Exception as e: logging.exception('Job %r, error trying to abort: %r', self._id, e) def _import(self): logging.info('Job %r starting import', self._id) with self._command.execute() as self._proc: self._watch_process_output() self._wait_for_process() if self._proc.returncode != 0: raise V2VProcessError('Job %r process failed exit-code: %r' % (self._id, self._proc.returncode)) if self._status != STATUS.ABORTED: self._status = STATUS.DONE logging.info('Job %r finished import successfully', self._id) def _wait_for_process(self): if self._proc.returncode is not None: return logging.debug("Job %r waiting for virt-v2v process", self._id) if not self._proc.wait(timeout=self.PROC_WAIT_TIMEOUT): raise V2VProcessError("Job %r timeout waiting for process pid=%s", self._id, self._proc.pids) def _watch_process_output(self): out = io.BufferedReader(io.FileIO(self._proc.stdout.fileno(), mode='r', closefd=False), BUFFSIZE) parser = OutputParser() for event in parser.parse(out): if isinstance(event, ImportProgress): self._status = STATUS.COPYING_DISK logging.info("Job %r copying disk %d/%d", self._id, event.current_disk, event.disk_count) self._disk_progress = 0 self._current_disk = event.current_disk self._disk_count = event.disk_count self._description = event.description elif isinstance(event, DiskProgress): self._disk_progress = event.progress if event.progress % 10 == 0: logging.info("Job %r copy disk %d progress %d/100", self._id, self._current_disk, event.progress) else: raise RuntimeError("Job %r got unexpected parser event: %s" % (self._id, event)) def abort(self): self._status = STATUS.ABORTED logging.info('Job %r aborting...', self._id) self._abort() def _abort(self): self._aborted = True if self._proc is None: logging.warning( 'Ignoring request to abort job %r; the job failed to start', self._id) return if self._proc.returncode is None: logging.debug('Job %r killing virt-v2v process', self._id) try: self._proc.kill() except OSError as e: if e.errno != errno.ESRCH: raise logging.debug('Job %r virt-v2v process not running', self._id) else: logging.debug('Job %r virt-v2v process was killed', self._id) finally: for pid in self._proc.pids: zombiereaper.autoReapPID(pid) class OutputParser(object): COPY_DISK_RE = re.compile(r'.*(Copying disk (\d+)/(\d+)).*') DISK_PROGRESS_RE = re.compile(r'\s+\((\d+).*') def parse(self, stream): for line in stream: if 'Copying disk' in line: description, current_disk, disk_count = self._parse_line(line) yield ImportProgress(int(current_disk), int(disk_count), description) for chunk in self._iter_progress(stream): progress = self._parse_progress(chunk) if progress is not None: yield DiskProgress(progress) if progress == 100: break def _parse_line(self, line): m = self.COPY_DISK_RE.match(line) if m is None: raise OutputParserError('unexpected format in "Copying disk"' ', line: %r' % line) return m.group(1), m.group(2), m.group(3) def _iter_progress(self, stream): chunk = '' while True: c = stream.read(1) if not c: raise OutputParserError('copy-disk stream closed unexpectedly') chunk += c if c == '\r': yield chunk chunk = '' def _parse_progress(self, chunk): m = self.DISK_PROGRESS_RE.match(chunk) if m is None: return None try: return int(m.group(1)) except ValueError: raise OutputParserError('error parsing progress regex: %r' % m.groups) def _mem_to_mib(size, unit): lunit = unit.lower() if lunit in ('bytes', 'b'): return size / 1024 / 1024 elif lunit in ('kib', 'k'): return size / 1024 elif lunit in ('mib', 'm'): return size elif lunit in ('gib', 'g'): return size * 1024 elif lunit in ('tib', 't'): return size * 1024 * 1024 else: raise InvalidVMConfiguration("Invalid currentMemory unit attribute:" " %r" % unit) def _list_domains(conn): try: for vm in conn.listAllDomains(): yield vm # TODO: use only the new API (no need to fall back to listDefinedDomains) # when supported in Xen under RHEL 5.x except libvirt.libvirtError as e: if e.get_error_code() != libvirt.VIR_ERR_NO_SUPPORT: raise # Support for old libvirt clients seen = set() for name in conn.listDefinedDomains(): try: vm = conn.lookupByName(name) except libvirt.libvirtError as e: logging.error("Error looking up vm %r: %s", name, e) else: seen.add(name) yield vm for domainId in conn.listDomainsID(): try: vm = conn.lookupByID(domainId) except libvirt.libvirtError as e: logging.error("Error looking up vm by id %r: %s", domainId, e) else: if vm.name() not in seen: yield vm def _add_vm(conn, vms, vm): params = {} try: _add_vm_info(vm, params) except libvirt.libvirtError as e: logging.error("error getting domain information: %s", e) return try: xml = vm.XMLDesc(0) except libvirt.libvirtError as e: logging.error("error getting domain xml for vm %r: %s", vm.name(), e) return try: root = ET.fromstring(xml) except ET.ParseError as e: logging.error('error parsing domain xml: %s', e) return if not _block_disk_supported(conn, root): return try: _add_general_info(root, params) except InvalidVMConfiguration as e: logging.error("error adding general info: %s", e) return _add_snapshot_info(conn, vm, params) _add_networks(root, params) _add_disks(root, params) _add_graphics(root, params) _add_video(root, params) disk_info = None for disk in params['disks']: disk_info = _get_disk_info(conn, disk, vm) if disk_info is None: break disk.update(disk_info) if disk_info is not None: vms.append(params) else: logging.warning('Cannot add VM %s due to disk storage error', vm.name()) def _block_disk_supported(conn, root): ''' Currently we do not support importing VMs with block device from Xen on Rhel 5.x ''' if conn.getType() == 'Xen': block_disks = root.findall('.//disk[@type="block"]') block_disks = [d for d in block_disks if d.attrib.get('device', None) == "disk"] return len(block_disks) == 0 return True def _add_vm_info(vm, params): params['vmName'] = vm.name() # TODO: use new API: vm.state()[0] == libvirt.VIR_DOMAIN_SHUTOFF # when supported in Xen under RHEL 5.x if vm.isActive(): params['status'] = "Up" else: params['status'] = "Down" def _add_general_info(root, params): e = root.find('./uuid') if e is not None: params['vmId'] = e.text e = root.find('./currentMemory') if e is not None: try: size = int(e.text) except ValueError: raise InvalidVMConfiguration("Invalid 'currentMemory' value: %r" % e.text) unit = e.get('unit', 'KiB') params['memSize'] = _mem_to_mib(size, unit) e = root.find('./vcpu') if e is not None: try: params['smp'] = int(e.text) except ValueError: raise InvalidVMConfiguration("Invalid 'vcpu' value: %r" % e.text) e = root.find('./os/type/[@arch]') if e is not None: params['arch'] = e.get('arch') def _get_disk_info(conn, disk, vm): if 'alias' in disk.keys(): try: if disk['disktype'] == 'file': vol = conn.storageVolLookupByPath(disk['alias']) _, capacity, alloc = vol.info() elif disk['disktype'] == 'block': vol = vm.blockInfo(disk['alias']) # We use the physical for allocation # in blockInfo can report 0 capacity, _, alloc = vol else: logging.error('Unsupported disk type: %r', disk['disktype']) except libvirt.libvirtError: logging.exception("Error getting disk size") return None else: return {'capacity': str(capacity), 'allocation': str(alloc)} return {} def _convert_disk_format(format): # TODO: move to volume format when storage/volume.py # will be accessible for /lib/vdsm/v2v.py if format == 'qcow2': return 'COW' elif format == 'raw': return 'RAW' raise KeyError def _add_disks(root, params): params['disks'] = [] disks = root.findall('.//disk[@type="file"]') disks = disks + root.findall('.//disk[@type="block"]') for disk in disks: d = {} disktype = disk.get('type') device = disk.get('device') if device is not None: if device == 'cdrom': # Skip CD-ROM drives continue d['type'] = device target = disk.find('./target/[@dev]') if target is not None: d['dev'] = target.get('dev') if disktype == 'file': d['disktype'] = 'file' source = disk.find('./source/[@file]') if source is not None: d['alias'] = source.get('file') elif disktype == 'block': d['disktype'] = 'block' source = disk.find('./source/[@dev]') if source is not None: d['alias'] = source.get('dev') else: logging.error('Unsupported disk type: %r', type) driver = disk.find('./driver/[@type]') if driver is not None: try: d["format"] = _convert_disk_format(driver.get('type')) except KeyError: logging.warning("Disk %s has unsupported format: %r", d, format) params['disks'].append(d) def _add_graphics(root, params): e = root.find('./devices/graphics/[@type]') if e is not None: params['graphics'] = e.get('type') def _add_video(root, params): e = root.find('./devices/video/model/[@type]') if e is not None: params['video'] = e.get('type') def _add_networks(root, params): params['networks'] = [] interfaces = root.findall('.//interface') for iface in interfaces: i = {} if 'type' in iface.attrib: i['type'] = iface.attrib['type'] mac = iface.find('./mac/[@address]') if mac is not None: i['macAddr'] = mac.get('address') source = iface.find('./source/[@bridge]') if source is not None: i['bridge'] = source.get('bridge') target = iface.find('./target/[@dev]') if target is not None: i['dev'] = target.get('dev') model = iface.find('./model/[@type]') if model is not None: i['model'] = model.get('type') params['networks'].append(i) def _add_snapshot_info(conn, vm, params): # Snapshot related API is not yet implemented in the libvirt's Xen driver if conn.getType() == 'Xen': return try: ret = vm.hasCurrentSnapshot() except libvirt.libvirtError: logging.exception('Error checking for existing snapshots.') else: params['has_snapshots'] = ret > 0 def _vm_has_snapshot(vm): try: return vm.hasCurrentSnapshot() == 1 except libvirt.libvirtError: logging.exception('Error checking if snapshot exist for vm: %s.', vm.name()) return False def _read_ovf_from_ova(ova_path): """ virt-v2v support ova in tar, zip formats as well as extracted directory """ if os.path.isdir(ova_path): return _read_ovf_from_ova_dir(ova_path) elif zipfile.is_zipfile(ova_path): return _read_ovf_from_zip_ova(ova_path) elif tarfile.is_tarfile(ova_path): return _read_ovf_from_tar_ova(ova_path) raise ClientError('Unknown ova format, supported formats:' ' tar, zip or a directory') def _find_ovf(entries): for entry in entries: if '.ovf' == os.path.splitext(entry)[1].lower(): return entry return None def _read_ovf_from_ova_dir(ova_path): files = os.listdir(ova_path) name = _find_ovf(files) if name is not None: with open(os.path.join(ova_path, name), 'r') as ovf_file: return ovf_file.read() raise ClientError('OVA directory %s does not contain ovf file' % ova_path) def _read_ovf_from_zip_ova(ova_path): with open(ova_path, 'rb') as fh: zf = zipfile.ZipFile(fh) name = _find_ovf(zf.namelist()) if name is not None: return zf.read(name) raise ClientError('OVA does not contains file with .ovf suffix') def _read_ovf_from_tar_ova(ova_path): with tarfile.open(ova_path) as tar: for member in tar: if member.name.endswith('.ovf'): with closing(tar.extractfile(member)) as ovf: return ovf.read() raise ClientError('OVA does not contains file with .ovf suffix') def _add_general_ovf_info(vm, node, ns, ova_path): vm['status'] = 'Down' vmName = node.find('./ovf:VirtualSystem/ovf:Name', ns) if vmName is not None: vm['vmName'] = vmName.text else: vm['vmName'] = os.path.splitext(os.path.basename(ova_path))[0] memSize = node.find('.//ovf:Item[rasd:ResourceType="%d"]/' 'rasd:VirtualQuantity' % _OVF_RESOURCE_MEMORY, ns) if memSize is not None: vm['memSize'] = int(memSize.text) else: raise V2VError('Error parsing ovf information: no memory size') smp = node.find('.//ovf:Item[rasd:ResourceType="%d"]/' 'rasd:VirtualQuantity' % _OVF_RESOURCE_CPU, ns) if smp is not None: vm['smp'] = int(smp.text) else: raise V2VError('Error parsing ovf information: no cpu info') def _get_max_disk_size(populated_size, size): if populated_size is None: return size if size is None: return populated_size return str(max(int(populated_size), int(size))) def _parse_allocation_units(units): """ Parse allocation units of the form "bytes * x * y^z" The format is defined in: DSP0004: Common Information Model (CIM) Infrastructure, ANNEX C.1 Programmatic Units We conform only to the subset of the format specification and base-units must be bytes. """ # Format description sp = '[ \t\n]?' base_unit = 'byte' operator = '[*]' # we support only multiplication number = '[+]?[0-9]+' # we support only positive integers exponent = '[+]?[0-9]+' # we support only positive integers modifier1 = '(?P<m1>{op}{sp}(?P<m1_num>{num}))'.format( op=operator, num=number, sp=sp) modifier2 = \ '(?P<m2>{op}{sp}' \ '(?P<m2_base>[0-9]+){sp}\^{sp}(?P<m2_exp>{exp}))'.format( op=operator, exp=exponent, sp=sp) r = '^{base_unit}({sp}{mod1})?({sp}{mod2})?$'.format( base_unit=base_unit, mod1=modifier1, mod2=modifier2, sp=sp) m = re.match(r, units, re.MULTILINE) if m is None: raise V2VError('Failed to parse allocation units: %r' % units) g = m.groupdict() ret = 1 if g['m1'] is not None: try: ret *= int(g['m1_num']) except ValueError: raise V2VError("Failed to parse allocation units: %r" % units) if g['m2'] is not None: try: ret *= pow(int(g['m2_base']), int(g['m2_exp'])) except ValueError: raise V2VError("Failed to parse allocation units: %r" % units) return ret def _add_disks_ovf_info(vm, node, ns): vm['disks'] = [] for d in node.findall(".//ovf:DiskSection/ovf:Disk", ns): disk = {'type': 'disk'} capacity = int(d.attrib.get('{%s}capacity' % _OVF_NS)) if '{%s}capacityAllocationUnits' % _OVF_NS in d.attrib: units = d.attrib.get('{%s}capacityAllocationUnits' % _OVF_NS) capacity *= _parse_allocation_units(units) disk['capacity'] = str(capacity) fileref = d.attrib.get('{%s}fileRef' % _OVF_NS) alias = node.find('.//ovf:References/ovf:File[@ovf:id="%s"]' % fileref, ns) if alias is not None: disk['alias'] = alias.attrib.get('{%s}href' % _OVF_NS) populated_size = d.attrib.get('{%s}populatedSize' % _OVF_NS, None) size = alias.attrib.get('{%s}size' % _OVF_NS) disk['allocation'] = _get_max_disk_size(populated_size, size) else: raise V2VError('Error parsing ovf information: disk href info') vm['disks'].append(disk) def _add_networks_ovf_info(vm, node, ns): vm['networks'] = [] for n in node.findall('.//ovf:Item[rasd:ResourceType="%d"]' % _OVF_RESOURCE_NETWORK, ns): net = {} dev = n.find('./rasd:ElementName', ns) if dev is not None: net['dev'] = dev.text else: raise V2VError('Error parsing ovf information: ' 'network element name') model = n.find('./rasd:ResourceSubType', ns) if model is not None: net['model'] = model.text else: raise V2VError('Error parsing ovf information: network model') bridge = n.find('./rasd:Connection', ns) if bridge is not None: net['bridge'] = bridge.text net['type'] = 'bridge' else: net['type'] = 'interface' vm['networks'].append(net) def _simple_exec_cmd(command, env=None, nice=None, ioclass=None, stdin=None, stdout=None, stderr=None): command = wrap_command(command, with_ioclass=ioclass, ioclassdata=None, with_nice=nice, with_setsid=False, with_sudo=False, reset_cpu_affinity=True) logging.debug(cmdutils.command_log_line(command, cwd=None)) p = CPopen(command, close_fds=True, cwd=None, env=env, stdin=stdin, stdout=stdout, stderr=stderr) return p
EdDev/vdsm
lib/vdsm/v2v.py
Python
gpl-2.0
48,122
# Endpoints for user to control the home. from datetime import datetime from flask import Blueprint, jsonify, request from services import elements_services, home_services home_api = Blueprint('/home_api', __name__) elements_services = elements_services.ElementsServices() home_services = home_services.HomeServices() @home_api.route('/profiles') def profiles(): """Gets all profiles for all elements for user application to display and manipulate elements""" return jsonify(home_services.get_profiles()) @home_api.route('/element', methods=['POST']) def update_element(): """Updates single element with all new values received from the user application""" received_element = request.get_json() home_services.update_element(received_element) return 'OK' @home_api.route('/elements', methods=['POST']) def update_elements(): """Updates all elements with all new values received from the user application""" received_elements = request.get_json() home_services.update_elements(received_elements) return 'OK' @home_api.route('/elementdelete', methods=['POST']) def delete_element(): """Deletes a single element with given hid""" element = request.get_json() home_services.delete_element(element['hid']) return 'OK' @home_api.route('/timerules', methods=['POST']) def timerules(): """Adds, Updates or deletes time rule for the given element""" rules = request.get_json() if len(rules) == 0: raise Exception("No elements in the list") for rule in rules: if 'id' not in rule: rule['id'] = None home_services.save_time_rules(rules) return 'OK' @home_api.route('/timerules/<string:hid>') def get_timerules(hid): """Gets list of timerules for given hid""" timerules= home_services.read_time_rules(hid) return jsonify(timerules)
igrlas/CentralHub
CHPackage/src/centralhub/server/home_endpoints.py
Python
gpl-2.0
1,856
# -*- coding: utf-8 -*- import time import EafIO import warnings class Eaf: """Read and write Elan's Eaf files. .. note:: All times are in milliseconds and can't have decimals. :var dict annotation_document: Annotation document TAG entries. :var dict licences: Licences included in the file. :var dict header: XML header. :var list media_descriptors: Linked files, where every file is of the form: ``{attrib}``. :var list properties: Properties, where every property is of the form: ``(value, {attrib})``. :var list linked_file_descriptors: Secondary linked files, where every linked file is of the form: ``{attrib}``. :var dict timeslots: Timeslot data of the form: ``{TimslotID -> time(ms)}``. :var dict tiers: Tier data of the form: ``{tier_name -> (aligned_annotations, reference_annotations, attributes, ordinal)}``, aligned_annotations of the form: ``[{annotation_id -> (begin_ts, end_ts, value, svg_ref)}]``, reference annotations of the form: ``[{annotation_id -> (reference, value, previous, svg_ref)}]``. :var list linguistic_types: Linguistic types, where every type is of the form: ``{id -> attrib}``. :var list locales: Locales, where every locale is of the form: ``{attrib}``. :var dict constraints: Constraint data of the form: ``{stereotype -> description}``. :var dict controlled_vocabularies: Controlled vocabulary data of the form: ``{id -> (descriptions, entries, ext_ref)}``, descriptions of the form: ``[(lang_ref, text)]``, entries of the form: ``{id -> (values, ext_ref)}``, values of the form: ``[(lang_ref, description, text)]``. :var list external_refs: External references, where every reference is of the form ``[id, type, value]``. :var list lexicon_refs: Lexicon references, where every reference is of the form: ``[{attribs}]``. """ def __init__(self, file_path=None, author='pympi'): """Construct either a new Eaf file or read on from a file/stream. :param str file_path: Path to read from, - for stdin. If ``None`` an empty Eaf file will be created. :param str author: Author of the file. """ self.naive_gen_ann, self.naive_gen_ts = False, False self.annotation_document = { 'AUTHOR': author, 'DATE': time.strftime("%Y-%m-%dT%H:%M:%S%z"), 'VERSION': '2.8', 'FORMAT': '2.8', 'xmlns:xsi': 'http://www.w3.org/2001/XMLSchema-instance', 'xsi:noNamespaceSchemaLocation': 'http://www.mpi.nl/tools/elan/EAFv2.8.xsd'} self.constraints = {} self.controlled_vocabularies = {} self.header = {} self.licences = {} self.linguistic_types = {} self.tiers = {} self.timeslots = {} self.external_refs = [] self.lexicon_refs = [] self.linked_file_descriptors = [] self.locales = [] self.media_descriptors = [] self.properties = [] self.new_time, self.new_ann = 0, 0 if file_path is None: self.add_linguistic_type('default-lt', None) self.constraints = {'Time_Subdivision': 'Time subdivision of paren' 't annotation\'s time interval, no time gaps a' 'llowed within this interval', 'Symbolic_Subdivision': 'Symbolic subdivision ' 'of a parent annotation. Annotations refering ' 'to the same parent are ordered', 'Symbolic_Association': '1-1 association with ' 'a parent annotation', 'Included_In': 'Time alignable annotations wit' 'hin the parent annotation\'s time interval, g' 'aps are allowed'} self.properties.append(('0', {'NAME': 'lastUsedAnnotation'})) self.add_tier('default') else: EafIO.parse_eaf(file_path, self) def to_file(self, file_path, pretty=True): """Write the object to a file, if the file already exists a backup will be created with the ``.bak`` suffix. :param str file_path: Path to write to, - for stdout. :param bool pretty: Flag for pretty XML printing. """ EafIO.to_eaf(file_path, self, pretty) def to_textgrid(self, excluded_tiers=[], included_tiers=[]): """Convert the object to a :class:`pympi.Praat.TextGrid` object. :param list excluded_tiers: Specifically exclude these tiers. :param list included_tiers: Only include this tiers, when empty all are included. :returns: :class:`pympi.Praat.TextGrid` object :raises ImportError: If the pympi.Praat module can't be loaded. """ from Praat import TextGrid tgout = TextGrid() tiers = [a for a in self.tiers if a not in excluded_tiers] if included_tiers: tiers = [a for a in tiers if a in included_tiers] for tier in tiers: currentTier = tgout.add_tier(tier) for interval in self.get_annotation_data_for_tier(tier): if interval[0] == interval[1]: continue currentTier.add_interval(interval[0]/1000.0, interval[1]/1000.0, interval[2]) return tgout def extract(self, start, end): """Extracts the selected time frame as a new object. :param int start: Start time. :param int end: End time. :returns: The extracted frame in a new object. """ from copy import deepcopy eaf_out = deepcopy(self) for tier in eaf_out.tiers.itervalues(): rems = [] for ann in tier[0]: if eaf_out.timeslots[tier[0][ann][1]] > end or\ eaf_out.timeslots[tier[0][ann][0]] < start: rems.append(ann) for r in rems: del tier[0][r] return eaf_out def get_linked_files(self): """Give all linked files.""" return self.media_descriptors def add_linked_file(self, file_path, relpath=None, mimetype=None, time_origin=None, ex_from=None): """Add a linked file. :param str file_path: Path of the file. :param str relpath: Relative path of the file. :param str mimetype: Mimetype of the file, if ``None`` it tries to guess it according to the file extension which currently only works for wav, mpg, mpeg and xml. :param int time_origin: Time origin for the media file. :param str ex_from: Extracted from field. :raises KeyError: If mimetype had to be guessed and a non standard extension or an unknown mimetype. """ if mimetype is None: mimes = {'wav': 'audio/x-wav', 'mpg': 'video/mpeg', 'mpeg': 'video/mpg', 'xml': 'text/xml'} mimetype = mimes[file_path.split('.')[-1]] self.media_descriptors.append({ 'MEDIA_URL': file_path, 'RELATIVE_MEDIA_URL': relpath, 'MIME_TYPE': mimetype, 'TIME_ORIGIN': time_origin, 'EXTRACTED_FROM': ex_from}) def copy_tier(self, eaf_obj, tier_name): """Copies a tier to another :class:`pympi.Elan.Eaf` object. :param pympi.Elan.Eaf eaf_obj: Target Eaf object. :param str tier_name: Name of the tier. :raises KeyError: If the tier doesn't exist. """ eaf_obj.remove_tier(tier_name) eaf_obj.add_tier(tier_name, tier_dict=self.tiers[tier_name][3]) for ann in self.get_annotation_data_for_tier(tier_name): eaf_obj.insert_annotation(tier_name, ann[0], ann[1], ann[2]) def add_tier(self, tier_id, ling='default-lt', parent=None, locale=None, part=None, ann=None, tier_dict=None): """Add a tier. :param str tier_id: Name of the tier. :param str ling: Linguistic type, if the type is not available it will warn and pick the first available type. :param str parent: Parent tier name. :param str locale: Locale. :param str part: Participant. :param str ann: Annotator. :param dict tier_dict: TAG attributes, when this is not ``None`` it will ignore all other options. """ if ling not in self.linguistic_types: warnings.warn( 'add_tier: Linguistic type non existent, choosing the first') ling = self.linguistic_types.keys()[0] if tier_dict is None: self.tiers[tier_id] = ({}, {}, { 'TIER_ID': tier_id, 'LINGUISTIC_TYPE_REF': ling, 'PARENT_REF': parent, 'PARTICIPANT': part, 'DEFAULT_LOCALE': locale, 'ANNOTATOR': ann}, len(self.tiers)) else: self.tiers[tier_id] = ({}, {}, tier_dict, len(self.tiers)) def remove_tiers(self, tiers): """Remove multiple tiers, note that this is a lot faster then removing them individually because of the delayed cleaning of timeslots. :param list tiers: Names of the tier to remove. :raises KeyError: If a tier is non existent. """ for a in tiers: self.remove_tier(a, check=False, clean=False) self.clean_time_slots() def remove_tier(self, id_tier, clean=True): """Remove tier. :param str id_tier: Name of the tier. :param bool clean: Flag to also clean the timeslots. :raises KeyError: If tier is non existent. """ del(self.tiers[id_tier]) if clean: self.clean_time_slots() def get_tier_names(self): """List all the tier names. :returns: List of all tier names """ return self.tiers.keys() def get_parameters_for_tier(self, id_tier): """Give the parameter dictionary, this is usaable in :func:`add_tier`. :param str id_tier: Name of the tier. :returns: Dictionary of parameters. :raises KeyError: If the tier is non existent. """ return self.tiers[id_tier][2] def child_tiers_for(self, id_tier): """Give all child tiers for a tier. :param str id_tier: Name of the tier. :returns: List of all children :raises KeyError: If the tier is non existent. """ return [m for m in self.tiers if 'PARENT_REF' in self.tiers[m][2] and self.tiers[m][2]['PARENT_REF'] == id_tier] def get_annotation_data_for_tier(self, id_tier): """Gives a list of annotations of the form: ``(begin, end, value)`` :param str id_tier: Name of the tier. :raises KeyError: If the tier is non existent. """ a = self.tiers[id_tier][0] return [(self.timeslots[a[b][0]], self.timeslots[a[b][1]], a[b][2]) for b in a] def get_annotation_data_at_time(self, id_tier, time): """Give the annotations at the given time. :param str id_tier: Name of the tier. :param int time: Time of the annotation. :returns: List of annotations at that time. :raises KeyError: If the tier is non existent. """ anns = self.tiers[id_tier][0] return sorted( [(self.timeslots[m[0]], self.timeslots[m[1]], m[2]) for m in anns.itervalues() if self.timeslots[m[0]] <= time and self.timeslots[m[1]] >= time]) def get_annotation_datas_between_times(self, id_tier, start, end): """Gives the annotations within the times. :param str id_tier: Name of the tier. :param int start: Start time of the annotation. :param int end: End time of the annotation. :returns: List of annotations within that time. :raises KeyError: If the tier is non existent. """ anns = self.tiers[id_tier][0] return sorted([ (self.timeslots[m[0]], self.timeslots[m[1]], m[2]) for m in anns.itervalues() if self.timeslots[m[1]] >= start and self.timeslots[m[0]] <= end]) def remove_all_annotations_from_tier(self, id_tier): """remove all annotations from a tier :param str id_tier: Name of the tier. :raises KeyError: If the tier is non existent. """ self.tiers[id_tier][0], self.tiers[id_tier][1] = {}, {} self.clean_time_slots() def insert_annotation(self, id_tier, start, end, value='', svg_ref=None): """Insert an annotation. :param str id_tier: Name of the tier. :param int start: Start time of the annotation. :param int end: End time of the annotation. :param str value: Value of the annotation. :param str svg_ref: Svg reference. :raises KeyError: If the tier is non existent. """ start_ts = self.generate_ts_id(start) end_ts = self.generate_ts_id(end) self.tiers[id_tier][0][self.generate_annotation_id()] =\ (start_ts, end_ts, value, svg_ref) def remove_annotation(self, id_tier, time, clean=True): """Remove an annotation in a tier, if you need speed the best thing is to clean the timeslots after the last removal. :param str id_tier: Name of the tier. :param int time: Timepoint within the annotation. :param bool clean: Flag to clean the timeslots afterwards. :raises KeyError: If the tier is non existent. """ for b in [a for a in self.tiers[id_tier][0].iteritems() if a[1][0] >= time and a[1][1] <= time]: del(self.tiers[id_tier][0][b[0]]) if clean: self.clean_time_slots() def insert_ref_annotation(self, id_tier, ref, value, prev, svg_ref=None): """Insert a reference annotation. :param str id_tier: Name of the tier. :param str ref: Id of the referenced annotation. :param str value: Value of the annotation. :param str prev: Id of the previous annotation. :param str svg_ref: Svg reference. :raises KeyError: If the tier is non existent. """ self.tiers[id_tier][1][self.generate_annotation_id()] =\ (ref, value, prev, svg_ref) def get_ref_annotation_data_for_tier(self, id_tier): """"Give a list of all reference annotations of the form: ``[{id -> (ref, value, previous, svg_ref}]`` :param str id_tier: Name of the tier. :raises KeyError: If the tier is non existent. """ return self.tiers[id_tier][1] def remove_controlled_vocabulary(self, cv): """Remove a controlled vocabulary. :param str cv: Controlled vocabulary id. :raises KeyError: If the controlled vocabulary is non existent. """ del(self.controlled_vocabularies[cv]) def generate_annotation_id(self): """Generate the next annotation id, this function is mainly used internally. """ if self.naive_gen_ann: new = self.last_ann+1 self.last_ann = new else: new = 1 anns = {int(ann[1:]) for tier in self.tiers.itervalues() for ann in tier[0]} if len(anns) > 0: newann = set(xrange(1, max(anns))).difference(anns) if len(newann) == 0: new = max(anns)+1 self.naive_gen_ann = True self.last_ann = new else: new = sorted(newann)[0] return 'a%d' % new def generate_ts_id(self, time=None): """Generate the next timeslot id, this function is mainly used internally :param int time: Initial time to assign to the timeslot """ if self.naive_gen_ts: new = self.last_ts+1 self.last_ts = new else: new = 1 tss = {int(x[2:]) for x in self.timeslots} if len(tss) > 0: newts = set(xrange(1, max(tss))).difference(tss) if len(newts) == 0: new = max(tss)+1 self.naive_gen_ts = True self.last_ts = new else: new = sorted(newts)[0] ts = 'ts%d' % new self.timeslots[ts] = time return ts def clean_time_slots(self): """Clean up all unused timeslots. .. warning:: This can and will take time for larger tiers. When you want to do a lot of operations on a lot of tiers please unset the flags for cleaning in the functions so that the cleaning is only performed afterwards. """ ts_in_tier = set(sum([a[0:2] for tier in self.tiers.itervalues() for a in tier[0].itervalues()], ())) ts_avail = set(self.timeslots) for a in ts_in_tier.symmetric_difference(ts_avail): del(self.timeslots[a]) self.naive_gen_ts = False self.naive_gen_ann = False def generate_annotation_concat(self, tiers, start, end, sep='-'): """Give a string of concatenated annotation values for annotations within a timeframe. :param list tiers: List of tier names. :param int start: Start time. :param int end: End time. :param str sep: Separator string to use. :returns: String containing a concatenation of annotation values. :raises KeyError: If a tier is non existent. """ return sep.join( set(d[2] for t in tiers if t in self.tiers for d in self.get_annotation_datas_between_times(t, start, end))) def merge_tiers(self, tiers, tiernew=None, gaptresh=1): """Merge tiers into a new tier and when the gap is lower then the threshhold glue the annotations together. :param list tiers: List of tier names. :param str tiernew: Name for the new tier, if ``None`` the name will be generated. :param int gapthresh: Threshhold for the gaps. :raises KeyError: If a tier is non existent. :raises TypeError: If there are no annotations within the tiers. """ if tiernew is None: tiernew = '%s_Merged' % '_'.join(tiers) self.remove_tier(tiernew) self.add_tier(tiernew) timepts = sorted(set.union( *[set(j for j in xrange(d[0], d[1])) for d in [ann for tier in tiers for ann in self.get_annotation_data_for_tier(tier)]])) if len(timepts) > 1: start = timepts[0] for i in xrange(1, len(timepts)): if timepts[i]-timepts[i-1] > gaptresh: self.insert_annotation( tiernew, start, timepts[i-1], self.generate_annotation_concat(tiers, start, timepts[i-1])) start = timepts[i] self.insert_annotation( tiernew, start, timepts[i-1], self.generate_annotation_concat(tiers, start, timepts[i-1])) def shift_annotations(self, time): """Shift all annotations in time, this creates a new object. :param int time: Time shift width, negative numbers make a right shift. :returns: Shifted :class:`pympi.Elan.Eaf' object. """ e = self.extract( -1*time, self.get_full_time_interval()[1]) if time < 0 else\ self.extract(0, self.get_full_time_interval()[1]-time) for tier in e.tiers.itervalues(): for ann in tier[0].itervalues(): e.timeslots[ann[0]] = e.timeslots[ann[0]]+time e.timeslots[ann[1]] = e.timeslots[ann[1]]+time e.clean_time_slots() return e def filterAnnotations(self, tier, tier_name=None, filtin=None, filtex=None): """Filter annotations in a tier :param str tier: Name of the tier: :param str tier_name: Name of the new tier, when ``None`` the name will be generated. :param list filtin: List of strings to be included, if None all annotations all is included. :param list filtex: List of strings to be excluded, if None no strings are excluded. :raises KeyError: If the tier is non existent. """ if tier_name is None: tier_name = '%s_filter' % tier self.remove_tier(tier_name) self.add_tier(tier_name) for a in [b for b in self.get_annotation_data_for_tier(tier) if (filtex is None or b[2] not in filtex) and (filtin is None or b[2] in filtin)]: self.insert_annotation(tier_name, a[0], a[1], a[2]) def glue_annotations_in_tier(self, tier, tier_name=None, treshhold=85, filtin=None, filtex=None): """Glue annotatotions together in a tier. :param str tier: Name of the tier. :param str tier_name: Name of the new tier, if ``None`` the name will be generated. :param int threshhold: Threshhold for the maximum gap to still glue. :param list filtin: List of strings to be included, if None all annotations all is included. :param list filtex: List of strings to be excluded, if None no strings are excluded. :raises KeyError: If the tier is non existent. """ if tier_name is None: tier_name = '%s_glued' % tier self.remove_tier(tier_name) self.add_tier(tier_name) tier_data = sorted(self.get_annotation_data_for_tier(tier)) tier_data = [t for t in tier_data if (filtin is None or t[2] in filtin) and (filtex is None or t[2] not in filtex)] currentAnn = None for i in xrange(0, len(tier_data)): if currentAnn is None: currentAnn = (tier_data[i][0], tier_data[i][1], tier_data[i][2]) elif tier_data[i][0] - currentAnn[1] < treshhold: currentAnn = (currentAnn[0], tier_data[i][1], '%s_%s' % (currentAnn[2], tier_data[i][2])) else: self.insert_annotation(tier_name, currentAnn[0], currentAnn[1], currentAnn[2]) currentAnn = tier_data[i] if currentAnn is not None: self.insert_annotation(tier_name, currentAnn[0], tier_data[len(tier_data)-1][1], currentAnn[2]) def get_full_time_interval(self): """Give the full time interval of the file. :returns: Tuple of the form: ``(min_time, max_time``. """ return (min(self.timeslots.itervalues()), max(self.timeslots.itervalues())) def create_gaps_and_overlaps_tier(self, tier1, tier2, tier_name=None, maxlen=-1): """Create a tier with the gaps and overlaps of the annotations. For types see :func:`get_gaps_and_overlaps_duration` :param str tier1: Name of the first tier. :param str tier2: Name of the second tier. :param str tier_name: Name of the new tier, if ``None`` the name will be generated. :param int maxlen: Maximum length of gaps (skip longer ones), if ``-1`` no maximum will be used. :returns: List of gaps and overlaps of the form: ``[(type, start, end)]``. :raises KeyError: If a tier is non existent. :raises IndexError: If no annotations are available in the tiers. """ if tier_name is None: tier_name = '%s_%s_ftos' % (tier1, tier2) self.remove_tier(tier_name) self.add_tier(tier_name) ftos = self.get_gaps_and_overlaps_duration(tier1, tier2, maxlen) for fto in ftos: self.insert_annotation(tier_name, fto[1], fto[2], fto[0]) return ftos def get_gaps_and_overlaps_duration(self, tier1, tier2, maxlen=-1, progressbar=False): """Give gaps and overlaps. The return types are shown in the table below. The string will be of the format: ``id_tiername_tiername``. For example when a gap occurs between tier1 and tier2 and they are called ``speakerA`` and ``speakerB`` the annotation value of that gap will be ``G12_speakerA_speakerB``. | The gaps and overlaps are calculated using Heldner and Edlunds method found in: | *Heldner, M., & Edlund, J. (2010). Pauses, gaps and overlaps in conversations. Journal of Phonetics, 38(4), 555–568. doi:10.1016/j.wocn.2010.08.002* +-----+--------------------------------------------+ | id | Description | +=====+============================================+ | O12 | Overlap from tier1 to tier2 | +-----+--------------------------------------------+ | O21 | Overlap from tier2 to tier1 | +-----+--------------------------------------------+ | G12 | Gap from tier1 to tier2 | +-----+--------------------------------------------+ | G21 | Gap from tier2 to tier1 | +-----+--------------------------------------------+ | P1 | Pause for tier1 | +-----+--------------------------------------------+ | P2 | Pause for tier2 | +-----+--------------------------------------------+ | B12 | Within speaker overlap from tier1 to tier2 | +-----+--------------------------------------------+ | B21 | Within speaker overlap from tier2 to tier1 | +-----+--------------------------------------------+ :param str tier1: Name of the first tier. :param str tier2: Name of the second tier. :param int maxlen: Maximum length of gaps (skip longer ones), if ``-1`` no maximum will be used. :param bool progressbar: Flag for debugging purposes that shows the progress during the process. :returns: List of gaps and overlaps of the form: ``[(type, start, end)]``. :raises KeyError: If a tier is non existent. :raises IndexError: If no annotations are available in the tiers. """ spkr1anns = sorted((self.timeslots[a[0]], self.timeslots[a[1]]) for a in self.tiers[tier1][0].values()) spkr2anns = sorted((self.timeslots[a[0]], self.timeslots[a[1]]) for a in self.tiers[tier2][0].values()) line1 = [] isin = lambda x, lst: False if\ len([i for i in lst if i[0] <= x and i[1] >= x]) == 0 else True minmax = (min(spkr1anns[0][0], spkr2anns[0][0]), max(spkr1anns[-1][1], spkr2anns[-1][1])) last = (1, minmax[0]) lastP = 0 for ts in xrange(*minmax): in1, in2 = isin(ts, spkr1anns), isin(ts, spkr2anns) if in1 and in2: # Both speaking if last[0] == 'B': continue ty = 'B' elif in1: # Only 1 speaking if last[0] == '1': continue ty = '1' elif in2: # Only 2 speaking if last[0] == '2': continue ty = '2' else: # None speaking if last[0] == 'N': continue ty = 'N' line1.append((last[0], last[1], ts)) last = (ty, ts) if progressbar and int((ts*1.0/minmax[1])*100) > lastP: lastP = int((ts*1.0/minmax[1])*100) print '%d%%' % lastP line1.append((last[0], last[1], minmax[1])) ftos = [] for i in xrange(len(line1)): if line1[i][0] == 'N': if i != 0 and i < len(line1) - 1 and\ line1[i-1][0] != line1[i+1][0]: ftos.append(('G12_%s_%s' % (tier1, tier2) if line1[i-1][0] == '1' else 'G21_%s_%s' % (tier2, tier1), line1[i][1], line1[i][2])) else: ftos.append(('P_%s' % (tier1 if line1[i-1][0] == '1' else tier2), line1[i][1], line1[i][2])) elif line1[i][0] == 'B': if i != 0 and i < len(line1) - 1 and\ line1[i-1][0] != line1[i+1][0]: ftos.append(('O12_%s_%s' % ((tier1, tier2) if line1[i-1][0] else 'O21_%s_%s' % (tier2, tier1)), line1[i][1], line1[i][2])) else: ftos.append(('B_%s_%s' % ((tier1, tier2) if line1[i-1][0] == '1' else (tier2, tier1)), line1[i][1], line1[i][2])) return [f for f in ftos if maxlen == -1 or abs(f[2] - f[1]) < maxlen] def create_controlled_vocabulary(self, cv_id, descriptions, entries, ext_ref=None): """Create a controlled vocabulary. .. warning:: This is a very raw implementation and you should check the Eaf file format specification for the entries. :param str cv_id: Name of the controlled vocabulary. :param list descriptions: List of descriptions. :param dict entries: Entries dictionary. :param str ext_ref: External reference. """ self.controlledvocabularies[cv_id] = (descriptions, entries, ext_ref) def get_tier_ids_for_linguistic_type(self, ling_type, parent=None): """Give a list of all tiers matching a linguistic type. :param str ling_type: Name of the linguistic type. :param str parent: Only match tiers from this parent, when ``None`` this option will be ignored. :returns: List of tiernames. :raises KeyError: If a tier or linguistic type is non existent. """ return [t for t in self.tiers if self.tiers[t][2]['LINGUISTIC_TYPE_REF'] == ling_type and (parent is None or self.tiers[t][2]['PARENT_REF'] == parent)] def remove_linguistic_type(self, ling_type): """Remove a linguistic type. :param str ling_type: Name of the linguistic type. """ del(self.linguistic_types[ling_type]) def add_linguistic_type(self, lingtype, constraints=None, timealignable=True, graphicreferences=False, extref=None): """Add a linguistic type. :param str lingtype: Name of the linguistic type. :param list constraints: Constraint names. :param bool timealignable: Flag for time alignable. :param bool graphicreferences: Flag for graphic references. :param str extref: External reference. """ self.linguistic_types[lingtype] = { 'LINGUISTIC_TYPE_ID': lingtype, 'TIME_ALIGNABLE': str(timealignable).lower(), 'GRAPHIC_REFERENCES': str(graphicreferences).lower(), 'CONSTRAINTS': constraints} if extref is not None: self.linguistic_types[lingtype]['EXT_REF'] = extref def get_linguistic_types(self): """Give a list of available linguistic types. :returns: List of linguistic type names. """ return self.linguistic_types.keys()
acuriel/Nixtla
nixtla/core/tools/pympi/Elan.py
Python
gpl-2.0
33,330
import configparser CONFIG_PATH = 'accounting.conf' class MyConfigParser(): def __init__(self, config_path=CONFIG_PATH): self.config = configparser.ConfigParser(allow_no_value=True) self.config.read(config_path) def config_section_map(self, section): """ returns all configuration options in 'section' in a dict with key: config_option and value: the read value in the file""" dict1 = {} options = self.config.options(section) for option in options: try: dict1[option] = self.config.get(section, option) if dict1[option] == -1: DebugPrint("skip: %s" % option) except: dict1[option] = None return dict1 # getint(section, option) # getboolean(section, option)
Stiliyan92/accounting-system
common/config_parser.py
Python
gpl-2.0
828
#!/usr/bin/env python3 import sys import numpy as np from spc import SPC import matplotlib.pyplot as plt def plot(files, fac=1.0): for f in files: if f.split('.')[-1] == 'xy': td = np.loadtxt(f) plt.plot(td[:, 0], np.log(1. / td[:, 1]) * fac, label=f) elif f.split('.')[-1] == 'spc': td = SPC(f) plt.plot(td.xdata, np.log(1. / np.array(td.ydata)), label=f) plt.legend() plt.show() if __name__ == '__main__': files = sys.argv[2:] fac = float(sys.argv[1]) plot(files, fac)
JHeimdal/HalIR
Test/plotf.py
Python
gpl-2.0
564
#!/usr/bin/env python ## tumblrserv.py implements a Tumblr (http://www.tumblr.com) markup parsing ## engine and compatible webserver. ## ## Version: 0.2 final ## ## Copyright (C) 2009 Jeremy Herbert ## Contact mailto:jeremy@jeremyherbert.net ## ## This program is free software; you can redistribute it and/or ## modify it under the terms of the GNU General Public License ## as published by the Free Software Foundation; either version 2 ## of the License, or (at your option) any later version. ## ## This program is distributed in the hope that it will be useful, ## but WITHOUT ANY WARRANTY; without even the implied warranty of ## MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the ## GNU General Public License for more details. ## ## You should have received a copy of the GNU General Public License ## along with this program; if not, write to the Free Software ## Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA ## 02110-1301, USA. import os, sys, ftplib, yaml, cherrypy, re, urllib2 from src.post_classes import * from src import json from src.constants import * from src.support import * from src.net import * from src.server import * post_types = ['Regular', 'Photo', 'Quote', 'Link', 'Conversation', 'Video', 'Audio', 'Conversation'] args_dict = { 'autoreload': 0, # Whether to add the meta refresh tag 'publish': False, # Whether to push the new theme data to tumblr 'data_source': DATA_LOCAL, # Whether to use local data in the theme } ######################################## # take the arguments and place them in a mutable list arguments = sys.argv # if the script has been run with the interpreter prefix, get rid of it if arguments[0] == 'python' or arguments[0] == 'ipython' \ or arguments[0] == 'python2.5': arguments.pop(0) # pop off the script name arguments.pop(0) # load the configuration file config_path = 'data/config.yml' if contains(arguments, '--config'): if os.path.exists(next_arg(arguments, '--config')): config_path = next_arg(arguments, '--config') config = get_config(config_path) # now we check if there are any data processing flags if contains(arguments, '--pull-data'): # call pull_data with the argument after the flag pull_data( next_arg(arguments, '--pull-data') ) if contains(arguments, '--theme'): if not os.path.exists("themes/" + next_arg(arguments, '--theme') + '.thtml'): err_exit("The theme file %s.thtml does not exist in the themes\ directory." % next_arg(arguments, '--theme')) config['defaults']['theme_name'] = next_arg(arguments, '--theme') if contains(arguments, '--publish'): if not has_keys(config['publishing_info'], \ ( 'url', 'username', 'password' )): err_exit('The configuration file is missing some critical publishing\ information. Please make sure you have specified your url, username and\ password.') publish_theme(config['publishing_info']['url'],\ config['publishing_info']['username'],\ config['publishing_info']['password'],\ get_markup('themes/%s.thtml' % config['defaults']['theme_name'])) if contains(arguments, '--do-nothing'): config['optimisations']['do_nothing'] = True # start the server up cherrypy.config.update('data/cherrypy.conf') cherrypy.quickstart(TumblrServ(config), '/')
jeremyherbert/TumblrServ
tumblrserv.py
Python
gpl-2.0
3,373
field_dict={'ROME-FIELD-01':[ 267.835895375 , -30.0608178195 , '17:51:20.6149','-30:03:38.9442' ], 'ROME-FIELD-02':[ 269.636745458 , -27.9782661111 , '17:58:32.8189','-27:58:41.758' ], 'ROME-FIELD-03':[ 268.000049542 , -28.8195573333 , '17:52:00.0119','-28:49:10.4064' ], 'ROME-FIELD-04':[ 268.180171708 , -29.27851275 , '17:52:43.2412','-29:16:42.6459' ], 'ROME-FIELD-05':[ 268.35435 , -30.2578356389 , '17:53:25.044','-30:15:28.2083' ], 'ROME-FIELD-06':[ 268.356124833 , -29.7729819283 , '17:53:25.47','-29:46:22.7349' ], 'ROME-FIELD-07':[ 268.529571333 , -28.6937071111 , '17:54:07.0971','-28:41:37.3456' ], 'ROME-FIELD-08':[ 268.709737083 , -29.1867251944 , '17:54:50.3369','-29:11:12.2107' ], 'ROME-FIELD-09':[ 268.881108542 , -29.7704673333 , '17:55:31.4661','-29:46:13.6824' ], 'ROME-FIELD-10':[ 269.048498333 , -28.6440675 , '17:56:11.6396','-28:38:38.643' ], 'ROME-FIELD-11':[ 269.23883225 , -29.2716684211 , '17:56:57.3197','-29:16:18.0063' ], 'ROME-FIELD-12':[ 269.39478875 , -30.0992361667 , '17:57:34.7493','-30:05:57.2502' ], 'ROME-FIELD-13':[ 269.563719375 , -28.4422328996 , '17:58:15.2927','-28:26:32.0384' ], 'ROME-FIELD-14':[ 269.758843 , -29.1796030365 , '17:59:02.1223','-29:10:46.5709' ], 'ROME-FIELD-15':[ 269.78359875 , -29.63940425 , '17:59:08.0637','-29:38:21.8553' ], 'ROME-FIELD-16':[ 270.074981708 , -28.5375585833 , '18:00:17.9956','-28:32:15.2109' ], 'ROME-FIELD-17':[ 270.81 , -28.0978333333 , '18:03:14.4','-28:05:52.2' ], 'ROME-FIELD-18':[ 270.290886667 , -27.9986032778 , '18:01:09.8128','-27:59:54.9718' ], 'ROME-FIELD-19':[ 270.312763708 , -29.0084241944 , '18:01:15.0633','-29:00:30.3271' ], 'ROME-FIELD-20':[ 270.83674125 , -28.8431573889 , '18:03:20.8179','-28:50:35.3666' ]}
ytsapras/robonet_site
scripts/rome_fields_dict.py
Python
gpl-2.0
1,964
# -*- coding: utf-8 -*- from scrapy.spider import Spider from scrapy.selector import Selector from kgrants.items import KgrantsItem from scrapy.http import Request import time class GrantsSpider(Spider): name = "grants" allowed_domains = ["www.knightfoundation.org"] pages = 1 base_url = 'http://www.knightfoundation.org' start_url_str = 'http://www.knightfoundation.org/grants/?sort=title&page=%s' def __init__(self, pages=None, *args, **kwargs): super(GrantsSpider, self).__init__(*args, **kwargs) if pages is not None: self.pages = pages self.start_urls = [ self.start_url_str % str(page) for page in xrange(1,int(self.pages)+1)] def parse(self, response): hxs = Selector(response) projects = hxs.xpath('//article') for project in projects: time.sleep(2) project_url = self.base_url + ''.join(project.xpath('a/@href').extract()) grants = KgrantsItem() grants['page'] = project_url grants['project'] = ''.join(project.xpath('a/div/header/h1/text()').extract()).strip() grants['description'] = ''.join(project.xpath('p/text()').extract()).strip() yield Request(grants['page'], callback = self.parse_project, meta={'grants':grants}) def parse_project(self,response): hxs = Selector(response) grants = response.meta['grants'] details = hxs.xpath('//section[@id="grant_info"]') fields = hxs.xpath('//dt') values = hxs.xpath('//dd') self.log('field: <%s>' % fields.extract()) for item in details: grants['fiscal_agent'] = ''.join(item.xpath('header/h2/text()').extract()).strip() count = 0 for field in fields: normalized_field = ''.join(field.xpath('text()').extract()).strip().lower().replace(' ','_') self.log('field: <%s>' % normalized_field) try: grants[normalized_field] = values.xpath('text()').extract()[count] except: if normalized_field == 'community': grants[normalized_field] = values.xpath('a/text()').extract()[1] elif normalized_field == 'focus_area': grants[normalized_field] = values.xpath('a/text()').extract()[0] count += 1 grants['grantee_contact_email'] = ''.join( item.xpath('section[@id="grant_contact"]/ul/li[@class="email"]/a/@href').extract()).replace('mailto:','').strip() grants['grantee_contact_name'] = ''.join( item.xpath('section[@id="grant_contact"]/ul/li[@class="email"]/a/text()').extract()).strip() grants['grantee_contact_location'] = ''.join( item.xpath('section[@id="grant_contact"]/ul/li[@class="location"]/text()').extract()).strip() grants['grantee_contact_facebook'] = ''.join( item.xpath('section[@id="grant_contact"]/ul/li[@class="facebook"]/a/@href').extract()).strip() grants['grantee_contact_twitter'] = item.xpath('section[@id="grant_contact"]/ul/li[@class="twitter"]/a/@href').extract() grants['grantee_contact_website'] = item.xpath('section[@id="grant_contact"]/ul/li[@class="website"]/a/@href').extract() if 'grant_period' in grants: grant_period = grants['grant_period'].split(' to ') grants['grant_period_start'] = grant_period[0] grants['grant_period_end'] = grant_period[1] yield grants
poderomedia/kfdata
kgrants/spiders/grants.py
Python
gpl-2.0
3,682
from sys import argv script, input_file = argv def print_all(f): print f.read() def rewind(f): f.seek(0) def print_a_line(line_count, f): print line_count, f.readline() current_file = open(input_file) print "First let's print the whole file:\n" print_all(current_file) print "Now let's rewind, kind of like a tape." rewind(current_file) print "Let's print three lines:" current_line = 1 print_a_line(current_line, current_file) current_line = current_line + 1 print_a_line(current_line, current_file) current_line = current_line + 1 print_a_line(current_line, current_file)
maxiee/LearnPythonTheHardWayExercises
ex20.py
Python
gpl-2.0
601
# -*- coding: UTF-8 -*- #/* # * Copyright (C) 2011 Ivo Brhel # * # * # * This Program is free software; you can redistribute it and/or modify # * it under the terms of the GNU General Public License as published by # * the Free Software Foundation; either version 2, or (at your option) # * any later version. # * # * This Program is distributed in the hope that it will be useful, # * but WITHOUT ANY WARRANTY; without even the implied warranty of # * MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # * GNU General Public License for more details. # * # * You should have received a copy of the GNU General Public License # * along with this program; see the file COPYING. If not, write to # * the Free Software Foundation, 675 Mass Ave, Cambridge, MA 02139, USA. # * http://www.gnu.org/copyleft/gpl.html # * # */ import re,os,urllib,urllib2,cookielib import util,resolver from provider import ContentProvider class HejbejseContentProvider(ContentProvider): def __init__(self,username=None,password=None,filter=None): ContentProvider.__init__(self,'hejbejse.tv','http://www.kynychova-tv.cz/',username,password,filter) opener = urllib2.build_opener(urllib2.HTTPCookieProcessor(cookielib.LWPCookieJar())) urllib2.install_opener(opener) def capabilities(self): return ['resolve','categories','list'] def categories(self): page = util.parse_html('http://www.kynychova-tv.cz/index.php?id=5') result = [] for title,uri in [(x.h3.text,x.h3.a['href']) for x in page.select('div.entry5') if x.h3]: item = self.dir_item() item['title'] = title item['url'] = uri result.append(item) return result def list(self, url): url = self._url(url) page = util.parse_html(url) result = [] for title,uri in [(x.img['title'],x['href']) for x in page.select('div.entry3')[0].findAll('a')]: item = self.video_item() item['title'] = title item['url'] = uri result.append(item) return result def resolve(self,item,captcha_cb=None,select_cb=None): item = item.copy() url = self._url(item['url']) page = util.parse_html(url) result = [] data=str(page.select('div.entry3 > center')[0]) resolved = resolver.findstreams(data,['<iframe(.+?)src=[\"\'](?P<url>.+?)[\'\"]']) try: for i in resolved: item = self.video_item() item['title'] = i['name'] item['url'] = i['url'] item['quality'] = i['quality'] item['surl'] = i['surl'] result.append(item) except: print '===Unknown resolver===' if len(result)==1: return result[0] elif len(result) > 1 and select_cb: return select_cb(result)
kodi-czsk/plugin.video.hejbejse.tv
resources/lib/hejbejse.py
Python
gpl-2.0
2,611
import socket import threading import time def tcplink(sock, addr): print 'Accept new connection from %s:%s...' % addr sock.send('Welcome!') while True: data = sock.recv(1024) time.sleep(1) if data == 'exit' or not data: break sock.send('Hello, %s!' % data) sock.close() print 'Connection from %s:%s closed.' % addr s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) s.bind(('127.0.0.1', 8888)) s.listen(5) print 'Waiting for connection...' while True: sock, addr = s.accept() t = threading.Thread(target=tcplink, args=(sock, addr)) t.start()
lovekun/Notebook
python/chatroomServer.py
Python
gpl-2.0
654
import os import sys import shutil import binascii import traceback import subprocess from win32com.client import Dispatch LAUNCHER_PATH = "C:\\Program Files\\Augur" DATA_PATH = os.path.join(os.path.expanduser('~'), 'AppData', 'Roaming', "Augur") PASSFILE = os.path.join(DATA_PATH, "password.txt") if getattr(sys, 'frozen', False): # we are running in a |PyInstaller| bundle BASEDIR = sys._MEIPASS else: # we are running in a normal Python environment BASEDIR = os.path.dirname(os.path.abspath(__file__)) GETH_EXE = os.path.join(BASEDIR, 'geth.exe') LAUNCHER_EXE = os.path.join(BASEDIR, 'augurlauncher.exe') def main(): # first make all the appropriate directories print("Making directories...") for d in LAUNCHER_PATH, DATA_PATH: print("Creating", d, end=" ", flush=True) os.mkdir(d) print("Success!") print("Generating random password file...", end=" ", flush=True) # then generate the password password = binascii.b2a_hex(os.urandom(32)) passfile = open(PASSFILE, "w") passfile.write(password.decode('ascii')) passfile.close() print("Success!") # Then copy ".exe"s to the launcher path exes = GETH_EXE, LAUNCHER_EXE results = [] for exe in exes: print("Copying", os.path.basename(exe), "to", LAUNCHER_PATH, "...", end=" ", flush=True) results.append(shutil.copy(exe, LAUNCHER_PATH)) print("Sucess!") print("Creating node account...", end=" ", flush=True) # create account on node p = subprocess.Popen([results[0], "--password", PASSFILE, "account", "new"]) p.wait() print("Success!") print("Creating shortcut...", end=" ", flush=True) desktop = os.path.join(os.path.expanduser('~'), 'Desktop') shortcut_path = os.path.join(desktop, "Augur Launcher.lnk") wDir = LAUNCHER_PATH shell = Dispatch('WScript.Shell') shortcut = shell.CreateShortCut(shortcut_path) shortcut.Targetpath = results[1] shortcut.WorkingDirectory = wDir shortcut.IconLocation = results[1] shortcut.save() print("Success!") def uninstall(): paths = LAUNCHER_PATH, DATA_PATH for p in paths: print("Deleting", p, "...", end=" ", flush=True) shutil.rmtree(p) print("Success!") print("Removing desktop shortcut...", end=" ", flush=True) desktop = os.path.join(os.path.expanduser('~'), 'Desktop') shortcut_path = os.path.join(desktop, "Augur Launcher.lnk") os.remove(shortcut_path) print("Success!") if __name__ == '__main__': try: if len(sys.argv) == 2 and sys.argv[1] == 'uninstall': uninstall() elif len(sys.argv) == 1: main() else: assert len(sys.argv) <= 2, "wrong number of arguements!" except Exception as exc: traceback.print_exc() finally: os.system("pause") sys.exit(0)
AugurProject/augur-launcher
Augur Installer.py
Python
gpl-2.0
2,932
import unittest from libs.funcs import * class TestFuncs(unittest.TestCase): def test_buildPaths(self): recPaths, repPaths, rouPaths, corePaths = buildPaths() findTxt = lambda x, y: x.find(y) > -1 assert findTxt(recPaths["Task"][0], "base") assert findTxt(recPaths["Department"][0], "StdPy") assert findTxt(recPaths["Department"][1], "standard") assert findTxt(repPaths["ListWindowReport"][0], "base") assert findTxt(repPaths["ExpensesList"][0], "StdPy") assert findTxt(repPaths["ExpensesList"][1], "standard") assert findTxt(rouPaths["GenNLT"][0], "StdPy") assert findTxt(rouPaths["GenNLT"][1], "standard") assert findTxt(corePaths["Field"][0], "embedded") self.assertFalse([k for (k, v) in rouPaths.iteritems() if findTxt(v[0], "base")]) #no routines in base def test_recordInheritance(self): recf, recd = getRecordInheritance("Invoice") assert all([f1 in recf for f1 in ("SalesMan", "InvoiceDate", "CustCode", "Currency", "ShiftDate", "OriginNr", "SerNr", "attachFlag")]) assert all([d in recd for d in ("CompoundItemCosts", "Payments", "Items", "Taxes", "Installs")]) recf, recd = getRecordInheritance("AccessGroup") assert all([f2 in recf for f2 in ("PurchaseItemsAccessType", "InitialModule", "Closed", "internalId")]) assert all([d in recd for d in ("PurchaseItems", "Customs", "Modules")]) def test_recordsInfo(self): recf, recd = getRecordsInfo("Department", RECORD) assert recf["Department"]["AutoCashCancel"] == "integer" #From StdPy assert recf["Department"]["DeptName"] == "string" #From standard assert recf["Department"]["Closed"] == "Boolean" #From Master assert recf["Department"]["internalId"] == "internalid" #From Record assert recd["Department"]["OfficePayModes"] == "DepartmentOfficePayModeRow" #Recordname from detail repf, repd = getRecordsInfo("Balance", REPORT) assert repf["Balance"]["LabelType"] == "string" #StdPy assert repf["Balance"]["ExplodeByLabel"] == "boolean" #Standard assert repf["Balance"]["internalId"] == "internalid" #Record assert not repd["Balance"] #Empty dict, no detail rouf, roud = getRecordsInfo("GenNLT", ROUTINE) assert rouf["GenNLT"]["ExcludeInvalid"] == "boolean" assert rouf["GenNLT"]["Table"] == "string" assert not roud["GenNLT"] rouf, roud = getRecordsInfo("LoginDialog", RECORD) assert rouf["LoginDialog"]["Password"] == "string" #embedded assert not roud["LoginDialog"] def test_classInfo(self): attr, meth = getClassInfo("Invoice") assert attr["DEBITNOTE"] == 2 assert attr["ATTACH_NOTE"] == 3 assert attr["rowNr"] == 0 assert attr["ParentInvoice"] == "SuperClass" assert isinstance(attr["DocTypes"], list) assert isinstance(attr["Origin"], dict) assert all([m in meth for m in ("getCardReader", "logTransactionAction", "updateCredLimit", "generateTaxes", "roundValue", "getOriginType", "bring", "getXML", "createField")]) assert meth["fieldIsEditable"][0] == "self" assert meth["fieldIsEditable"][1] == "fieldname" assert meth["fieldIsEditable"][2] == {"rowfieldname":'None'} assert meth["fieldIsEditable"][3] == {"rownr":'None'} attr, meth = getClassInfo("User") assert attr["buffer"] == "RecordBuffer" assert all([m in meth for m in ("store", "save", "load", "hasField")]) def test_suite(): suite = unittest.TestSuite() suite.addTest(unittest.makeSuite(TestFuncs)) return suite if __name__ == '__main__': unittest.main(defaultTest='test_suite')
ancho85/pylint-playero-plugin
tests/test_funcs.py
Python
gpl-2.0
3,850
# -*- coding: utf-8 -*- def outfit(): collection = [] for _ in range(0, 5): collection.append("Item{}".format(_)) return { "data": collection, } api = [ ('/outfit', 'outfit', outfit), ]
Drachenfels/Game-yolo-archer
server/api/outfits.py
Python
gpl-2.0
228
import os import unittest import tempfile from git import Repo from oeqa.utils.commands import get_bb_var from oe.buildhistory_analysis import blob_to_dict, compare_dict_blobs class TestBlobParsing(unittest.TestCase): def setUp(self): import time self.repo_path = tempfile.mkdtemp(prefix='selftest-buildhistory', dir=get_bb_var('TOPDIR')) self.repo = Repo.init(self.repo_path) self.test_file = "test" self.var_map = {} def tearDown(self): import shutil shutil.rmtree(self.repo_path) def commit_vars(self, to_add={}, to_remove = [], msg="A commit message"): if len(to_add) == 0 and len(to_remove) == 0: return for k in to_remove: self.var_map.pop(x,None) for k in to_add: self.var_map[k] = to_add[k] with open(os.path.join(self.repo_path, self.test_file), 'w') as repo_file: for k in self.var_map: repo_file.write("%s = %s\n" % (k, self.var_map[k])) self.repo.git.add("--all") self.repo.git.commit(message=msg) def test_blob_to_dict(self): """ Test convertion of git blobs to dictionary """ valuesmap = { "foo" : "1", "bar" : "2" } self.commit_vars(to_add = valuesmap) blob = self.repo.head.commit.tree.blobs[0] self.assertEqual(valuesmap, blob_to_dict(blob), "commit was not translated correctly to dictionary") def test_compare_dict_blobs(self): """ Test comparisson of dictionaries extracted from git blobs """ changesmap = { "foo-2" : ("2", "8"), "bar" : ("","4"), "bar-2" : ("","5")} self.commit_vars(to_add = { "foo" : "1", "foo-2" : "2", "foo-3" : "3" }) blob1 = self.repo.heads.master.commit.tree.blobs[0] self.commit_vars(to_add = { "foo-2" : "8", "bar" : "4", "bar-2" : "5" }) blob2 = self.repo.heads.master.commit.tree.blobs[0] change_records = compare_dict_blobs(os.path.join(self.repo_path, self.test_file), blob1, blob2, False, False) var_changes = { x.fieldname : (x.oldvalue, x.newvalue) for x in change_records} self.assertEqual(changesmap, var_changes, "Changes not reported correctly") def test_compare_dict_blobs_default(self): """ Test default values for comparisson of git blob dictionaries """ defaultmap = { x : ("default", "1") for x in ["PKG", "PKGE", "PKGV", "PKGR"]} self.commit_vars(to_add = { "foo" : "1" }) blob1 = self.repo.heads.master.commit.tree.blobs[0] self.commit_vars(to_add = { "PKG" : "1", "PKGE" : "1", "PKGV" : "1", "PKGR" : "1" }) blob2 = self.repo.heads.master.commit.tree.blobs[0] change_records = compare_dict_blobs(os.path.join(self.repo_path, self.test_file), blob1, blob2, False, False) var_changes = {} for x in change_records: oldvalue = "default" if ("default" in x.oldvalue) else x.oldvalue var_changes[x.fieldname] = (oldvalue, x.newvalue) self.assertEqual(defaultmap, var_changes, "Defaults not set properly")
schleichdi2/OPENNFR-6.1-CORE
opennfr-openembedded-core/meta/lib/oeqa/selftest/oelib/buildhistory.py
Python
gpl-2.0
3,191
# -*- coding: utf-8 -*- # # Picard, the next-generation MusicBrainz tagger # Copyright (C) 2006 Lukáš Lalinský # # This program is free software; you can redistribute it and/or # modify it under the terms of the GNU General Public License # as published by the Free Software Foundation; either version 2 # of the License, or (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301, USA. import re from PyQt5 import QtWidgets from picard import config from picard.plugin import ExtensionPoint class OptionsCheckError(Exception): def __init__(self, title, info): self.title = title self.info = info class OptionsPage(QtWidgets.QWidget): PARENT = None SORT_ORDER = 1000 ACTIVE = True STYLESHEET_ERROR = "QWidget { background-color: #f55; color: white; font-weight:bold }" STYLESHEET = "QLabel { qproperty-wordWrap: true; }" def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) self.setStyleSheet(self.STYLESHEET) def info(self): raise NotImplementedError def check(self): pass def load(self): pass def save(self): pass def restore_defaults(self): try: options = self.options except AttributeError: return old_options = {} for option in options: if option.section == 'setting': old_options[option.name] = config.setting[option.name] config.setting[option.name] = option.default self.load() # Restore the config values incase the user doesn't save after restoring defaults for key in old_options: config.setting[key] = old_options[key] def display_error(self, error): dialog = QtWidgets.QMessageBox(QtWidgets.QMessageBox.Warning, error.title, error.info, QtWidgets.QMessageBox.Ok, self) dialog.exec_() def init_regex_checker(self, regex_edit, regex_error): """ regex_edit : a widget supporting text() and textChanged() methods, ie QLineEdit regex_error : a widget supporting setStyleSheet() and setText() methods, ie. QLabel """ def check(): try: re.compile(regex_edit.text()) except re.error as e: raise OptionsCheckError(_("Regex Error"), string_(e)) def live_checker(text): regex_error.setStyleSheet("") regex_error.setText("") try: check() except OptionsCheckError as e: regex_error.setStyleSheet(self.STYLESHEET_ERROR) regex_error.setText(e.info) regex_edit.textChanged.connect(live_checker) _pages = ExtensionPoint() def register_options_page(page_class): _pages.register(page_class.__module__, page_class)
samj1912/picard
picard/ui/options/__init__.py
Python
gpl-2.0
3,282
#!/usr/bin/python # -*- encoding: utf-8; py-indent-offset: 4 -*- # +------------------------------------------------------------------+ # | ____ _ _ __ __ _ __ | # | / ___| |__ ___ ___| | __ | \/ | |/ / | # | | | | '_ \ / _ \/ __| |/ / | |\/| | ' / | # | | |___| | | | __/ (__| < | | | | . \ | # | \____|_| |_|\___|\___|_|\_\___|_| |_|_|\_\ | # | | # | Copyright Mathias Kettner 2014 mk@mathias-kettner.de | # +------------------------------------------------------------------+ # # This file is part of Check_MK. # The official homepage is at http://mathias-kettner.de/check_mk. # # check_mk is free software; you can redistribute it and/or modify it # under the terms of the GNU General Public License as published by # the Free Software Foundation in version 2. check_mk is distributed # in the hope that it will be useful, but WITHOUT ANY WARRANTY; with- # out even the implied warranty of MERCHANTABILITY or FITNESS FOR A # PARTICULAR PURPOSE. See the GNU General Public License for more de- # ails. You should have received a copy of the GNU General Public # License along with GNU Make; see the file COPYING. If not, write # to the Free Software Foundation, Inc., 51 Franklin St, Fifth Floor, # Boston, MA 02110-1301 USA. import config loaded_with_language = False # .----------------------------------------------------------------------. # | ____ _ _ | # | | _ \ ___ _ __ _ __ ___ (_)___ ___(_) ___ _ __ ___ | # | | |_) / _ \ '__| '_ ` _ \| / __/ __| |/ _ \| '_ \/ __| | # | | __/ __/ | | | | | | | \__ \__ \ | (_) | | | \__ \ | # | |_| \___|_| |_| |_| |_|_|___/___/_|\___/|_| |_|___/ | # | | # +----------------------------------------------------------------------+ # | Declare general permissions for Multisite | # '----------------------------------------------------------------------' def load(): global loaded_with_language if loaded_with_language == current_language: return config.declare_permission_section("general", _('General Permissions'), 10) config.declare_permission("general.use", _("Use Multisite at all"), _("Users without this permission are not let in at all"), [ "admin", "user", "guest" ]) config.declare_permission("general.see_all", _("See all Nagios objects"), _("See all objects regardless of contacts and contact groups. " "If combined with 'perform commands' then commands may be done on all objects."), [ "admin", "guest" ]) declare_visual_permissions('views', _("views")) declare_visual_permissions('dashboards', _("dashboards")) config.declare_permission("general.view_option_columns", _("Change view display columns"), _("Interactively change the number of columns being displayed by a view (does not edit or customize the view)"), [ "admin", "user", "guest" ]) config.declare_permission("general.view_option_refresh", _("Change view display refresh"), _("Interactively change the automatic browser reload of a view being displayed (does not edit or customize the view)"), [ "admin", "user" ]) config.declare_permission("general.painter_options", _("Change column display options"), _("Some of the display columns offer options for customizing their output. " "For example time stamp columns can be displayed absolute, relative or " "in a mixed style. This permission allows the user to modify display options"), [ "admin", "user", "guest" ]) config.declare_permission("general.act", _("Perform commands"), _("Allows users to perform Nagios commands. If no further permissions " "are granted, actions can only be done on objects one is a contact for"), [ "admin", "user" ]) config.declare_permission("general.see_sidebar", _("Use Check_MK sidebar"), _("Without this permission the Check_MK sidebar will be invisible"), [ "admin", "user", "guest" ]) config.declare_permission("general.configure_sidebar", _("Configure sidebar"), _("This allows the user to add, move and remove sidebar snapins."), [ "admin", "user" ]) config.declare_permission('general.edit_profile', _('Edit the user profile'), _('Permits the user to change the user profile settings.'), [ 'admin', 'user' ] ) config.declare_permission('general.edit_notifications', _('Edit personal notification settings'), _('This allows a user to edit his personal notification settings. You also need the permission ' '<i>Edit the user profile</i> in order to do this.'), [ 'admin', 'user' ] ) config.declare_permission('general.disable_notifications', _('Disable all personal notifications'), _('This permissions provides a checkbox in the personal settings of the user that ' 'allows him to completely disable all of his notifications. Use with caution.'), [ 'admin', ] ) config.declare_permission('general.edit_user_attributes', _('Edit personal user attributes'), _('This allows a user to edit his personal user attributes. You also need the permission ' '<i>Edit the user profile</i> in order to do this.'), [ 'admin', 'user' ] ) config.declare_permission('general.change_password', _('Edit the user password'), _('Permits the user to change the password.'), [ 'admin', 'user' ] ) config.declare_permission('general.logout', _('Logout'), _('Permits the user to logout.'), [ 'admin', 'user', 'guest' ] ) config.declare_permission("general.ignore_soft_limit", _("Ignore soft query limit"), _("Allows to ignore the soft query limit imposed upon the number of datasets returned by a query"), [ "admin", "user" ]) config.declare_permission("general.ignore_hard_limit", _("Ignore hard query limit"), _("Allows to ignore the hard query limit imposed upon the number of datasets returned by a query"), [ "admin" ]) loaded_with_language = current_language # TODO: This has been obsoleted by pagetypes.py def declare_visual_permissions(what, what_plural): config.declare_permission("general.edit_" + what, _("Customize %s and use them") % what_plural, _("Allows to create own %s, customize builtin %s and use them.") % (what_plural, what_plural), [ "admin", "user" ]) config.declare_permission("general.publish_" + what, _("Publish %s") % what_plural, _("Make %s visible and usable for other users.") % what_plural, [ "admin", "user" ]) config.declare_permission("general.see_user_" + what, _("See user %s") % what_plural, _("Is needed for seeing %s that other users have created.") % what_plural, [ "admin", "user", "guest" ]) config.declare_permission("general.force_" + what, _("Modify builtin %s") % what_plural, _("Make own published %s override builtin %s for all users.") % (what_plural, what_plural), [ "admin" ]) config.declare_permission("general.delete_foreign_" + what, _("Delete foreign %s") % what_plural, _("Allows to delete %s created by other users.") % what_plural, [ "admin" ])
xorpaul/check_mk
web/htdocs/default_permissions.py
Python
gpl-2.0
7,863
import tkinter FRAME_BORDER = 5 class PageView(object): __root = None bd = None def __init__(self, root=None, main_frame=None): param = self.params() if root is None: # standalone self.__root = tkinter.Tk() self.__root.title(param['title']) self.__root.geometry('%sx%s+%s+%s' % (param['w'], param['h'], param['x'], param['y'] )) else: # inside self.__root = root self.bd = param['bd'] if main_frame is None: # standalone main_f = tkinter.Frame(master=self.__root, bg='black', bd=self.bd) main_f.pack(fill='both', expand=True) else: # inside main_f = main_frame self.make_widgets(main_f) @property def root(self): return self.__root def close(self): self.__root.destroy() self.__root.quit() # Override def make_widgets(self, main_frame): pass # Override def params(self): param = { 'x': 0, 'y': 0, 'w': 500, 'h': 500, 'title': '% Type Prog Title Here %', } return param def mk_scrollable_area(obj, obj_frame, sbars): obj.grid(row=0, column=0, sticky='NSWE') if 'y' in sbars: y_scrollbar = tkinter.ttk.Scrollbar(obj_frame) y_scrollbar.grid(row=0, column=1, sticky='NS') y_scrollbar['command'] = obj.yview obj['yscrollcommand'] = y_scrollbar.set if 'x' in sbars: x_scrollbar = tkinter.ttk.Scrollbar(obj_frame, orient='horizontal') x_scrollbar.grid(row=1, column=0, sticky='WE') x_scrollbar['command'] = obj.xview obj['xscrollcommand'] = x_scrollbar.set obj_frame.columnconfigure(1, 'minsize') obj_frame.columnconfigure(0, weight=1) obj_frame.rowconfigure(1, 'minsize') obj_frame.rowconfigure(0, weight=1) def mk_listbox(frame, side='top', sbars='y', sel_mode=tkinter.EXTENDED): BORDER = 0 COLOR = 'grey' listbox_frame = tkinter.Frame(frame, bg=COLOR, bd=BORDER) listbox_frame.pack(side=side, fill='both', expand=True) listbox = tkinter.Listbox(listbox_frame, selectmode=sel_mode) mk_scrollable_area(listbox, listbox_frame, sbars) return listbox def mk_treeview(frame, side='top', sbars='y'): BORDER = 0 COLOR = 'grey' treeview_frame = tkinter.Frame(frame, bg=COLOR, bd=BORDER) treeview_frame.pack(side=side, fill='both', expand=True) treeview = tkinter.ttk.Treeview(treeview_frame) mk_scrollable_area(treeview, treeview_frame, sbars) return treeview
sora7/listparse
src/listparse/ui/common.py
Python
gpl-2.0
2,865
import os, socket, sys, urllib from wx.lib.embeddedimage import PyEmbeddedImage ldc_name = "Live Debian Creator" ldc_cli_version = "1.4.0" ldc_gui_version = "1.11.0" if (sys.platform == "win32"): slash = "\\" if os.path.isfile(sys.path[0]): #fix for compiled binaries homepath = os.path.dirname(sys.path[0]) + slash else: homepath = sys.path[0] + slash else: slash = "/" #socket.setdefaulttimeout(10) def defineBrowserAgent(uiname, uiversion): class AppURLopener(urllib.FancyURLopener): version = "Mozilla/4.0 (compatible; MSIE 6.0; Windows NT 5.1)" #version = uiname + " " + uiversion + " / " + sys.platform urllib._urlopener = AppURLopener() bookico = PyEmbeddedImage( "iVBORw0KGgoAAAANSUhEUgAAACAAAAAgCAYAAABzenr0AAAABHNCSVQICAgIfAhkiAAABPZJ" "REFUWIWtl09sFFUcxz/iYN+YTZyNxewiTWiV6FZQtqhkN3pgGw6UW6unJVxEDtaThJMc9WLg" "oj1hwJhANURqQkw9NGwTla0c6JqArELSMVCzi63uKJX5UR7Bw8x0Z2d3yxJ5yctM3vu93/f7" "+ztv4CGPqamp9A/nL2Q6lTceBqht26pw7kL+7K+10S/tJ9OpBBPASCdnH/k/wFNTU+nzc/+M" "2v925a2N21Sq1yKJg/wxV7XWyIHBnYPjD53A9PS0mrv+e/6yw6gT60+72iK7AVJJSBoCBihD" "AVC6WK7O3bx3+thFyY30ycSH7+w5FNXXcQgymUzaei49+vHMX/kq/SqpYGiDRbYHlBFoigMu" "gklxHsZ1NlG4yygvKiruWauV3vsS2L59e+qZVwfHqsnB3G8LkI2ZHHzdImGBaZi+BgVaqIhi" "sqo4uQBlrQDPI2jx5gMQUFu39A3veW3ru9leMmO19aQ2JDm8C5SCuDJBgUJRM6DkKE5WFYUF" "cLSAxgOnNeiqBHZt6z2wO2UdSvXGrfimFNYrIzhHbca/LlOcTzL0coJsj8IRKC4pJhfAXvKB" "dKBFQu+AdjsnsG/AOpzc+RZWKkc8FgcFGDYApas1SgtAUjxXJOK+a1XUgRHrzc4JlMslqB5C" "ZYbg+Sws2rAYByPlSQcntNQtNSLaNGCoxv07HRJAQ63ioM6MI2fGPdt6DngKDbVK1kS9IKBV" "PQmN6P4qBNAgGlw/jqJp9vKKBtVILrA4nA+GegAPBCT8Z0P6RF0dvAfgwdRRIu2rYfU+sLKr" "mtcCq3UIPGyABmupzIBRoOIkuXzF7oyACq2KDne5FmQC2fC+UyWtZxmIlchtseg1sti2yzf2" "z8n8559kdmzbYW/evLnalgAGmLr+Lp00aw3WYomUUaDfKpNJphmIDWEZXvd1N9m80HNj+Fs5" "Pvx0TY0AE6sQUGB45SOA0m0kwyWnHfLdh8nGd5NJDGMqEwyXoi5QXJrAltmVsNxabq2mrWVi" "qHoitkpCBJwKp6uTVDbaVGKziK5wWWaQoAOGu2IbO5pGkLfuKocD5WrJwVRQXirjXC+DAdY6" "1ZSYCng8cnxNk8K1fukF/eA+FqAFpIaiMT0VXgIr5fcohUfosca23EzgTh3cDep5taFdcCN1" "bviAMTB98OZqakfAH65vx4rqKBlNm2+8grUeWGCrGW5S9yWwti7ofW5Ucx9rIBK6bIRB2lVN" "Y29tQcBonG4Ta6k/NSBeDkSH2Sp0GoiUYYsQ+AB+0rTt4hov/lpQ0lrKDT/F66y3IjLN9rmh" "VQVo1b4StHgkWhAIEjioKBFfx91GFzR5wJ5HRINpem3YQfzyklAihgCjxDT1SvLvLLLkR0rA" "jdzOmjxwotbVf656+/20YmS9wrIfvSdO8p53A0UAM0RihVqIjNSB/WXRIFpwXVhebgxCkwdu" "/33b/kXY94VD/KWPjvY9lduVvaWxCVzYYipxW1eKFhwRajcdat9RemP+vd2jbx6cCIt19Gf0" "6fETw28fKR6jf9Ci24LuuFeuMWC2IIlLXxVl70+5ZDckuxWuFuIxqIjgTDOjzvV9UC7OTbbS" "3fGvmW3bauyzE/nCFXe4dIMsy45tVX889oT+83RXV5d5bf21MXIyZD3re2WGgnyfOFK9VG0J" "/MAEOhmnTp1KXF28mlsXWzezf+/+1legyPgPTicVRBS2XfsAAAAASUVORK5CYII=") getbookicoIcon = bookico.GetIcon
godaigroup/livedebiancreator
prefs.py
Python
gpl-2.0
2,733
# encoding: utf-8 # module PyKDE4.kdeui # from /usr/lib/python3/dist-packages/PyKDE4/kdeui.cpython-34m-x86_64-linux-gnu.so # by generator 1.135 # no doc # imports import PyKDE4.kdecore as __PyKDE4_kdecore import PyQt4.QtCore as __PyQt4_QtCore import PyQt4.QtGui as __PyQt4_QtGui import PyQt4.QtSvg as __PyQt4_QtSvg class KPassivePopupMessageHandler(__PyQt4_QtCore.QObject, __PyKDE4_kdecore.KMessageHandler): # no doc def message(self, *args, **kwargs): # real signature unknown pass def __init__(self, *args, **kwargs): # real signature unknown pass
ProfessorX/Config
.PyCharm30/system/python_stubs/-1247971765/PyKDE4/kdeui/KPassivePopupMessageHandler.py
Python
gpl-2.0
584
#!/usr/bin/python #CHANGE ONLY, IF YOU KNOW, WHAT YOU DO! #OPKMANAGER WILL CRASH IF YOUR OUTPUT IS INVALID! import subprocess import argparse import time import calendar import string import sys class RegisterAction(argparse.Action): def __call__(self, parser, namespace, values, option_string=None): print "Official Repository" # Name print "web" # Type (maybe web for web, or anything else for usb) print "http://www.gcw-zero.com/files/upload/opk/" #URL print "official.py --update" #Call for updating the list print "O" #letter to show class UpdateAction(argparse.Action): def __call__(self, parser, namespace, values, option_string=None): process = subprocess.Popen('wget --timeout='+str(values[0])+' -qO- http://ziz.gp2x.de/gcw-repos/count.php',stdout=subprocess.PIPE,shell=True) process = subprocess.Popen('wget --timeout='+str(values[0])+' -qO- http://www.gcw-zero.com/downloads',stdout=subprocess.PIPE,shell=True) #process = subprocess.Popen('wget --timeout='+str(values[0])+' -qO- http://ziz.gp2x.de/temp/test.htm',stdout=subprocess.PIPE,shell=True) #process = subprocess.Popen('cat downloads',stdout=subprocess.PIPE,shell=True) output = process.stdout.read().split('<div class="downloads_overview">') for output_part in output: part = output_part.split('\n') line_number = 0; not_found = 1; while (line_number < len(part)): if (part[line_number].strip().startswith('<span class="downloads_title">')): not_found = 0; break; line_number += 1; if not_found: continue; program_name_description = part[line_number]; name = program_name_description.split('>')[1].split('<')[0]; if (name == ""): continue line_number = 0; not_found = 1; while (line_number < len(part)): if (part[line_number].strip().startswith('<a class="downloads_link"')): not_found = 0; break; line_number += 1; if not_found: continue; filename = part[line_number].split('href="file.php?file=')[1].split('">')[0]; print "["+name+"]" description = program_name_description.split('>')[3]; print "description: "+description print "filename: " + filename l = len(part) found_version = 0 found_image = 0 found_long = 0; for i in range(0,l-1): if string.find(part[i],'Publication Date') != -1: version = part[i+1] version = version.split('>')[1] version = version.split('<')[0] t = time.strptime(version,"%A, %d %b %Y") print "version: " + str(calendar.timegm(t)) #NEEDED! found_version = 1 if string.find(part[i],'<div class="downloads_preview"') != -1: image = part[i]; image = image.split("background-image: url('")[1].split("');")[0]; print "image_url: http://www.gcw-zero.com/" + image if string.find(part[i],'<p class="more fade">') != -1: long_description = part[i]; long_description = long_description.split('<p class="more fade">')[1].split("</p>")[0]; long_description = long_description.replace('<br /> ','\\n') long_description = long_description.split('>') sys.stdout.write("long_description: ") for long_description_part in long_description: sys.stdout.write(long_description_part.split('<')[0]) sys.stdout.write('\n') found_long = 1 if (found_version and found_image and found_long): break print "" def main(): parser = argparse.ArgumentParser(description="Ziz's Repository script") parser.add_argument('--register', nargs=0, action=RegisterAction) parser.add_argument('--update', nargs=1, action=UpdateAction) args = parser.parse_args() if __name__ == "__main__": main()
theZiz/OPKManager
repositories/official.py
Python
gpl-2.0
3,617
#!/usr/bin/env python #################################### # # --- TEXTPATGEN TEMPLATE --- # # Users can change the output by editing # this file directly. # #################################### import sys sys.stdout.write('####################################\n') sys.stdout.write('#\n') sys.stdout.write('# -- TEXTPATGEN GENERATED FILE --\n') sys.stdout.write('#\n') sys.stdout.write('# -- Created from a Python script.\n') sys.stdout.write('#\n') sys.stdout.write("####################################\n") num=0 for length in range(0, 16): for width in range(0, 15): sys.stdout.write('X-%04X ' % num) num=num+1 width=width+1 length=length+1 sys.stdout.write('X-%04X\n' % num) num=num+1 sys.stdout.write('# -- End of file.\n'); sys.stdout.flush()
kevinleake01/textpatgen
12-workspace-py/tpl-py-0001.py
Python
gpl-2.0
774
from .. import config from .. import fixtures from ..assertions import eq_ from ..assertions import in_ from ..schema import Column from ..schema import Table from ... import bindparam from ... import case from ... import Computed from ... import exists from ... import false from ... import func from ... import Integer from ... import literal from ... import literal_column from ... import null from ... import select from ... import String from ... import testing from ... import text from ... import true from ... import tuple_ from ... import union from ... import util class CollateTest(fixtures.TablesTest): __backend__ = True @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("data", String(100)), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "data": "collate data1"}, {"id": 2, "data": "collate data2"}, ], ) def _assert_result(self, select, result): eq_(config.db.execute(select).fetchall(), result) @testing.requires.order_by_collation def test_collate_order_by(self): collation = testing.requires.get_order_by_collation(testing.config) self._assert_result( select([self.tables.some_table]).order_by( self.tables.some_table.c.data.collate(collation).asc() ), [(1, "collate data1"), (2, "collate data2")], ) class OrderByLabelTest(fixtures.TablesTest): """Test the dialect sends appropriate ORDER BY expressions when labels are used. This essentially exercises the "supports_simple_order_by_label" setting. """ __backend__ = True @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("x", Integer), Column("y", Integer), Column("q", String(50)), Column("p", String(50)), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "x": 1, "y": 2, "q": "q1", "p": "p3"}, {"id": 2, "x": 2, "y": 3, "q": "q2", "p": "p2"}, {"id": 3, "x": 3, "y": 4, "q": "q3", "p": "p1"}, ], ) def _assert_result(self, select, result): eq_(config.db.execute(select).fetchall(), result) def test_plain(self): table = self.tables.some_table lx = table.c.x.label("lx") self._assert_result(select([lx]).order_by(lx), [(1,), (2,), (3,)]) def test_composed_int(self): table = self.tables.some_table lx = (table.c.x + table.c.y).label("lx") self._assert_result(select([lx]).order_by(lx), [(3,), (5,), (7,)]) def test_composed_multiple(self): table = self.tables.some_table lx = (table.c.x + table.c.y).label("lx") ly = (func.lower(table.c.q) + table.c.p).label("ly") self._assert_result( select([lx, ly]).order_by(lx, ly.desc()), [(3, util.u("q1p3")), (5, util.u("q2p2")), (7, util.u("q3p1"))], ) def test_plain_desc(self): table = self.tables.some_table lx = table.c.x.label("lx") self._assert_result( select([lx]).order_by(lx.desc()), [(3,), (2,), (1,)] ) def test_composed_int_desc(self): table = self.tables.some_table lx = (table.c.x + table.c.y).label("lx") self._assert_result( select([lx]).order_by(lx.desc()), [(7,), (5,), (3,)] ) @testing.requires.group_by_complex_expression def test_group_by_composed(self): table = self.tables.some_table expr = (table.c.x + table.c.y).label("lx") stmt = ( select([func.count(table.c.id), expr]) .group_by(expr) .order_by(expr) ) self._assert_result(stmt, [(1, 3), (1, 5), (1, 7)]) class LimitOffsetTest(fixtures.TablesTest): __backend__ = True @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("x", Integer), Column("y", Integer), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "x": 1, "y": 2}, {"id": 2, "x": 2, "y": 3}, {"id": 3, "x": 3, "y": 4}, {"id": 4, "x": 4, "y": 5}, ], ) def _assert_result(self, select, result, params=()): eq_(config.db.execute(select, params).fetchall(), result) def test_simple_limit(self): table = self.tables.some_table self._assert_result( select([table]).order_by(table.c.id).limit(2), [(1, 1, 2), (2, 2, 3)], ) @testing.requires.offset def test_simple_offset(self): table = self.tables.some_table self._assert_result( select([table]).order_by(table.c.id).offset(2), [(3, 3, 4), (4, 4, 5)], ) @testing.requires.offset def test_simple_limit_offset(self): table = self.tables.some_table self._assert_result( select([table]).order_by(table.c.id).limit(2).offset(1), [(2, 2, 3), (3, 3, 4)], ) @testing.requires.offset def test_limit_offset_nobinds(self): """test that 'literal binds' mode works - no bound params.""" table = self.tables.some_table stmt = select([table]).order_by(table.c.id).limit(2).offset(1) sql = stmt.compile( dialect=config.db.dialect, compile_kwargs={"literal_binds": True} ) sql = str(sql) self._assert_result(sql, [(2, 2, 3), (3, 3, 4)]) @testing.requires.bound_limit_offset def test_bound_limit(self): table = self.tables.some_table self._assert_result( select([table]).order_by(table.c.id).limit(bindparam("l")), [(1, 1, 2), (2, 2, 3)], params={"l": 2}, ) @testing.requires.bound_limit_offset def test_bound_offset(self): table = self.tables.some_table self._assert_result( select([table]).order_by(table.c.id).offset(bindparam("o")), [(3, 3, 4), (4, 4, 5)], params={"o": 2}, ) @testing.requires.bound_limit_offset def test_bound_limit_offset(self): table = self.tables.some_table self._assert_result( select([table]) .order_by(table.c.id) .limit(bindparam("l")) .offset(bindparam("o")), [(2, 2, 3), (3, 3, 4)], params={"l": 2, "o": 1}, ) class CompoundSelectTest(fixtures.TablesTest): __backend__ = True @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("x", Integer), Column("y", Integer), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "x": 1, "y": 2}, {"id": 2, "x": 2, "y": 3}, {"id": 3, "x": 3, "y": 4}, {"id": 4, "x": 4, "y": 5}, ], ) def _assert_result(self, select, result, params=()): eq_(config.db.execute(select, params).fetchall(), result) def test_plain_union(self): table = self.tables.some_table s1 = select([table]).where(table.c.id == 2) s2 = select([table]).where(table.c.id == 3) u1 = union(s1, s2) self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) def test_select_from_plain_union(self): table = self.tables.some_table s1 = select([table]).where(table.c.id == 2) s2 = select([table]).where(table.c.id == 3) u1 = union(s1, s2).alias().select() self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) @testing.requires.order_by_col_from_union @testing.requires.parens_in_union_contained_select_w_limit_offset def test_limit_offset_selectable_in_unions(self): table = self.tables.some_table s1 = ( select([table]) .where(table.c.id == 2) .limit(1) .order_by(table.c.id) ) s2 = ( select([table]) .where(table.c.id == 3) .limit(1) .order_by(table.c.id) ) u1 = union(s1, s2).limit(2) self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) @testing.requires.parens_in_union_contained_select_wo_limit_offset def test_order_by_selectable_in_unions(self): table = self.tables.some_table s1 = select([table]).where(table.c.id == 2).order_by(table.c.id) s2 = select([table]).where(table.c.id == 3).order_by(table.c.id) u1 = union(s1, s2).limit(2) self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) def test_distinct_selectable_in_unions(self): table = self.tables.some_table s1 = select([table]).where(table.c.id == 2).distinct() s2 = select([table]).where(table.c.id == 3).distinct() u1 = union(s1, s2).limit(2) self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) @testing.requires.parens_in_union_contained_select_w_limit_offset def test_limit_offset_in_unions_from_alias(self): table = self.tables.some_table s1 = ( select([table]) .where(table.c.id == 2) .limit(1) .order_by(table.c.id) ) s2 = ( select([table]) .where(table.c.id == 3) .limit(1) .order_by(table.c.id) ) # this necessarily has double parens u1 = union(s1, s2).alias() self._assert_result( u1.select().limit(2).order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)] ) def test_limit_offset_aliased_selectable_in_unions(self): table = self.tables.some_table s1 = ( select([table]) .where(table.c.id == 2) .limit(1) .order_by(table.c.id) .alias() .select() ) s2 = ( select([table]) .where(table.c.id == 3) .limit(1) .order_by(table.c.id) .alias() .select() ) u1 = union(s1, s2).limit(2) self._assert_result(u1.order_by(u1.c.id), [(2, 2, 3), (3, 3, 4)]) class ExpandingBoundInTest(fixtures.TablesTest): __backend__ = True @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("x", Integer), Column("y", Integer), Column("z", String(50)), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "x": 1, "y": 2, "z": "z1"}, {"id": 2, "x": 2, "y": 3, "z": "z2"}, {"id": 3, "x": 3, "y": 4, "z": "z3"}, {"id": 4, "x": 4, "y": 5, "z": "z4"}, ], ) def _assert_result(self, select, result, params=()): eq_(config.db.execute(select, params).fetchall(), result) def test_multiple_empty_sets(self): # test that any anonymous aliasing used by the dialect # is fine with duplicates table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.x.in_(bindparam("q", expanding=True))) .where(table.c.y.in_(bindparam("p", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [], params={"q": [], "p": []}) @testing.requires.tuple_in def test_empty_heterogeneous_tuples(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where( tuple_(table.c.x, table.c.z).in_( bindparam("q", expanding=True) ) ) .order_by(table.c.id) ) self._assert_result(stmt, [], params={"q": []}) @testing.requires.tuple_in def test_empty_homogeneous_tuples(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where( tuple_(table.c.x, table.c.y).in_( bindparam("q", expanding=True) ) ) .order_by(table.c.id) ) self._assert_result(stmt, [], params={"q": []}) def test_bound_in_scalar(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.x.in_(bindparam("q", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [(2,), (3,), (4,)], params={"q": [2, 3, 4]}) @testing.requires.tuple_in def test_bound_in_two_tuple(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where( tuple_(table.c.x, table.c.y).in_( bindparam("q", expanding=True) ) ) .order_by(table.c.id) ) self._assert_result( stmt, [(2,), (3,), (4,)], params={"q": [(2, 3), (3, 4), (4, 5)]} ) @testing.requires.tuple_in def test_bound_in_heterogeneous_two_tuple(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where( tuple_(table.c.x, table.c.z).in_( bindparam("q", expanding=True) ) ) .order_by(table.c.id) ) self._assert_result( stmt, [(2,), (3,), (4,)], params={"q": [(2, "z2"), (3, "z3"), (4, "z4")]}, ) def test_empty_set_against_integer(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.x.in_(bindparam("q", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [], params={"q": []}) def test_empty_set_against_integer_negation(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.x.notin_(bindparam("q", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [(1,), (2,), (3,), (4,)], params={"q": []}) def test_empty_set_against_string(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.z.in_(bindparam("q", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [], params={"q": []}) def test_empty_set_against_string_negation(self): table = self.tables.some_table stmt = ( select([table.c.id]) .where(table.c.z.notin_(bindparam("q", expanding=True))) .order_by(table.c.id) ) self._assert_result(stmt, [(1,), (2,), (3,), (4,)], params={"q": []}) def test_null_in_empty_set_is_false(self): stmt = select( [ case( [ ( null().in_( bindparam("foo", value=(), expanding=True) ), true(), ) ], else_=false(), ) ] ) in_(config.db.execute(stmt).fetchone()[0], (False, 0)) class LikeFunctionsTest(fixtures.TablesTest): __backend__ = True run_inserts = "once" run_deletes = None @classmethod def define_tables(cls, metadata): Table( "some_table", metadata, Column("id", Integer, primary_key=True), Column("data", String(50)), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.some_table.insert(), [ {"id": 1, "data": "abcdefg"}, {"id": 2, "data": "ab/cdefg"}, {"id": 3, "data": "ab%cdefg"}, {"id": 4, "data": "ab_cdefg"}, {"id": 5, "data": "abcde/fg"}, {"id": 6, "data": "abcde%fg"}, {"id": 7, "data": "ab#cdefg"}, {"id": 8, "data": "ab9cdefg"}, {"id": 9, "data": "abcde#fg"}, {"id": 10, "data": "abcd9fg"}, ], ) def _test(self, expr, expected): some_table = self.tables.some_table with config.db.connect() as conn: rows = { value for value, in conn.execute( select([some_table.c.id]).where(expr) ) } eq_(rows, expected) def test_startswith_unescaped(self): col = self.tables.some_table.c.data self._test(col.startswith("ab%c"), {1, 2, 3, 4, 5, 6, 7, 8, 9, 10}) def test_startswith_autoescape(self): col = self.tables.some_table.c.data self._test(col.startswith("ab%c", autoescape=True), {3}) def test_startswith_sqlexpr(self): col = self.tables.some_table.c.data self._test( col.startswith(literal_column("'ab%c'")), {1, 2, 3, 4, 5, 6, 7, 8, 9, 10}, ) def test_startswith_escape(self): col = self.tables.some_table.c.data self._test(col.startswith("ab##c", escape="#"), {7}) def test_startswith_autoescape_escape(self): col = self.tables.some_table.c.data self._test(col.startswith("ab%c", autoescape=True, escape="#"), {3}) self._test(col.startswith("ab#c", autoescape=True, escape="#"), {7}) def test_endswith_unescaped(self): col = self.tables.some_table.c.data self._test(col.endswith("e%fg"), {1, 2, 3, 4, 5, 6, 7, 8, 9}) def test_endswith_sqlexpr(self): col = self.tables.some_table.c.data self._test( col.endswith(literal_column("'e%fg'")), {1, 2, 3, 4, 5, 6, 7, 8, 9} ) def test_endswith_autoescape(self): col = self.tables.some_table.c.data self._test(col.endswith("e%fg", autoescape=True), {6}) def test_endswith_escape(self): col = self.tables.some_table.c.data self._test(col.endswith("e##fg", escape="#"), {9}) def test_endswith_autoescape_escape(self): col = self.tables.some_table.c.data self._test(col.endswith("e%fg", autoescape=True, escape="#"), {6}) self._test(col.endswith("e#fg", autoescape=True, escape="#"), {9}) def test_contains_unescaped(self): col = self.tables.some_table.c.data self._test(col.contains("b%cde"), {1, 2, 3, 4, 5, 6, 7, 8, 9}) def test_contains_autoescape(self): col = self.tables.some_table.c.data self._test(col.contains("b%cde", autoescape=True), {3}) def test_contains_escape(self): col = self.tables.some_table.c.data self._test(col.contains("b##cde", escape="#"), {7}) def test_contains_autoescape_escape(self): col = self.tables.some_table.c.data self._test(col.contains("b%cd", autoescape=True, escape="#"), {3}) self._test(col.contains("b#cd", autoescape=True, escape="#"), {7}) class ComputedColumnTest(fixtures.TablesTest): __backend__ = True __requires__ = ("computed_columns",) @classmethod def define_tables(cls, metadata): Table( "square", metadata, Column("id", Integer, primary_key=True), Column("side", Integer), Column("area", Integer, Computed("side * side")), Column("perimeter", Integer, Computed("4 * side")), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.square.insert(), [{"id": 1, "side": 10}, {"id": 10, "side": 42}], ) def test_select_all(self): with config.db.connect() as conn: res = conn.execute( select([text("*")]) .select_from(self.tables.square) .order_by(self.tables.square.c.id) ).fetchall() eq_(res, [(1, 10, 100, 40), (10, 42, 1764, 168)]) def test_select_columns(self): with config.db.connect() as conn: res = conn.execute( select( [self.tables.square.c.area, self.tables.square.c.perimeter] ) .select_from(self.tables.square) .order_by(self.tables.square.c.id) ).fetchall() eq_(res, [(100, 40), (1764, 168)]) class ExistsTest(fixtures.TablesTest): __backend__ = True @classmethod def define_tables(cls, metadata): Table( "stuff", metadata, Column("id", Integer, primary_key=True), Column("data", String(50)), ) @classmethod def insert_data(cls, connection): connection.execute( cls.tables.stuff.insert(), [ {"id": 1, "data": "some data"}, {"id": 2, "data": "some data"}, {"id": 3, "data": "some data"}, {"id": 4, "data": "some other data"}, ], ) def test_select_exists(self, connection): stuff = self.tables.stuff eq_( connection.execute( select([literal(1)]).where( exists().where(stuff.c.data == "some data") ) ).fetchall(), [(1,)], ) def test_select_exists_false(self, connection): stuff = self.tables.stuff eq_( connection.execute( select([literal(1)]).where( exists().where(stuff.c.data == "no data") ) ).fetchall(), [], ) class IsOrIsNotDistinctFromTest(fixtures.TablesTest): __backend__ = True __requires__ = ("supports_is_distinct_from",) @classmethod def define_tables(cls, metadata): Table( "is_distinct_test", metadata, Column("id", Integer, primary_key=True), Column("col_a", Integer, nullable=True), Column("col_b", Integer, nullable=True), ) @testing.combinations( ("both_int_different", 0, 1, 1), ("both_int_same", 1, 1, 0), ("one_null_first", None, 1, 1), ("one_null_second", 0, None, 1), ("both_null", None, None, 0), id_="iaaa", argnames="col_a_value, col_b_value, expected_row_count_for_is", ) def test_is_or_isnot_distinct_from( self, col_a_value, col_b_value, expected_row_count_for_is, connection ): tbl = self.tables.is_distinct_test connection.execute( tbl.insert(), [{"id": 1, "col_a": col_a_value, "col_b": col_b_value}], ) result = connection.execute( tbl.select(tbl.c.col_a.is_distinct_from(tbl.c.col_b)) ).fetchall() eq_( len(result), expected_row_count_for_is, ) expected_row_count_for_isnot = ( 1 if expected_row_count_for_is == 0 else 0 ) result = connection.execute( tbl.select(tbl.c.col_a.isnot_distinct_from(tbl.c.col_b)) ).fetchall() eq_( len(result), expected_row_count_for_isnot, )
gltn/stdm
stdm/third_party/sqlalchemy/testing/suite/test_select.py
Python
gpl-2.0
24,377
# encoding: utf-8 # # Copyright 2017 University of Oslo, Norway # # This file is part of Cerebrum. # # Cerebrum is free software; you can redistribute it and/or modify it # under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # Cerebrum is distributed in the hope that it will be useful, but # WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU # General Public License for more details. # # You should have received a copy of the GNU General Public License # along with Cerebrum; if not, write to the Free Software Foundation, # Inc., 59 Temple Place, Suite 330, Boston, MA 02111-1307, USA. """ An abstract event that can be stored in the database. """ from __future__ import absolute_import import datetime import itertools import mx.DateTime import pytz import cereconf class _VerbSingleton(type): """ A metaclass that makes each EventType verb a singleton. """ verbs = {} def __call__(cls, verb, *args): if verb not in cls.verbs: cls.verbs[verb] = super(_VerbSingleton, cls).__call__(verb, *args) return cls.verbs[verb] def get_verb(cls, verb): return cls.verbs.get(verb) class EventType(_VerbSingleton('EventTypeSingleton', (object,), {})): """Holds an event type.""" __slots__ = ['verb', 'description', ] def __init__(self, verb, description): """ Initialize EventType. :verb: Scim verb :description: HR description text """ self.verb = verb self.description = description def __repr__(self): return '<{0.__class__.__name__!s} {0.verb}>'.format(self) def __eq__(self, other): """Equality.""" return isinstance(other, EventType) and other.verb == self.verb def __hash__(self): """Hash.""" return hash(self.verb) # Define event types: ADD = EventType('add', 'Add an object to subject') CREATE = EventType('create', 'Create a new subject') ACTIVATE = EventType('activate', 'Subject has no longer quarantines in system') MODIFY = EventType('modify', 'Attributes has changed') DEACTIVATE = EventType('deactivate', 'Quarantine is activated') DELETE = EventType('delete', 'Subject is deleted') REMOVE = EventType('remove', 'Remove an object from subject') PASSWORD = EventType('password', 'Subject has changed password') JOIN = EventType('join', 'Join two objects') class EntityRef(object): """ Representation of a single entity. The entity_id can be used internally to identify which object we reference The entity_type and ident is used to generate a reference to the object that other systems can use. """ __slots__ = ['ident', 'entity_type', 'entity_id', ] def __init__(self, entity_id, entity_type, ident): self.entity_id = int(entity_id) self.entity_type = entity_type self.ident = ident def __repr__(self): return ("<{0.__class__.__name__}" " id={0.entity_id!r}" " type={0.entity_type!r}" " ident={0.ident!r}>").format(self) def __eq__(self, other): return (isinstance(other, EntityRef) and self.entity_id == other.entity_id) def to_dict(self): return { 'ident': self.ident, 'entity_id': self.entity_id, 'entity_type': self.entity_type, } class DateTimeDescriptor(object): """ Datetime descriptor that handles timezones. When setting the datetime, this method will try to localize it with the default_timezone in the following ways: - mx.DateTime.DateTimeType: Naive datetime, assume in default_timezone - datetime.datetime: Assume in default_timezone if naive - integer: Assume timestamp in UTC The returned object will always be a localized datetime.datetime """ default_timezone = pytz.timezone(cereconf.TIMEZONE) def __init__(self, slot): """ Creates a new datetime descriptor. :param str slot: The attribute name where the actual value is stored. """ self.slot = slot def __repr__(self): return '{0.__class__.__name__}({0.slot!r})'.format(self) def __get__(self, obj, cls=None): if not obj: return self return getattr(obj, self.slot, None) def __set__(self, obj, value): if value is None: self.__delete__(obj) return if isinstance(value, (int, long, )): # UTC timestamp value = pytz.utc.localize( datetime.datetime.fromtimestamp(value)) elif isinstance(value, mx.DateTime.DateTimeType): # Naive datetime in default_timezone value = self.default_timezone.localize(value.pydatetime()) elif isinstance(value, datetime.datetime): if value.tzinfo is None: value = self.default_timezone.localize(value) else: raise TypeError('Invalid datetime {0} ({1})'.format(type(value), repr(value))) setattr(obj, self.slot, value) def __delete__(self, obj): if hasattr(obj, self.slot): delattr(obj, self.slot) class Event(object): """ Event abstraction. Contains all the neccessary data to serialize an event. """ DEFAULT_TIMEZONE = 'Europe/Oslo' __slots__ = ['event_type', 'subject', 'objects', 'context', 'attributes', '_timestamp', '_scheduled', ] timestamp = DateTimeDescriptor('_timestamp') scheduled = DateTimeDescriptor('_scheduled') def __init__(self, event_type, subject=None, objects=None, context=None, attributes=None, timestamp=None, scheduled=None): """ :param EventType event: the type of event :param EntityRef subject: reference to the affected entity :param list objects: sequence of other affected objects (EntityRef) :param list context: sequence of affected systems (str) :param list attributes: sequence of affected attributes (str) :param datetime timestamp: when the event originated :param datetime schedule: when the event should be issued """ self.event_type = event_type self.subject = subject self.timestamp = timestamp self.scheduled = scheduled self.objects = set(objects or []) self.context = set(context or []) self.attributes = set(attributes or []) def __repr__(self): return ('<{0.__class__.__name__}' ' event={0.event_type!r}' ' subject={0.subject!r}>').format(self) def mergeable(self, other): """Can this event be merged with other.""" if self.scheduled is not None: return False if self.subject != other.subject: return False if self.event_type == CREATE: return other.event_type not in (DEACTIVATE, REMOVE) if self.event_type == DELETE: return other.event_type in (REMOVE, DEACTIVATE, ADD, ACTIVATE, MODIFY, PASSWORD) if (self.event_type == other.event_type and self.event_type in (ADD, REMOVE, ACTIVATE, DEACTIVATE)): return True if self.context != other.context: return False return True def merge(self, other): """Merge messages.""" def ret_self(): self.objects.update(other.objects) return [self] if not self.mergeable(other): return [self, other] if self.event_type == CREATE: if other.event_type == DELETE: return [] if other.event_type == ADD: self.context.update(other.context) return ret_self() if other.event_type == ACTIVATE: return ret_self() # TODO: if quarantine is an attr, delete it if other.event_type == MODIFY: self.attributes.update(other.attributes) return ret_self() if other.event_type == PASSWORD: self.attributes.add('password') return ret_self() elif self.event_type == DELETE: return ret_self() elif other.event_type == DELETE: return [other] elif (ACTIVATE == self.event_type and DEACTIVATE == other.event_type and self.context == other.context): return [] elif (ADD == self.event_type and REMOVE == other.event_type and self.context == other.context): return [] elif self.event_type == other.event_type: if self.event_type in (ADD, REMOVE, ACTIVATE, DEACTIVATE): self.context.update(other.context) return ret_self() if self.context != other.context: return [self, other] self.attributes.update(other.attributes) return ret_self() return [self, other] def merge_events(events): """Merge events with similarities. As long as subject is the same: * create + add/activate/modify/password = create with attributes merged * create + deactivate/remove is untouched * create + delete should be removed * delete + remove/deactivate/add/activate/modify/password = delete * x + x = x * activate + deactivate = noop (careful with aud) Sort into canonical order: #. create #. delete #. add #. activate #. modify #. password #. deactivate #. remove """ order = (CREATE, DELETE, ADD, ACTIVATE, MODIFY, PASSWORD, DEACTIVATE, REMOVE, JOIN) ps = [[] for x in order] for pl in events: pltype = pl.event_type idx = order.index(pltype) ps[idx].append(pl) result = {} for idx, tp, pl in zip(range(len(order)), order, ps): for p in pl: if p.subject not in result: result[p.subject] = [p] else: result[p.subject].append(p) def merge_list(finished, merged, current, rest): while rest or merged: if rest: new = current.merge(rest[0]) if not new: rest.pop(0) merged.extend(rest) rest = merged if not rest: return finished merged = [] current = rest.pop(0) elif len(new) == 1: if new[0] is not current: merged.extend(rest) rest = merged current = rest.pop(0) merged = [] else: rest.pop(0) else: merged.append(rest.pop(0)) else: # merged is not empty finished.append(current) rest = merged merged = [] current = rest.pop(0) finished.append(current) return finished for sub, lst in result.items(): result[sub] = merge_list([], [], lst[0], lst[1:]) return list(itertools.chain(*result.values()))
unioslo/cerebrum
Cerebrum/modules/event_publisher/event.py
Python
gpl-2.0
11,579
# -*- coding: utf-8 -*- from utils import * commands = [ '^remindme', '^reminder', '^remind$', '^r ' ] parameters = ( ('delay', True), ('message', True), ) description = 'Set a reminder for yourself. First argument is delay until you wish to be reminded.\nExample: `' + config['command_start'] + 'remindme 2h GiT GuD`' action = 'typing' hidden = True reminders = load_json('data/reminders.json') def to_seconds(time, unit): if unit == 's': return float(time) elif unit == 'm': return float(time) * 60 elif unit == 'h': return float(time) * 60 * 60 elif unit == 'd': return float(time) * 60 * 60 * 24 def run(msg): input = get_input(msg['text']) if not input: doc = get_doc(commands, parameters, description) return send_message(msg['chat']['id'], doc, parse_mode="Markdown") delay = first_word(input) if delay: time = delay[:-1] unit = delay[-1:] if not is_int(time) or is_int(unit): message = 'The delay must be in this format: `(integer)(s|m|h|d)`.\nExample: `2h` for 2 hours.' return send_message(msg['chat']['id'], message, parse_mode="Markdown") try: alarm = now() + to_seconds(time, unit) except: return send_message(msg['chat']['id'], message, parse_mode="Markdown") text = all_but_first_word(input) if not text: send_message(msg['chat']['id'], 'Please include a reminder.') if 'username' in msg['from']: text += '\n@' + msg['from']['username'] reminder = OrderedDict() reminder['alarm'] = alarm reminder['chat_id'] = msg['chat']['id'] reminder['text'] = text reminders[int(now())] = reminder save_json('data/reminders.json', reminders) if unit == 's': delay = delay.replace('s', ' seconds') if unit == 'm': delay = delay.replace('m', ' minutes') if unit == 'h': delay = delay.replace('h', ' hours') if unit == 'd': delay = delay.replace('d', ' days') message = 'Your reminder has been set for *' + delay + '* from now:\n\n' + text send_message(msg['chat']['id'], message, parse_mode="Markdown") def cron(): reminders = load_json('data/reminders.json', True) for id, reminder in reminders.items(): if now() > reminder['alarm']: send_message(reminder['chat_id'], reminder['text']) del reminders[id] save_json('data/reminders.json', reminders)
shahabsaf1/Python
plugins/reminders.py
Python
gpl-2.0
2,643
# # Walldo - A wallpaper downloader # Copyright (C) 2012 Fernando Castillo # # This program is free software; you can redistribute it and/or # modify it under the terms of the GNU General Public License # as published by the Free Software Foundation; either version 2 # of the License, or (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301, USA. import unittest from walldo.parser import Parser; class ParserTestCase(unittest.TestCase): lines = ['<select class="select" style="margin: 0 2px 0 0; margin-top: 4px; float: left; width: 145px; max-width: 145px;" name="resolution" onChange="javascript:imgload(\'ithilien\', this,\'2949\')">'] expected = ['/wallpaper/7yz4ma1/2949_ithilien_1024x768.jpg'] def setUp(self): self.parser = Parser() def testParse(self): current = self.parser.parse(self.lines, '1024x768') for i in range(len(current)): self.assertEquals(self.expected[i], current[i], 'Entry incorrect')
skibyte/walldo
walldo/parsertestcase.py
Python
gpl-2.0
1,409
""" SALTS XBMC Addon Copyright (C) 2015 tknorris This program is free software: you can redistribute it and/or modify it under the terms of the GNU General Public License as published by the Free Software Foundation, either version 3 of the License, or (at your option) any later version. This program is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for more details. You should have received a copy of the GNU General Public License along with this program. If not, see <http://www.gnu.org/licenses/>. """ import xbmcaddon import xbmcplugin import xbmcgui import xbmc import xbmcvfs import urllib import urlparse import sys import os import re addon = xbmcaddon.Addon() get_setting = addon.getSetting show_settings = addon.openSettings def get_path(): return addon.getAddonInfo('path').decode('utf-8') def get_profile(): return addon.getAddonInfo('profile').decode('utf-8') def translate_path(path): return xbmc.translatePath(path).decode('utf-8') def set_setting(id, value): if not isinstance(value, basestring): value = str(value) addon.setSetting(id, value) def get_version(): return addon.getAddonInfo('version') def get_id(): return addon.getAddonInfo('id') def get_name(): return addon.getAddonInfo('name') def get_plugin_url(queries): try: query = urllib.urlencode(queries) except UnicodeEncodeError: for k in queries: if isinstance(queries[k], unicode): queries[k] = queries[k].encode('utf-8') query = urllib.urlencode(queries) return sys.argv[0] + '?' + query def end_of_directory(cache_to_disc=True): xbmcplugin.endOfDirectory(int(sys.argv[1]), cacheToDisc=cache_to_disc) def set_content(content): xbmcplugin.setContent(int(sys.argv[1]), content) def create_item(queries, label, thumb='', fanart='', is_folder=None, is_playable=None, total_items=0, menu_items=None, replace_menu=False): list_item = xbmcgui.ListItem(label, iconImage=thumb, thumbnailImage=thumb) add_item(queries, list_item, fanart, is_folder, is_playable, total_items, menu_items, replace_menu) def add_item(queries, list_item, fanart='', is_folder=None, is_playable=None, total_items=0, menu_items=None, replace_menu=False): if menu_items is None: menu_items = [] if is_folder is None: is_folder = False if is_playable else True if is_playable is None: playable = 'false' if is_folder else 'true' else: playable = 'true' if is_playable else 'false' liz_url = get_plugin_url(queries) if fanart: list_item.setProperty('fanart_image', fanart) list_item.setInfo('video', {'title': list_item.getLabel()}) list_item.setProperty('isPlayable', playable) list_item.addContextMenuItems(menu_items, replaceItems=replace_menu) xbmcplugin.addDirectoryItem(int(sys.argv[1]), liz_url, list_item, isFolder=is_folder, totalItems=total_items) def parse_query(query): q = {'mode': 'main'} if query.startswith('?'): query = query[1:] queries = urlparse.parse_qs(query) for key in queries: if len(queries[key]) == 1: q[key] = queries[key][0] else: q[key] = queries[key] return q def notify(header=None, msg='', duration=2000, sound=None): if header is None: header = get_name() if sound is None: sound = get_setting('mute_notifications') == 'false' icon_path = os.path.join(get_path(), 'icon.png') try: xbmcgui.Dialog().notification(header, msg, icon_path, duration, sound) except: builtin = "XBMC.Notification(%s,%s, %s, %s)" % (header, msg, duration, icon_path) xbmc.executebuiltin(builtin) def get_current_view(): skinPath = translate_path('special://skin/') xml = os.path.join(skinPath, 'addon.xml') f = xbmcvfs.File(xml) read = f.read() f.close() try: src = re.search('defaultresolution="([^"]+)', read, re.DOTALL).group(1) except: src = re.search('<res.+?folder="([^"]+)', read, re.DOTALL).group(1) src = os.path.join(skinPath, src, 'MyVideoNav.xml') f = xbmcvfs.File(src) read = f.read() f.close() match = re.search('<views>([^<]+)', read, re.DOTALL) if match: views = match.group(1) for view in views.split(','): if xbmc.getInfoLabel('Control.GetLabel(%s)' % (view)): return view
azumimuo/family-xbmc-addon
plugin.video.salts/salts_lib/kodi.py
Python
gpl-2.0
4,540
# -*- coding: utf-8 -*- # # HnTool rules - php # Copyright (C) 2009-2010 Candido Vieira <cvieira.br@gmail.com> # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA # import os import ConfigParser import HnTool.modules.util from HnTool.modules.rule import Rule as MasterRule class Rule(MasterRule): def __init__(self, options): MasterRule.__init__(self, options) self.short_name="php" self.long_name="Checks security problems on php config file" self.type="config" self.required_files = ['/etc/php5/apache2/php.ini', '/etc/php5/cli/php.ini', '/etc/php.ini'] def requires(self): return self.required_files def analyze(self, options): check_results = self.check_results conf_files = self.required_files for php_conf in conf_files: if os.path.isfile(php_conf): config = ConfigParser.ConfigParser() try: config.read(php_conf) except ConfigParser.ParsingError, (errno, strerror): check_results['info'].append('Could not parse %s: %s' % (php_conf, strerror)) continue if not config.has_section('PHP'): check_results['info'].append('%s is not a PHP config file' % (php_conf)) continue if config.has_option('PHP', 'register_globals'): rg = config.get('PHP', 'register_globals').lower() if rg == 'on': check_results['medium'].append('Register globals is on (%s)' % (php_conf)) elif rg == 'off': check_results['ok'].append('Register globals is off (%s)' % (php_conf)) else: check_results['info'].append('Unknown value for register globals (%s)' % (php_conf)) else: check_results['info'].append('Register globals not found (%s)' % (php_conf)) if config.has_option('PHP', 'safe_mode'): sm = config.get('PHP', 'safe_mode').lower() if sm == 'on': check_results['low'].append('Safe mode is on (fake security) (%s)' % (php_conf)) elif sm == 'off': check_results['info'].append('Safe mode is off (%s)' % (php_conf)) else: check_results['info'].append('Unknown value for safe mode (%s)' % (php_conf)) else: check_results['info'].append('Safe mode not found (%s)' % (php_conf)) if config.has_option('PHP', 'display_errors'): de = config.get('PHP', 'display_errors').lower() if de == 'on': check_results['medium'].append('Display errors is on (stdout) (%s)' % (php_conf)) elif de == 'off': check_results['ok'].append('Display errors is off (%s)' % (php_conf)) elif de == 'stderr': check_results['info'].append('Display errors set to stderr (%s)' % (php_conf)) else: check_results['info'].append('Unknown value for display errors (%s)' % (php_conf)) else: check_results['info'].append('Display errors not found (%s)' % (php_conf)) if config.has_option('PHP', 'expose_php'): ep = config.get('PHP', 'expose_php').lower() if ep == 'on': check_results['low'].append('Expose PHP is on (%s)' % (php_conf)) elif ep == 'off': check_results['ok'].append('Expose PHP is off (%s)' % (php_conf)) else: check_results['info'].append('Unknown value for expose PHP (%s)' % (php_conf)) else: check_results['info'].append('Expose PHP not found (%s)' % (php_conf)) return check_results
hdoria/HnTool
HnTool/modules/php.py
Python
gpl-2.0
4,760
#!/usr/bin/env python # -*- coding: utf-8 -*- # # progreso.py # # Copyright 2010 Jesús Hómez <jesus@jesus-laptop> # # This program is free software; you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation; either version 2 of the License, or # (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, # MA 02110-1301, USA. import gtk, time import threading import thread import gobject #Iniciando el hilo sin usarlo gtk.gdk.threads_init() #La clase App hereda threading.Thread class App(threading.Thread): def __init__(self): #Método constructor, asociando los widgets self.glade_file = "progreso.glade" self.glade = gtk.Builder() self.glade.add_from_file(self.glade_file) self.window1 = self.glade.get_object('window1') self.togglebutton1 = self.glade.get_object('togglebutton1') self.button1 = self.glade.get_object('button1') self.progressbar1 = self.glade.get_object('progressbar1') self.new_val = 0.0 self.rango =60 #Definiendo el valor inicial de la barra de proceso, definiendo los saltos en 0.1 self.progressbar1.set_fraction(self.new_val) self.progressbar1.set_pulse_step(0.1) self.window1.connect("destroy",self.on_window1_destroy) self.button1.connect('clicked', self.on_button1_clicked) self.togglebutton1.connect('toggled',self.on_togglebutton1_toggled) #Iniciando el hilo en el constructor threading.Thread.__init__(self) self.window1.show_all() def __iteracion__(self): #Iteración en segundos cambiando el valor en la barra de progreso. for i in range(self.rango): if self.togglebutton1.get_active() == True: self.new_val = self.progressbar1.get_fraction() + 0.01 if self.new_val > 1.0: self.new_val = 0.0 self.togglebutton1.set_active(False) break else: time.sleep(1) self.x = self.new_val*100 self.progressbar1.set_text("%s" %self.x) self.progressbar1.set_fraction(self.new_val) else: return def on_togglebutton1_toggled(self,*args): #Si cambia el evento en el boton biestado se inicia la iteración entre los hilos. variable = self.togglebutton1.get_active() self.rango = 100 if variable == True: lock = thread.allocate_lock() lock.acquire() thread.start_new_thread( self.__iteracion__, ()) lock.release() else: #Se detiene la barra de progreso self.progressbar1.set_fraction(self.new_val) self.progressbar1.set_text("%s" %self.x)
jehomez/pymeadmin
progreso.py
Python
gpl-2.0
3,388
import unittest from pyxt.mda import * from pyxt.chargen import CharacterGeneratorMock class MDATests(unittest.TestCase): def setUp(self): self.cg = CharacterGeneratorMock(width = 9, height = 14) self.mda = MonochromeDisplayAdapter(self.cg) # Hijack reset so it doesn't call into Pygame during the tests. self.reset_count = 0 self.mda.reset = self.reset_testable def reset_testable(self): self.reset_count += 1 def test_ports_list(self): self.assertEqual(self.mda.get_ports_list(), [0x03B0, 0x03B1, 0x03B2, 0x03B3, 0x03B4, 0x03B5, 0x03B6, 0x03B7, 0x03B8, 0x03B9, 0x03BA, 0x03BB]) def test_get_memory_size(self): self.assertEqual(self.mda.get_memory_size(), 4096) def test_initial_state(self): self.assertEqual(self.mda.control_reg, 0x00) self.assertEqual(self.mda.control_reg, 0x00) self.assertEqual(self.mda.screen, None) self.assertEqual(self.mda.char_generator, self.cg) self.assertEqual(len(self.mda.video_ram), 4096) def test_mem_write_byte_updates_video_ram(self): self.mda.mem_write_byte(0x0000, 0x41) self.assertEqual(self.mda.video_ram[0x0000], 0x41) def test_mem_write_byte_calls_char_generator_top_left(self): self.mda.mem_write_byte(0x0000, 0x41) self.assertEqual(self.cg.last_blit, (None, (0, 0), 0x41, MDA_GREEN, MDA_BLACK)) def test_mem_write_byte_calls_char_generator_bottom_right(self): self.mda.mem_write_byte(3998, 0xFF) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0xFF, MDA_GREEN, MDA_BLACK)) def test_mem_write_byte_char_before_attribute(self): self.mda.mem_write_byte(3998, 0xFF) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0xFF, MDA_GREEN, MDA_BLACK)) self.mda.mem_write_byte(3999, MDA_ATTR_INTENSITY) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0xFF, MDA_BRIGHT_GREEN, MDA_BLACK)) def test_mem_write_byte_attribute_before_char(self): self.mda.mem_write_byte(3999, MDA_ATTR_INTENSITY) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0x00, MDA_BRIGHT_GREEN, MDA_BLACK)) self.mda.mem_write_byte(3998, 0xFF) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0xFF, MDA_BRIGHT_GREEN, MDA_BLACK)) def test_mem_write_byte_write_off_screen(self): self.mda.mem_write_byte(4000, 0xFF) self.assertEqual(self.cg.last_blit, None) def test_mem_read_byte(self): self.mda.video_ram[77] = 0xA5 self.assertEqual(self.mda.mem_read_byte(77), 0xA5) def test_mem_read_byte_off_screen(self): self.assertEqual(self.mda.mem_read_byte(4000), 0x00) @unittest.skip("We need to initialize Pygame exactly once at startup.") def test_reset_on_high_resolution_enable(self): self.assertEqual(self.reset_count, 0) self.mda.io_write_byte(0x3B8, 0x01) self.assertEqual(self.reset_count, 1) # Second write shouldn't call reset again. self.mda.io_write_byte(0x3B8, 0x01) self.assertEqual(self.reset_count, 1) def test_mem_write_word_at_top_left(self): self.mda.mem_write_word(0x0000, 0x0841) # 'A' with intensity. self.assertEqual(self.mda.video_ram[0x0000], 0x41) self.assertEqual(self.mda.video_ram[0x0001], 0x08) self.assertEqual(self.cg.last_blit, (None, (0, 0), 0x41, MDA_BRIGHT_GREEN, MDA_BLACK)) def test_mem_write_word_at_bottom_right(self): self.mda.mem_write_word(3998, 0x085A) # 'Z' with intensity. self.assertEqual(self.mda.video_ram[3998], 0x5A) self.assertEqual(self.mda.video_ram[3999], 0x08) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0x5A, MDA_BRIGHT_GREEN, MDA_BLACK)) def test_mem_write_word_at_bottom_right_just_past(self): self.mda.mem_write_word(3999, 0xFF08) # 'Z' with intensity. self.assertEqual(self.mda.video_ram[3998], 0x00) # Should be unmodified. self.assertEqual(self.mda.video_ram[3999], 0x08) self.assertEqual(self.cg.last_blit, (None, (711, 336), 0x00, MDA_BRIGHT_GREEN, MDA_BLACK)) def test_mem_read_word(self): self.mda.video_ram[0x0000] = 0x41 self.mda.video_ram[0x0001] = 0x08 self.assertEqual(self.mda.mem_read_word(0x0000), 0x0841) def test_mem_read_word_just_past_the_end(self): self.mda.video_ram[3998] = 0x12 self.mda.video_ram[3999] = 0x34 self.assertEqual(self.mda.mem_read_word(3999), 0x0034) def test_horizontal_retrace_toggles(self): self.assertEqual(self.mda.io_read_byte(0x3BA), 0xF0) self.assertEqual(self.mda.io_read_byte(0x3BA), 0xF1) self.assertEqual(self.mda.io_read_byte(0x3BA), 0xF0) def test_current_pixel_updates_on_status_read(self): self.assertEqual(self.mda.current_pixel, [0, 0]) self.mda.io_read_byte(0x3BA) self.assertEqual(self.mda.current_pixel, [1, 0]) def test_current_pixel_wraps_right(self): self.mda.current_pixel = [719, 0] self.mda.io_read_byte(0x3BA) self.assertEqual(self.mda.current_pixel, [0, 1]) def test_current_pixel_wraps_bottom(self): self.mda.current_pixel = [719, 349] self.mda.io_read_byte(0x3BA) self.assertEqual(self.mda.current_pixel, [0, 0])
astamp/PyXT
pyxt/tests/test_mda.py
Python
gpl-2.0
5,655
import urllib2 def sumaDos(): print 10*20 def division(a,b): result=a/b print result def areatriangulo(base,altura): result2=(base*altura)/2 print result2 def cast(): lista=[1,2,3,"hola"] tupla=(1,2,3) diccinario={"key1":"Diego","key2":"Piqui","key3":"Chuy"} for k,v in diccionario: print "%s %s" % (k,v) class Estudiante(object): def __init__(self, nombre, edad): self.nombre=nombre self.edad=edad def hola(self): return self.nombre def esMayor(self): if self.edad>=18: return true else: return false def EXCEPTION(): try: 3/0 except Exception: print "error" def main(): e=Estudiante("Diego",22) print"Hola %s" % e.hola() if e.esMayor(): print"Es mayor de edad" else: print"Es menor de edad" contador = 0 while contador <=10: print contador contador +=1 EXCEPTION(): def getWeb(): try: web=urllib2.urlopen("http://itjiquilpan.edu.mx/") print web.read() web.close() except urllib2.HTTPError, e: print e except urllib2.URLError as e: print e def main(): cast() if __name__=="__main__": main()
DiegoBalandran/prueba
archivo.py
Python
gpl-2.0
1,301
"""Module computes indentation for block It contains implementation of indenters, which are supported by katepart xml files """ import logging logger = logging.getLogger('qutepart') from PyQt4.QtGui import QTextCursor def _getSmartIndenter(indenterName, qpart, indenter): """Get indenter by name. Available indenters are none, normal, cstyle, haskell, lilypond, lisp, python, ruby, xml Indenter name is not case sensitive Raise KeyError if not found indentText is indentation, which shall be used. i.e. '\t' for tabs, ' ' for 4 space symbols """ indenterName = indenterName.lower() if indenterName in ('haskell', 'lilypond'): # not supported yet logger.warning('Smart indentation for %s not supported yet. But you could be a hero who implemented it' % indenterName) from qutepart.indenter.base import IndentAlgNormal as indenterClass elif 'none' == indenterName: from qutepart.indenter.base import IndentAlgBase as indenterClass elif 'normal' == indenterName: from qutepart.indenter.base import IndentAlgNormal as indenterClass elif 'cstyle' == indenterName: from qutepart.indenter.cstyle import IndentAlgCStyle as indenterClass elif 'python' == indenterName: from qutepart.indenter.python import IndentAlgPython as indenterClass elif 'ruby' == indenterName: from qutepart.indenter.ruby import IndentAlgRuby as indenterClass elif 'xml' == indenterName: from qutepart.indenter.xmlindent import IndentAlgXml as indenterClass elif 'haskell' == indenterName: from qutepart.indenter.haskell import IndenterHaskell as indenterClass elif 'lilypond' == indenterName: from qutepart.indenter.lilypond import IndenterLilypond as indenterClass elif 'lisp' == indenterName: from qutepart.indenter.lisp import IndentAlgLisp as indenterClass elif 'scheme' == indenterName: from qutepart.indenter.scheme import IndentAlgScheme as indenterClass else: raise KeyError("Indenter %s not found" % indenterName) return indenterClass(qpart, indenter) class Indenter: """Qutepart functionality, related to indentation Public attributes: width Indent width useTabs Indent uses Tabs (instead of spaces) """ _DEFAULT_INDENT_WIDTH = 4 _DEFAULT_INDENT_USE_TABS = False def __init__(self, qpart): self._qpart = qpart self.width = self._DEFAULT_INDENT_WIDTH self.useTabs = self._DEFAULT_INDENT_USE_TABS self._smartIndenter = _getSmartIndenter('normal', self._qpart, self) def setSyntax(self, syntax): """Choose smart indentation algorithm according to syntax""" self._smartIndenter = self._chooseSmartIndenter(syntax) def text(self): """Get indent text as \t or string of spaces """ if self.useTabs: return '\t' else: return ' ' * self.width def triggerCharacters(self): """Trigger characters for smart indentation""" return self._smartIndenter.TRIGGER_CHARACTERS def autoIndentBlock(self, block, char = '\n'): """Indent block after Enter pressed or trigger character typed """ cursor = QTextCursor(block) currentText = block.text() spaceAtStartLen = len(currentText) - len(currentText.lstrip()) currentIndent = currentText[:spaceAtStartLen] indent = self._smartIndenter.computeIndent(block, char) if indent is not None and indent != currentIndent: self._qpart.replaceText(block.position(), spaceAtStartLen, indent) def onChangeSelectedBlocksIndent(self, increase, withSpace=False): """Tab or Space pressed and few blocks are selected, or Shift+Tab pressed Insert or remove text from the beginning of blocks """ def blockIndentation(block): text = block.text() return text[:len(text) - len(text.lstrip())] def cursorAtSpaceEnd(block): cursor = QTextCursor(block) cursor.setPosition(block.position() + len(blockIndentation(block))) return cursor def indentBlock(block): cursor = cursorAtSpaceEnd(block) cursor.insertText(' ' if withSpace else self.text()) def spacesCount(text): return len(text) - len(text.rstrip(' ')) def unIndentBlock(block): currentIndent = blockIndentation(block) if currentIndent.endswith('\t'): charsToRemove = 1 elif withSpace: charsToRemove = 1 if currentIndent else 0 else: if self.useTabs: charsToRemove = min(spacesCount(currentIndent), self.width) else: # spaces if currentIndent.endswith(self.text()): # remove indent level charsToRemove = self.width else: # remove all spaces charsToRemove = min(spacesCount(currentIndent), self.width) if charsToRemove: cursor = cursorAtSpaceEnd(block) cursor.setPosition(cursor.position() - charsToRemove, QTextCursor.KeepAnchor) cursor.removeSelectedText() cursor = self._qpart.textCursor() startBlock = self._qpart.document().findBlock(cursor.selectionStart()) endBlock = self._qpart.document().findBlock(cursor.selectionEnd()) # If end is positioned in the beginning of a block, do not indent this # block, since no text is selected in it (beginning of line) if endBlock.position()==cursor.selectionEnd(): endBlock=endBlock.previous() indentFunc = indentBlock if increase else unIndentBlock if startBlock != endBlock: # indent multiply lines stopBlock = endBlock.next() block = startBlock with self._qpart: while block != stopBlock: indentFunc(block) block = block.next() newCursor = QTextCursor(startBlock) newCursor.setPosition(endBlock.position() + len(endBlock.text()), QTextCursor.KeepAnchor) self._qpart.setTextCursor(newCursor) else: # indent 1 line indentFunc(startBlock) def onShortcutIndentAfterCursor(self): """Tab pressed and no selection. Insert text after cursor """ cursor = self._qpart.textCursor() def insertIndent(): if self.useTabs: cursor.insertText('\t') else: # indent to integer count of indents from line start charsToInsert = self.width - (len(self._qpart.textBeforeCursor()) % self.width) cursor.insertText(' ' * charsToInsert) if cursor.positionInBlock() == 0: # if no any indent - indent smartly block = cursor.block() self.autoIndentBlock(block, '') # if no smart indentation - just insert one indent if self._qpart.textBeforeCursor() == '': insertIndent() else: insertIndent() def onShortcutUnindentWithBackspace(self): """Backspace pressed, unindent """ assert self._qpart.textBeforeCursor().endswith(self.text()) charsToRemove = len(self._qpart.textBeforeCursor()) % len(self.text()) if charsToRemove == 0: charsToRemove = len(self.text()) cursor = self._qpart.textCursor() cursor.setPosition(cursor.position() - charsToRemove, QTextCursor.KeepAnchor) cursor.removeSelectedText() def onAutoIndentTriggered(self): """Indent current line or selected lines """ cursor = self._qpart.textCursor() startBlock = self._qpart.document().findBlock(cursor.selectionStart()) endBlock = self._qpart.document().findBlock(cursor.selectionEnd()) if startBlock != endBlock: # indent multiply lines stopBlock = endBlock.next() block = startBlock with self._qpart: while block != stopBlock: self.autoIndentBlock(block, '') block = block.next() else: # indent 1 line self.autoIndentBlock(startBlock, '') def _chooseSmartIndenter(self, syntax): """Get indenter for syntax """ if syntax.indenter is not None: try: return _getSmartIndenter(syntax.indenter, self._qpart, self) except KeyError: logger.error("Indenter '%s' is not finished yet. But you can do it!" % syntax.indenter) try: return _getSmartIndenter(syntax.name, self._qpart, self) except KeyError: pass return _getSmartIndenter('normal', self._qpart, self)
amirgeva/coide
qutepart/indenter/__init__.py
Python
gpl-2.0
8,924
'''Manual check (not a discoverable unit test) for the key import, to identify problems with gnupg, gpg, gpg1, gpg2 and so on''' import os import shutil from gnupg import GPG def setup_keyring(keyring_name): '''Setup the keyring''' keyring_path = os.path.join("test", "outputdata", keyring_name) # Delete the entire keyring shutil.rmtree(keyring_path, ignore_errors=True) os.makedirs(keyring_path) gpg = GPG(gnupghome=keyring_path, gpgbinary="gpg") for key_name in ["key1_private", "key1_public"]: with open(os.path.join("test", "inputdata", key_name + ".txt"), "r") as keyfile: key_str = "".join(keyfile.readlines()) import_result = gpg.import_keys(key_str) print("Import result:", type(import_result)) print(import_result.__dict__) if import_result.count == 1 and len(set(import_result.fingerprints)) == 1: print("Got one import result") return gpg CRYPTO = setup_keyring("keyringtest") if CRYPTO: print("Ready", CRYPTO) KEY_LIST = CRYPTO.list_keys(False) NUM_KEYS = len(KEY_LIST) if KEY_LIST else 0 print("Number of public keys:", NUM_KEYS) if NUM_KEYS < 1: print("ERROR: Number of keys should be 1, not", NUM_KEYS) KEY_LIST = CRYPTO.list_keys(True) NUM_KEYS = len(KEY_LIST) if KEY_LIST else 0 print("Number of private keys:", NUM_KEYS) if NUM_KEYS < 1: print("ERROR: Number of keys should be 1, not", NUM_KEYS)
activityworkshop/Murmeli
test/check_key_import.py
Python
gpl-2.0
1,429
#!/usr/bin/python """ Since functions are function instances you can wrap them Allow you to - modify arguments - modify function - modify results """ call_count = 0 def count(func): def wrapper(*args, **kw): global call_count call_count += 1 return func(*args, **kw) return wrapper def hello(): print 'Invoked hello' hello = count(hello) ## Now decorating hello to increment call count hello() print call_count hello() print call_count """ ## Syntactic Sugar >>> @count ... def hello(): ... print "Invoked hello" equals hello = count(hello) ## Syntactic Sugar 2 Dont add parens to the decorator >>> @count() ... def hello(): ... print "Invoked hello" ... Traceback (most recent call last): File "<stdin>", line 1, in <module> TypeError: count() takes exactly 1 argument (0 given) >>> ##Decorator Template def decorator(func_to_decorate): def wrapper(*args, **kwargs): # do something before invocation result = func_to_decorate(*args,**kwargs) # do something after invocation return result #update wrapper.__doc__ and .func_name # or functools.wraps return wrapper ##Decorators can also be classes, to have a class that Decorates class decorator(object): def __init__(self, function): self.function = function def __call__(self, *args, **kw): # do something before invocation result = self.function(*args, **kw) # do something after return result ##Decorators can also be classes 2, to have a instance that Decorates class decorator(object): def __init__(self, function): self.function = function def __call__(self, *args, **kw): def wrapper(*args, **kw): # do something before invocation result = self.function(*args, **kw) # do something after return result return wrapper ## The aboves lets you have an instance of a decorator that stores state (rather than using global state) ## Parameterized decorators (need 2 closures) def limit(length): def decorator(function): def wrapper(*args, **kw): result = function(*args, **kw) result = result[:length] return result return wrapper return decorator >>> @limit(5) ## Decorating the simple function echo with limit 5 as parameter ... def echo(foo): ... return foo ... >>> echo ('123456') '12345' >>> Or you can use following as well , to limit the echo function with 3 as parameter >>> echo = limit(3)(echo) >>> echo ('123456') '123' >>> ## Decorator Tidying function attributes get mangled >>> def echo2(input): ... ###return input### I used ### instead of 3 coz that was causing some error ... return input ... >>> echo2.__doc__ 'return input' >>> echo2.func_name 'echo2' >>> >>> echo3 = limit(3)(echo2) >>> echo3.__doc__ >>> echo3.func_name 'wrapper' >>> #Now to fix above define your limit decorator as below def limit(length): def decorator(function): def wrapper(*args, **kw): result = function(*args, **kw) result = result[:length] return result wrapper.__doc__ = function.__doc__ wrapper.func_name = function.func_name return wrapper return decorator >>> echo4 = limit(3)(echo2) >>> echo4.__doc__ 'return input' >>> echo4.func_name 'echo2' >>> #Decorator tidying (3) , using functools , more simple import functools def limit(length): def decorator(function): @functools.wraps(function) def wrapper(*args, **kw): result = function(*args, **kw) result = result[:length] return result #wrapper.__doc__ = function.__doc__ #wrapper.func_name = function.func_name return wrapper return decorator Uses for decorator - caching - monkey patching stdio - memoize - jsonify - logging time in function call - change cwd """ def cwd_decorator(func): """ decorator to change cwd to directory containing rst for this function """ def wrapper(*args, **kw): cur_dir = os.getcwd() found = False for arg in sys.argv: if arg.endswith(".rst"): found = arg break if found: directory = os.path.dirname(arg) if directory: os.chdir(directory) data = func(*args, **kw) os.chdir(cur_dir) return data return wrapper """ ### Properties Call get/set methods via an instance attributes class C(object): def getx(self): return self._x def setx(self, value): self._x = value def delx(self): del self._x x = property(getx, setx, delx, "I'm the 'x' property.") from property.__doc__ """ import os def find_files(base_dir, recurse=True): """ yeild files found in base_dir """ for name in os.listdir(base_dir): filepath = os.path.join(base_dir, name) if os.path.isdir(filepath) and recurse: for child in find_files(filepath, recurse): yield child else: yield filepath
hiteshagrawal/python
generator-decorator/decorator.py
Python
gpl-2.0
4,681
my_inf = float('Inf') print 99999999 > my_inf # False my_neg_inf = float('-Inf') print my_neg_inf < -99999999 # True
jabbalaci/PrimCom
data/python/infinity.py
Python
gpl-2.0
118
import xml.etree.ElementTree as ET import requests from flask import Flask import batalha import pokemon import ataque class Cliente: def __init__(self, execute = False, ip = '127.0.0.1', port = 5000, npc = False): self.ip = ip self.port = port self.npc = npc if (execute): self.iniciaBatalha() def writeXML(self, pkmn): #Escreve um XML a partir de um pokemon root = ET.Element('battle_state') ET.SubElement(root, "pokemon") poke = root.find('pokemon') ET.SubElement(poke, "name") poke.find('name').text = pkmn.getNome() ET.SubElement(poke, "level") poke.find('level').text = str(pkmn.getLvl()) ET.SubElement(poke, "attributes") poke_att = poke.find('attributes') ET.SubElement(poke_att, "health") poke_att.find('health').text = str(pkmn.getHp()) ET.SubElement(poke_att, "attack") poke_att.find('attack').text = str(pkmn.getAtk()) ET.SubElement(poke_att, "defense") poke_att.find('defense').text = str(pkmn.getDefe()) ET.SubElement(poke_att, "speed") poke_att.find('speed').text = str(pkmn.getSpd()) ET.SubElement(poke_att, "special") poke_att.find('special').text = str(pkmn.getSpc()) ET.SubElement(poke, "type") ET.SubElement(poke, "type") tipos = poke.findall('type') tipos[0].text = str(pkmn.getTyp1()) tipos[1].text = str(pkmn.getTyp2()) for i in range(0, 4): atk = pkmn.getAtks(i) if (atk is not None): ET.SubElement(poke, "attacks") poke_atk = poke.findall('attacks') ET.SubElement(poke_atk[-1], "id") poke_atk[-1].find('id').text = str(i + 1) ET.SubElement(poke_atk[-1], "name") poke_atk[-1].find('name').text = atk.getNome() ET.SubElement(poke_atk[-1], "type") poke_atk[-1].find('type').text = str(atk.getTyp()) ET.SubElement(poke_atk[-1], "power") poke_atk[-1].find('power').text = str(atk.getPwr()) ET.SubElement(poke_atk[-1], "accuracy") poke_atk[-1].find('accuracy').text = str(atk.getAcu()) ET.SubElement(poke_atk[-1], "power_points") poke_atk[-1].find('power_points').text = str(atk.getPpAtual()) s = ET.tostring(root) return s def iniciaBatalha(self): pkmn = pokemon.Pokemon() xml = self.writeXML(pkmn) try: self.battle_state = requests.post('http://{}:{}/battle/'.format(self.ip, self.port), data = xml).text except requests.exceptions.ConnectionError: print("Não foi possível conectar ao servidor.") return None pkmn2 = pokemon.lePokemonXML(1, self.battle_state) self.batalha = batalha.Batalha([pkmn, pkmn2]) if (self.npc): self.batalha.pkmn[0].npc = True print("Eu sou um NPC") self.batalha.turno = 0 self.batalha.display.showPokemon(self.batalha.pkmn[0]) self.batalha.display.showPokemon(self.batalha.pkmn[1]) return self.atualizaBatalha() def atualizaBatalha(self): self.batalha.AlternaTurno() root = ET.fromstring(self.battle_state) for i in range(0,2): pkmnXML = root[i] atksXML = root[i].findall('attacks') pkmn = self.batalha.pkmn[i] pkmn.setHpAtual(int(pkmnXML.find('attributes').find('health').text)) self.batalha.showStatus() if (not self.batalha.isOver()): self.batalha.AlternaTurno() if (self.batalha.pkmn[self.batalha.turno].npc): id = self.batalha.EscolheAtaqueInteligente() else: id = self.batalha.EscolheAtaque() self.batalha.pkmn[0].getAtks(id).decreasePp() if (id == 4): self.battle_state = requests.post('http://{}:{}/battle/attack/{}'.format(self.ip, self.port, 0)).text else: self.battle_state = requests.post('http://{}:{}/battle/attack/{}'.format(self.ip, self.port, id + 1)).text self.simulaAtaque(id) self.atualizaBatalha() else: self.batalha.showResults() return 'FIM' def sendShutdownSignal(self): requests.post('http://{}:{}/shutdown'.format(self.ip, self.port)) def simulaAtaque(self, idCliente): disp = self.batalha.display root = ET.fromstring(self.battle_state) pkmnCXML = root[0] pkmnC = self.batalha.pkmn[0] pkmnSXML = root[1] pkmnS = self.batalha.pkmn[1] atksXML = pkmnSXML.findall('attacks') idServidor = self.descobreAtaqueUsado(atksXML, pkmnS) if (int(pkmnSXML.find('attributes').find('health').text) > 0): if (idCliente != 4): if (idServidor != 4): dmg = pkmnS.getHpAtual() - int(pkmnSXML.find('attributes').find('health').text) if (dmg == 0): disp.miss(pkmnC, pkmnS, pkmnC.getAtks(idCliente)) else: disp.hit(pkmnC, pkmnS, pkmnC.getAtks(idCliente), dmg) dmg = pkmnC.getHpAtual() - int(pkmnCXML.find('attributes').find('health').text) if (dmg == 0): disp.miss(pkmnS, pkmnC, pkmnS.getAtks(idServidor)) else: disp.hit(pkmnS, pkmnC, pkmnS.getAtks(idServidor), dmg) else: dmgStruggle = pkmnC.getHpAtual() - int(pkmnCXML.find('attributes').find('health').text) dmg = pkmnS.getHpAtual() - int(pkmnSXML.find('attributes').find('health').text) + round(dmgStruggle / 2, 0) if (dmg == 0): disp.miss(pkmnC, pkmnS, pkmnC.getAtks(idCliente)) else: disp.hit(pkmnC, pkmnS, pkmnC.getAtks(idCliente), dmg) disp.hit(pkmnS, pkmnC, pkmnS.getAtks(idServidor), dmgStruggle) disp.hitSelf(pkmnS, round(dmgStruggle / 2, 0)) else: if (idServidor != 4): dmgStruggle = pkmnS.getHpAtual() - int(pkmnSXML.find('attributes').find('health').text) disp.hit(pkmnC, pkmnS, pkmnC.getAtks(idCliente), dmgStruggle) disp.hitSelf(pkmnC, round(dmgStruggle / 2, 0)) dmg = pkmnC.getHpAtual() - int(pkmnCXML.find('attributes').find('health').text) + round(dmgStruggle / 2, 0) if (dmg == 0): disp.miss(pkmnS, pkmnC, pkmnS.getAtks(idServidor)) else: disp.hit(pkmnS, pkmnC, pkmnS.getAtks(idServidor), dmg) else: print('Ambos usam e se machucam com Struggle!') else: if (idCliente != 4): dmg = pkmnS.getHpAtual() - int(pkmnSXML.find('attributes').find('health').text) if (dmg == 0): disp.miss(pkmnC, pkmnS, pkmnC.getAtks(idCliente)) else: disp.hit(pkmnC, pkmnS, pkmnC.getAtks(idCliente), dmg) else: dmgStruggle = pkmnC.getHpAtual() - int(pkmnCXML.find('attributes').find('health').text) disp.hit(pkmnC, pkmnS, pkmnC.getAtks(idServidor), dmgStruggle * 2) disp.hitSelf(pkmnC, round(dmgStruggle, 0)) def descobreAtaqueUsado(self, atksXML, pkmn): for i in range(0, len(atksXML)): id = int(atksXML[i].find('id').text) - 1 ppXML = int(atksXML[i].find('power_points').text) pp = pkmn.getAtks(id).getPpAtual() if (pp != ppXML): pkmn.getAtks(id).decreasePp() return id return id
QuartetoFantastico/projetoPokemon
cliente.py
Python
gpl-2.0
6,564
# -*- coding: utf-8 -*- """ nidaba.plugins.leptonica ~~~~~~~~~~~~~~~~~~~~~~~~ Plugin accessing `leptonica <http://leptonica.com>`_ functions. This plugin requires a liblept shared object in the current library search path. On Debian-based systems it can be installed using apt-get .. code-block:: console # apt-get install libleptonica-dev Leptonica's APIs are rather unstable and may differ significantly between versions. If this plugin fails with weird error messages or workers are just dying without discernable cause please submit a bug report including your leptonica version. """ from __future__ import unicode_literals, print_function, absolute_import import ctypes from nidaba import storage from nidaba.celery import app from nidaba.tasks.helper import NidabaTask from nidaba.nidabaexceptions import (NidabaInvalidParameterException, NidabaLeptonicaException, NidabaPluginException) leptlib = 'liblept.so' def setup(*args, **kwargs): try: ctypes.cdll.LoadLibrary(leptlib) except Exception as e: raise NidabaPluginException(e.message) @app.task(base=NidabaTask, name=u'nidaba.binarize.sauvola', arg_values={'whsize': 'int', 'factor': (0.0, 1.0)}) def sauvola(doc, method=u'sauvola', whsize=10, factor=0.35): """ Binarizes an input document utilizing Sauvola thresholding as described in [0]. Expects 8bpp grayscale images as input. [0] Sauvola, Jaakko, and Matti Pietikäinen. "Adaptive document image binarization." Pattern recognition 33.2 (2000): 225-236. Args: doc (unicode): The input document tuple. method (unicode): The suffix string appended to all output files whsize (int): The window width and height that local statistics are calculated on are twice the value of whsize. The minimal value is 2. factor (float): The threshold reduction factor due to variance. 0 =< factor < 1. Returns: (unicode, unicode): Storage tuple of the output file Raises: NidabaInvalidParameterException: Input parameters are outside the valid range. """ input_path = storage.get_abs_path(*doc) output_path = storage.insert_suffix(input_path, method, unicode(whsize), unicode(factor)) lept_sauvola(input_path, output_path, whsize, factor) return storage.get_storage_path(output_path) def lept_sauvola(image_path, output_path, whsize=10, factor=0.35): """ Binarizes an input document utilizing Sauvola thresholding as described in [0]. Expects 8bpp grayscale images as input. [0] Sauvola, Jaakko, and Matti Pietikäinen. "Adaptive document image binarization." Pattern recognition 33.2 (2000): 225-236. Args: image_path (unicode): Input image path output_path (unicode): Output image path whsize (int): The window width and height that local statistics are calculated on are twice the value of whsize. The minimal value is 2. factor (float): The threshold reduction factor due to variance. 0 =< factor < 1. Raises: NidabaInvalidParameterException: Input parameters are outside the valid range. """ if whsize < 2 or factor >= 1.0 or factor < 0: raise NidabaInvalidParameterException('Parameters ({}, {}) outside of valid range'.format(whsize, factor)) try: lept = ctypes.cdll.LoadLibrary(leptlib) except OSError as e: raise NidabaLeptonicaException('Loading leptonica failed: ' + e.message) pix = ctypes.c_void_p(lept.pixRead(image_path.encode('utf-8'))) opix = ctypes.c_void_p() if lept.pixGetDepth(pix) != 8: lept.pixDestroy(ctypes.byref(pix)) raise NidabaLeptonicaException('Input image is not grayscale') if lept.pixSauvolaBinarize(pix, whsize, ctypes.c_float(factor), 0, None, None, None, ctypes.byref(opix)): lept.pixDestroy(ctypes.byref(pix)) raise NidabaLeptonicaException('Binarization failed for unknown ' 'reason.') if lept.pixWriteImpliedFormat(output_path.encode('utf-8'), opix, 100, 0): lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(pix)) raise NidabaLeptonicaException('Writing binarized PIX failed') lept.pixDestroy(ctypes.byref(opix)) lept.pixDestroy(ctypes.byref(pix)) @app.task(base=NidabaTask, name=u'nidaba.img.dewarp') def dewarp(doc, method=u'dewarp'): """ Removes perspective distortion (as commonly exhibited by overhead scans) from an 1bpp input image. Args: doc (unicode, unicode): The input document tuple. method (unicode): The suffix string appended to all output files. Returns: (unicode, unicode): Storage tuple of the output file """ input_path = storage.get_abs_path(*doc) output_path = storage.insert_suffix(input_path, method) lept_dewarp(input_path, output_path) return storage.get_storage_path(output_path) def lept_dewarp(image_path, output_path): """ Removes perspective distortion from an 1bpp input image. Args: image_path (unicode): Path to the input image output_path (unicode): Path to the output image Raises: NidabaLeptonicaException if one of leptonica's functions failed. """ try: lept = ctypes.cdll.LoadLibrary(leptlib) except OSError as e: raise NidabaLeptonicaException('Loading leptonica failed: ' + e.message) pix = ctypes.c_void_p(lept.pixRead(image_path.encode('utf-8'))) opix = ctypes.c_void_p() ret = lept.dewarpSinglePage(pix, 0, 1, 1, ctypes.byref(opix), None, 0) if ret == 1 or ret is None: lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(opix)) raise NidabaLeptonicaException('Dewarping failed for unknown reason.') if lept.pixWriteImpliedFormat(output_path.encode('utf-8'), opix, 100, 0): lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(opix)) raise NidabaLeptonicaException('Writing dewarped PIX failed') lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(opix)) @app.task(base=NidabaTask, name=u'nidaba.img.deskew') def deskew(doc, method=u'deskew'): """ Removes skew (rotational distortion) from an 1bpp input image. Args: doc (unicode, unicode): The input document tuple. method (unicode): The suffix string appended to all output files. Returns: (unicode, unicode): Storage tuple of the output file """ input_path = storage.get_abs_path(*doc) output_path = storage.insert_suffix(input_path, method) lept_deskew(input_path, output_path) return storage.get_storage_path(output_path) def lept_deskew(image_path, output_path): """ Removes skew (rotational distortion from an 1bpp input image. Args: image_path (unicode): Input image output_path (unicode): Path to the output document Raises: NidabaLeptonicaException if one of leptonica's functions failed. """ try: lept = ctypes.cdll.LoadLibrary(leptlib) except OSError as e: raise NidabaLeptonicaException('Loading leptonica failed: ' + e.message) pix = ctypes.c_void_p(lept.pixRead(image_path.encode('utf-8'))) opix = ctypes.c_void_p(lept.pixFindSkewAndDeskew(pix, 4, None, None)) if opix is None: lept.pixDestroy(ctypes.byref(pix)) raise NidabaLeptonicaException('Deskewing failed for unknown reason.') if lept.pixWriteImpliedFormat(output_path.encode('utf-8'), opix, 100, 0): lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(opix)) raise NidabaLeptonicaException('Writing deskewed PIX failed') lept.pixDestroy(ctypes.byref(pix)) lept.pixDestroy(ctypes.byref(opix))
OpenPhilology/nidaba
nidaba/plugins/leptonica.py
Python
gpl-2.0
8,246
# -*- coding: utf-8 -*- # from rest_framework import viewsets from rest_framework.decorators import action from rest_framework.exceptions import MethodNotAllowed from rest_framework.response import Response from common.const.http import POST, PUT from common.mixins.api import CommonApiMixin from common.permissions import IsValidUser, IsOrgAdmin from tickets import serializers from tickets.models import Ticket from tickets.permissions.ticket import IsAssignee, IsAssigneeOrApplicant, NotClosed __all__ = ['TicketViewSet'] class TicketViewSet(CommonApiMixin, viewsets.ModelViewSet): permission_classes = (IsValidUser,) serializer_class = serializers.TicketDisplaySerializer serializer_classes = { 'open': serializers.TicketApplySerializer, 'approve': serializers.TicketApproveSerializer, } filterset_fields = [ 'id', 'title', 'type', 'action', 'status', 'applicant', 'applicant_display', 'processor', 'processor_display', 'assignees__id' ] search_fields = [ 'title', 'action', 'type', 'status', 'applicant_display', 'processor_display' ] def create(self, request, *args, **kwargs): raise MethodNotAllowed(self.action) def update(self, request, *args, **kwargs): raise MethodNotAllowed(self.action) def destroy(self, request, *args, **kwargs): raise MethodNotAllowed(self.action) def get_queryset(self): queryset = Ticket.get_user_related_tickets(self.request.user) return queryset def perform_create(self, serializer): instance = serializer.save() instance.open(applicant=self.request.user) @action(detail=False, methods=[POST], permission_classes=[IsValidUser, ]) def open(self, request, *args, **kwargs): return super().create(request, *args, **kwargs) @action(detail=True, methods=[PUT], permission_classes=[IsOrgAdmin, IsAssignee, NotClosed]) def approve(self, request, *args, **kwargs): response = super().update(request, *args, **kwargs) instance = self.get_object() instance.approve(processor=self.request.user) return response @action(detail=True, methods=[PUT], permission_classes=[IsOrgAdmin, IsAssignee, NotClosed]) def reject(self, request, *args, **kwargs): instance = self.get_object() serializer = self.get_serializer(instance) instance.reject(processor=request.user) return Response(serializer.data) @action(detail=True, methods=[PUT], permission_classes=[IsAssigneeOrApplicant, NotClosed]) def close(self, request, *args, **kwargs): instance = self.get_object() serializer = self.get_serializer(instance) instance.close(processor=request.user) return Response(serializer.data)
skyoo/jumpserver
apps/tickets/api/ticket.py
Python
gpl-2.0
2,796
import FWCore.ParameterSet.Config as cms maxEvents = cms.untracked.PSet( input = cms.untracked.int32(-1) ) readFiles = cms.untracked.vstring() secFiles = cms.untracked.vstring() source = cms.Source ("PoolSource",fileNames = readFiles, secondaryFileNames = secFiles) readFiles.extend( [ '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/0A2744F9-FA05-E411-BD0C-00259073E36C.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/0E936434-FD05-E411-81BF-F4CE46B27A1A.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/32E07232-FD05-E411-897C-00259073E522.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/3CE2B535-FB05-E411-919A-20CF307C98DC.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/48093276-FC05-E411-9EEE-001F296564C6.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/50B66FF3-FA05-E411-A937-001F296564C6.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/544B2DF7-FA05-E411-B91F-001F2965F296.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/54DB2FF7-FE05-E411-824B-00259073E522.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/56D1BC32-FD05-E411-A512-20CF3027A5EB.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/5AD70432-FC05-E411-906C-20CF3027A5CD.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/5C4FBFF4-FA05-E411-9767-00259073E36C.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/5CF748F8-FC05-E411-814B-20CF3027A5A2.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/7806E24D-FC05-E411-8922-001F2965F296.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/7C16B231-FD05-E411-8E00-20CF3027A5EB.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/802452C1-FC05-E411-A969-00221983E092.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/8217E3BD-FC05-E411-B8C2-0025907277CE.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/8676BEF4-FA05-E411-B26A-00259073E36C.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/8C1741F3-FA05-E411-B5B5-20CF3027A582.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/8C915AB8-FC05-E411-9EAF-F4CE46B27A1A.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/AA0FCBB0-FC05-E411-898D-00259073E36C.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/B49383BA-FC05-E411-9914-F4CE46B27A1A.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/B6DAEFDD-FB05-E411-9851-20CF3027A5CD.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/C6F5C44F-FD05-E411-B86F-D48564592B02.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/C83B6B6C-FC05-E411-BAFD-D48564599CAA.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/CEF64C64-FD05-E411-A799-001F2965648A.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/D6C305FC-FA05-E411-9AF5-00259073E522.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/DE0FC6A4-FC05-E411-A2F9-00259073E36C.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/E2D5AD33-FD05-E411-868A-D48564594F36.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/E63BCC43-FB05-E411-834E-D48564599CEE.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/EAD01F32-FD05-E411-91E4-20CF3027A5F4.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/F0A18D25-FC05-E411-8DFC-20CF3027A582.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/F0B8E6B6-FA05-E411-9DAE-20CF3027A5CD.root', '/store/mc/Spring14miniaod/QCD_Pt-80to120_MuEnrichedPt5_Tune4C_13TeV_pythia8/MINIAODSIM/PU20bx25_POSTLS170_V5-v1/00000/F23A21C3-FD05-E411-9E29-A4BADB3D00FF.root' ] ); secFiles.extend( [ ] )
pfs/CSA14
python/csa14/QCD_80_120_MuEnriched_pythia8_cfi.py
Python
gpl-2.0
5,943
# # bootloader_advanced.py: gui advanced bootloader configuration dialog # # Jeremy Katz <katzj@redhat.com> # # Copyright 2001-2002 Red Hat, Inc. # # This software may be freely redistributed under the terms of the GNU # library public license. # # You should have received a copy of the GNU Library Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 675 Mass Ave, Cambridge, MA 02139, USA. # import gtk import gobject import iutil import partedUtils import gui from iw_gui import * from rhpl.translate import _, N_ from bootlocwidget import BootloaderLocationWidget class AdvancedBootloaderWindow(InstallWindow): windowTitle = N_("Advanced Boot Loader Configuration") def __init__(self, ics): InstallWindow.__init__(self, ics) self.parent = ics.getICW().window def getPrev(self): pass def getNext(self): # forcing lba32 can be a bad idea.. make sure they really want to if (self.forceLBA.get_active() and not self.bl.forceLBA32): rc = self.intf.messageWindow(_("Warning"), _("Forcing the use of LBA32 for your bootloader when " "not supported by the BIOS can cause your machine " "to be unable to boot.\n\n" "Would you like to continue and force LBA32 mode?"), type = "custom", custom_buttons = [_("Cancel"), _("Force LBA32")]) if rc != 1: raise gui.StayOnScreen # set forcelba self.bl.setForceLBA(self.forceLBA.get_active()) # set kernel args self.bl.args.set(self.appendEntry.get_text()) # set the boot device self.bl.setDevice(self.blloc.getBootDevice()) # set the drive order self.bl.drivelist = self.blloc.getDriveOrder() # set up the vbox with force lba32 and kernel append def setupOptionsVbox(self): self.options_vbox = gtk.VBox(False, 5) self.options_vbox.set_border_width(5) self.forceLBA = gtk.CheckButton(_("_Force LBA32 (not normally required)")) self.options_vbox.pack_start(self.forceLBA, False) self.forceLBA.set_active(self.bl.forceLBA32) label = gui.WrappingLabel(_("If you wish to add default options to the " "boot command, enter them into " "the 'General kernel parameters' field.")) label.set_alignment(0.0, 0.0) self.options_vbox.pack_start(label, False) label = gui.MnemonicLabel(_("_General kernel parameters")) self.appendEntry = gtk.Entry() label.set_mnemonic_widget(self.appendEntry) args = self.bl.args.get() if args: self.appendEntry.set_text(args) box = gtk.HBox(False, 0) box.pack_start(label) box.pack_start(self.appendEntry) al = gtk.Alignment(0.0, 0.0) al.add(box) self.options_vbox.pack_start(al, False) def getScreen(self, anaconda): self.dispatch = anaconda.dispatch self.bl = anaconda.id.bootloader self.intf = anaconda.intf thebox = gtk.VBox (False, 10) # boot loader location bits (mbr vs boot, drive order) self.blloc = BootloaderLocationWidget(anaconda, self.parent) thebox.pack_start(self.blloc.getWidget(), False) thebox.pack_start (gtk.HSeparator(), False) # some optional things self.setupOptionsVbox() thebox.pack_start(self.options_vbox, False) return thebox
sergey-senozhatsky/anaconda-11-vlan-support
iw/bootloader_advanced_gui.py
Python
gpl-2.0
3,639
#!/usr/bin/env python # ********************************************************************** # # Copyright (c) 2003-2011 ZeroC, Inc. All rights reserved. # # This copy of Ice is licensed to you under the terms described in the # ICE_LICENSE file included in this distribution. # # ********************************************************************** import os, sys path = [ ".", "..", "../..", "../../..", "../../../.." ] head = os.path.dirname(sys.argv[0]) if len(head) > 0: path = [os.path.join(head, p) for p in path] path = [os.path.abspath(p) for p in path if os.path.exists(os.path.join(p, "scripts", "TestUtil.py")) ] if len(path) == 0: raise "can't find toplevel directory!" sys.path.append(os.path.join(path[0])) from scripts import * dbdir = os.path.join(os.getcwd(), "db") TestUtil.cleanDbDir(dbdir) client = os.path.join(os.getcwd(), "client") if TestUtil.appverifier: TestUtil.setAppVerifierSettings([client]) clientProc = TestUtil.startClient(client, ' --Freeze.Warn.Rollback=0 "%s"' % os.getcwd()) clientProc.waitTestSuccess() if TestUtil.appverifier: TestUtil.appVerifierAfterTestEnd([client])
joshmoore/zeroc-ice
cpp/test/Freeze/dbmap/run.py
Python
gpl-2.0
1,137
#!/usr/bin/python import os import sys import re # file name unified by the following rule: # 1. always save the osm under ../osmFiles directory # 2. the result automatically generate to ../trajectorySets # 3.1. change variable "osmName", or # 3.2. use command argument to specify osm file name # 4. this script generates a set of paths, each includes a series of of points, # and save in originOfLife folder for further parsing. # also, please scroll down the very bottom to see what's the next step osmName = 'San_Jose_20x20.osm' # sample: 'ucla.osm' #osmName = 'Los_Angeles_20x20.osm' # sample: 'ucla.osm' #osmName = 'ucla_5x5.osm' # sample: 'ucla.osm' optionAllowLoop = False # most of the cases are building bounding boxes # support system parameters if len(sys.argv) >= 2: osmName = sys.argv[1] if len(sys.argv) >= 3: optionAllowLoop = (sys.argv[2] == '1') inFile = '../../../Data/osmFiles/' + osmName if len(osmName.split('.')) == 1: osmNameWoExt = osmName else: osmNameWoExt = osmName[:-(1+len(osmName.split('.')[-1]))] outRootDir = '../../../Data/trajectorySets/' outFile = outRootDir + osmNameWoExt + '.tfix' print('input file = ' + inFile) print('output file = ' + outFile) print('') f = open('/tmp/in', 'w') f.write('<in>' + inFile + '</in>'); f.close() # the following command can be slow. a 3x3 mile^2 area takes 53 seconds to generate the result. xmlWayDetail = outRootDir + 'originOfLife/' + osmNameWoExt + '.xml' cmd = 'basex findWayTrajectory.xq > ' + xmlWayDetail print('CMD: ' + cmd) if os.path.isfile(xmlWayDetail): print('File existed. Skip.') else: os.system(cmd) # the next step should be executing the python3 ../makeElevSegMap.py with the input # parameter outFile, but because of the relative folder path issue, integrating # makeElevSegMap.py into this code needs to make big changes. So at this stage, # we still stay on manually executing that script.
nesl/mercury
Services/Mapping/fixProgram/script.py
Python
gpl-2.0
1,925
# OpenSSL is more stable then ssl # but OpenSSL is different then ssl, so need a wrapper import sys import os import OpenSSL SSLError = OpenSSL.SSL.WantReadError import select import time import socket import logging ssl_version = '' class SSLConnection(object): """OpenSSL Connection Wrapper""" def __init__(self, context, sock): self._context = context self._sock = sock self._connection = OpenSSL.SSL.Connection(context, sock) self._makefile_refs = 0 def __getattr__(self, attr): if attr not in ('_context', '_sock', '_connection', '_makefile_refs'): return getattr(self._connection, attr) def __iowait(self, io_func, *args, **kwargs): timeout = self._sock.gettimeout() or 0.1 fd = self._sock.fileno() time_start = time.time() while True: try: return io_func(*args, **kwargs) except (OpenSSL.SSL.WantReadError, OpenSSL.SSL.WantX509LookupError): sys.exc_clear() _, _, errors = select.select([fd], [], [fd], timeout) if errors: break time_now = time.time() if time_now - time_start > timeout: break except OpenSSL.SSL.WantWriteError: sys.exc_clear() _, _, errors = select.select([], [fd], [fd], timeout) if errors: break time_now = time.time() if time_now - time_start > timeout: break def accept(self): sock, addr = self._sock.accept() client = OpenSSL.SSL.Connection(sock._context, sock) return client, addr def do_handshake(self): self.__iowait(self._connection.do_handshake) def connect(self, *args, **kwargs): return self.__iowait(self._connection.connect, *args, **kwargs) def __send(self, data, flags=0): try: return self.__iowait(self._connection.send, data, flags) except OpenSSL.SSL.SysCallError as e: if e[0] == -1 and not data: # errors when writing empty strings are expected and can be ignored return 0 raise def __send_memoryview(self, data, flags=0): if hasattr(data, 'tobytes'): data = data.tobytes() return self.__send(data, flags) send = __send if sys.version_info >= (2, 7, 5) else __send_memoryview def recv(self, bufsiz, flags=0): pending = self._connection.pending() if pending: return self._connection.recv(min(pending, bufsiz)) try: return self.__iowait(self._connection.recv, bufsiz, flags) except OpenSSL.SSL.ZeroReturnError: return '' except OpenSSL.SSL.SysCallError as e: if e[0] == -1 and 'Unexpected EOF' in e[1]: # errors when reading empty strings are expected and can be ignored return '' raise def read(self, bufsiz, flags=0): return self.recv(bufsiz, flags) def write(self, buf, flags=0): return self.sendall(buf, flags) def close(self): if self._makefile_refs < 1: self._connection = None if self._sock: socket.socket.close(self._sock) else: self._makefile_refs -= 1 def makefile(self, mode='r', bufsize=-1): self._makefile_refs += 1 return socket._fileobject(self, mode, bufsize, close=True) @staticmethod def context_builder(ca_certs=None, cipher_suites=('ALL:!RC4-SHA:!ECDHE-RSA-RC4-SHA:!ECDHE-RSA-AES128-GCM-SHA256:!AES128-GCM-SHA256',)): # 'ALL', '!aNULL', '!eNULL' global ssl_version if not ssl_version: if hasattr(OpenSSL.SSL, "TLSv1_2_METHOD"): ssl_version = "TLSv1_2" elif hasattr(OpenSSL.SSL, "TLSv1_1_METHOD"): ssl_version = "TLSv1_1" elif hasattr(OpenSSL.SSL, "TLSv1_METHOD"): ssl_version = "TLSv1" else: ssl_version = "SSLv23" if sys.platform == "darwin": ssl_version = "TLSv1" logging.info("SSL use version:%s", ssl_version) protocol_version = getattr(OpenSSL.SSL, '%s_METHOD' % ssl_version) ssl_context = OpenSSL.SSL.Context(protocol_version) if ca_certs: ssl_context.load_verify_locations(os.path.abspath(ca_certs)) ssl_context.set_verify(OpenSSL.SSL.VERIFY_PEER, lambda c, x, e, d, ok: ok) else: ssl_context.set_verify(OpenSSL.SSL.VERIFY_NONE, lambda c, x, e, d, ok: ok) ssl_context.set_cipher_list(':'.join(cipher_suites)) return ssl_context
lichuan261/wuand
XX-Net/goagent/3.1.49/local/openssl_wrap.py
Python
gpl-2.0
4,813
import json import bottle from pyrouted.util import make_spec def route(method, path): def decorator(f): f.http_route = path f.http_method = method return f return decorator class APIv1(object): prefix = '/v1' def __init__(self, ndb, config): self.ndb = ndb self.config = config @route('GET', '/sources') def sources_list(self, mode='short'): ret = {} mode = bottle.request.query.mode or mode for name, spec in self.ndb.sources.items(): ret[name] = {'class': spec.nl.__class__.__name__, 'status': spec.status} if mode == 'full': ret[name]['config'] = spec.nl_kwarg return bottle.template('{{!ret}}', ret=json.dumps(ret)) @route('PUT', '/sources') def sources_restart(self): node = bottle.request.body.getvalue().decode('utf-8') self.ndb.sources[node].start() @route('POST', '/sources') def sources_add(self): data = bottle.request.body.getvalue().decode('utf-8') node, spec = make_spec(data, self.config) self.config['sources'].append(node) self.ndb.connect_source(node, spec) @route('DELETE', '/sources') def sources_del(self): node = bottle.request.body.getvalue().decode('utf-8') self.config['sources'].remove(node) self.ndb.disconnect_source(node) @route('GET', '/config') def config_get(self): return bottle.template('{{!ret}}', ret=json.dumps(self.config)) @route('PUT', '/config') def config_dump(self): path = bottle.request.body.getvalue().decode('utf-8') self.config.dump(path) @route('GET', '/<name:re:(%s|%s|%s|%s|%s|%s)>' % ('interfaces', 'addresses', 'routes', 'neighbours', 'vlans', 'bridges')) def view(self, name): ret = [] obj = getattr(self.ndb, name) for line in obj.dump(): ret.append(line) return bottle.template('{{!ret}}', ret=json.dumps(ret)) @route('GET', '/query/<name:re:(%s|%s|%s|%s)>' % ('nodes', 'p2p_edges', 'l2_edges', 'l3_edges')) def query(self, name): ret = [] obj = getattr(self.ndb.query, name) for line in obj(): ret.append(line) return bottle.template('{{!ret}}', ret=json.dumps(ret))
svinota/pyrouted
pyrouted/api.py
Python
gpl-2.0
2,803
import sys,os #sys.path.append(os.path.join(os.path.dirname(__file__), '../../..')) #from ethosgame.ethos.level import Level from ..level import Level #from ethosgame.ethos.gameobject import GameObject from ..gameobject import GameObject #from ethosgame.ethos.drawnobject import DrawnObject from ..drawnobject import DrawnObject import pygame from pygame.locals import * from pygame import Color, image, font, sprite class Level0(Level): def __init__(self): super(Level0, self).__init__() self.activeSprites = sprite.RenderClear() self.drawnSprites = [] self.npc = GameObject(image.load('User.png'), 100,50) self.activeSprites.add(self.npc) self.block1 = GameObject(image.load('platform.png'), 100, 400) self.activeSprites.add(self.block1); self.mousex = 0 self.mousey = 0 #The highest height our npc #can climb. If a the dY with a #point is higher than this, the #npc will just fall to his death self.MAX_HILL_HEIGHT = 3 self.toDrawRectTopLeft = (0,0) self.toDrawRectBottomRight = (0,0) self.drawing = False self.pts = [] print "Level 0 initialized." def update(self, dT): #print "Running level0" #Character info for gobject in self.activeSprites: if gobject is not self.npc: if not gobject.rect.colliderect(self.npc.rect): #if self.npc.vy < 0.3 and (gobject.rect.y >= self.npc.rect.y + self.npc.rect.height): if self.npc.vy < 0.3: self.npc.vy += 0.1 else: self.npc.vy = 0 gobject.update(dT) collidingPoints = [] for drawnstuff in self.drawnSprites: for point in drawnstuff.pts: x = self.npc.rect.collidepoint(point) if x: collidingPoints.append(point) if(len(collidingPoints) > 0): self.npc.processPointCollision(collidingPoints) def processKeyDown(self,key): print "You hit the key " + str(key) + "!" if key == pygame.K_RIGHT: self.npc.vx = 0.1 def processMouseMotion(self,pos): #print "Your mouse is at " + str(pos[0]) + " " + str(pos[1]) self.mousex = pos[0] self.mousey = pos[1] if self.drawing and len(self.pts) < 100: self.pts.append( pos ) def processMouseButtonDown(self, pos): print "Ya clicked at " + str(pos[0]) + " " + str(pos[1]) + " ya goof!" self.drawing = True self.toDrawRectTopLeft = (pos[0],pos[1]) if len(self.pts) > 0: self.pts = [] def processMouseButtonUp(self, pos): print "Ya let go" if self.drawing is True: self.drawing = False self.drawnSprites.append ( DrawnObject(self.pts) ) self.toDrawRectBottomRight = (pos[0], pos[1])
Berulacks/ethosgame
ethos/levels/level0.py
Python
gpl-2.0
2,904
from django.conf.urls import url from . import views urlpatterns = [ url(r'^$', views.map, name='map'), url(r'^mapSim', views.mapSim, name='mapSim'), url(r'^api/getPos', views.getPos, name='getPos'), url(r'^api/getProjAndPos', views.getProjAndPos, name='getProjAndPos'), ]
j-herrera/icarus
icarus_site/ISStrace/urls.py
Python
gpl-2.0
279
# -*- coding: utf-8 -*- # from rest_framework import viewsets from rest_framework.exceptions import ValidationError from django.db import transaction from django.utils.translation import ugettext as _ from django.conf import settings from orgs.mixins.api import RootOrgViewMixin from common.permissions import IsValidUser from perms.utils import AssetPermissionUtil from ..models import CommandExecution from ..serializers import CommandExecutionSerializer from ..tasks import run_command_execution class CommandExecutionViewSet(RootOrgViewMixin, viewsets.ModelViewSet): serializer_class = CommandExecutionSerializer permission_classes = (IsValidUser,) def get_queryset(self): return CommandExecution.objects.filter( user_id=str(self.request.user.id) ) def check_hosts(self, serializer): data = serializer.validated_data assets = data["hosts"] system_user = data["run_as"] util = AssetPermissionUtil(self.request.user) util.filter_permissions(system_users=system_user.id) permed_assets = util.get_assets().filter(id__in=[a.id for a in assets]) invalid_assets = set(assets) - set(permed_assets) if invalid_assets: msg = _("Not has host {} permission").format( [str(a.id) for a in invalid_assets] ) raise ValidationError({"hosts": msg}) def check_permissions(self, request): if not settings.SECURITY_COMMAND_EXECUTION and request.user.is_common_user: return self.permission_denied(request, "Command execution disabled") return super().check_permissions(request) def perform_create(self, serializer): self.check_hosts(serializer) instance = serializer.save() instance.user = self.request.user instance.save() cols = self.request.query_params.get("cols", '80') rows = self.request.query_params.get("rows", '24') transaction.on_commit(lambda: run_command_execution.apply_async( args=(instance.id,), kwargs={"cols": cols, "rows": rows}, task_id=str(instance.id) ))
zsjohny/jumpserver
apps/ops/api/command.py
Python
gpl-2.0
2,150
# -*- coding: utf-8 -*- """ Created on Tue May 28 12:20:59 2013 === MAYAXES (v1.1) === Generates a set of MayaVI axes using the mayavi.mlab.axes() object with a white background, small black text and a centred title. Designed to better mimic MATLAB style plots. Unspecified arguments will be set to default values when mayaxes is called (note that default settings are configured for a figure measuring 1024 x 768 pixels and may not display correctly on plots that are significantly larger or smaller). === Inputs === 'title' Figure title text (default = 'VOID') 'xlabel' X axis label text (default = 'X') 'ylabel' Y axis label text (default = 'Y') 'zlabel' Z axis label text (default = 'Z') 'handle' Graphics handle of object (if bounding box is to be plotted) 'title_size' Font size of the title text (default = 25) 'ticks' Number of divisions on each axis (default = 7) 'font_scaling' Font scaling factor for axis text (default = 0.7) 'background' Background colour (can be 'b' (black) or 'w' (white)) === Notes === Disbaling figure title: specify title_string='void' OR title_string='Void' OR title_string='VOID' to disable figure title. Disabling bounding box: specify handle='void' OR handle='Void' OR handle='VOID' to disable figure bounding box. === Usage === from mayaxes import mayaxes mayaxes('Figure title','X axis label','Y axis label','Z axis label') OR mayaxes(title_string='TITLE',xlabel='X',ylabel='Y',zlabel='Z',title_size=25,ticks=7,font_scaling=0.7) === Example === from mayaxes import test_mayaxes test_mayaxes() @author: Nathan Donaldson """ def mayaxes(title_string='VOID', xlabel='VOID', ylabel='VOID', zlabel='VOID', handle='VOID', \ title_size=25, ticks=7, font_scaling=0.7, background='w'): if type(title_string) != str or type(xlabel) != str or type(ylabel) != str or type(zlabel) != str: print('ERROR: label inputs must all be strings') return elif type(ticks) != int: print('ERROR: number of ticks must be an integer') return elif type(font_scaling) != float and type(font_scaling) != int: print('Error: font scaling factor must be an integer or a float') return from mayavi.mlab import axes,title,gcf,outline # Create axes object ax = axes() # Font factor globally adjusts figure text size ax.axes.font_factor = font_scaling # Number of ticks along each axis ax.axes.number_of_labels = ticks # Set axis labels to input strings # (spaces are included for padding so that labels do not intersect with axes) if xlabel=='void' or xlabel=='Void' or xlabel=='VOID': print 'X axis label title disabled' else: ax.axes.x_label = ' ' + xlabel if ylabel=='void' or ylabel=='Void' or ylabel=='VOID': print 'Y axis label disabled' else: ax.axes.y_label = ylabel + ' ' if zlabel=='void' or zlabel=='Void' or zlabel=='VOID': print 'Z axis label disabled' else: ax.axes.z_label = zlabel + ' ' # Create figure title if title_string=='void' or title_string=='Void' or title_string=='VOID': print 'Figure title disabled' else: text_title = title(title_string) text_title.x_position = 0.5 text_title.y_position = 0.9 text_title.property.color = (0.0, 0.0, 0.0) text_title.actor.text_scale_mode = 'none' text_title.property.font_size = title_size text_title.property.justification = 'centered' # Create bounding box if handle=='void' or handle=='Void' or handle=='VOID': print 'Bounding box disabled' else: if background == 'w': bounding_box = outline(handle, color=(0.0, 0.0, 0.0), opacity=0.2) elif background == 'b': bounding_box = outline(handle, color=(1.0, 1.0, 1.0), opacity=0.2) # Set axis, labels and titles to neat black text #ax.property.color = (0.0, 0.0, 0.0) #ax.title_text_property.color = (0.0, 0.0, 0.0) #ax.label_text_property.color = (0.0, 0.0, 0.0) ax.label_text_property.bold = False ax.label_text_property.italic = False ax.title_text_property.italic = False ax.title_text_property.bold = False # Reset axis range ax.axes.use_ranges = True # Set scene background, axis and text colours fig = gcf() if background == 'w': fig.scene.background = (1.0, 1.0, 1.0) ax.label_text_property.color = (0.0, 0.0, 0.0) ax.property.color = (0.0, 0.0, 0.0) ax.title_text_property.color = (0.0, 0.0, 0.0) elif background == 'b': fig.scene.background = (0.0, 0.0, 0.0) ax.label_text_property.color = (1.0, 1.0, 1.0) ax.property.color = (1.0, 1.0, 1.0) ax.title_text_property.color = (1.0, 1.0, 1.0) fig.scene.parallel_projection = True def test_mayaxes(): from mayaxes import mayaxes from scipy import sqrt,sin,meshgrid,linspace,pi import mayavi.mlab as mlab resolution = 200 lambda_var = 3 theta = linspace(-lambda_var*2*pi,lambda_var*2*pi,resolution) x, y = meshgrid(theta, theta) r = sqrt(x**2 + y**2) z = sin(r)/r fig = mlab.figure(size=(1024,768)) surf = mlab.surf(theta,theta,z,colormap='jet',opacity=1.0,warp_scale='auto') mayaxes(title_string='Figure 1: Diminishing polar cosine series', \ xlabel='X data',ylabel='Y data',zlabel='Z data',handle=surf) fig.scene.camera.position = [435.4093863309094, 434.1268937227623, 315.90311468125287] fig.scene.camera.focal_point = [94.434632665253829, 93.152140057106593, -25.071638984402856] fig.scene.camera.view_angle = 30.0 fig.scene.camera.view_up = [0.0, 0.0, 1.0] fig.scene.camera.clipping_range = [287.45231734040635, 973.59247058049255] fig.scene.camera.compute_view_plane_normal() fig.scene.render() mlab.show()
Nate28/mayaxes
mayaxes.py
Python
gpl-2.0
6,007
#!/usr/bin/env python # # Copyright (C) 2007 Sascha Peilicke <sasch.pe@gmx.de> # # This program is free software; you can redistribute it and/or # modify it under the terms of the GNU General Public License # as published by the Free Software Foundation; either version 2 # of the License, or (at your option) any later version. # # This program is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with this program; if not, write to the Free Software # Foundation, Inc., 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301, USA # from random import randrange from zipfile import ZipFile from StringIO import StringIO # Constants DEFAULT_LEVELPACK = './data/default_pack.zip' SKILL_EASY = 'Easy' # These values should match the SKILL_MEDIUM = 'Medium' # the level files! SKILL_HARD = 'Hard' FIELD_INVALID = 0 # Constants describing a field on FIELD_VALID = 1 # the playfield FIELD_MARKED_VALID = 2 FIELD_MARKED_INVALID = 4 FIELD_OPEN = 8 class Game(object): """A paint by numbers game also called nonogram. """ def __init__(self, skill=None): """Creates a picross game. Parameters: skill - Desired skill level (None == random) """ self.__level = None self.__name = None self.__skill = None self.__fieldsToOpen = 0 self.__fieldsOpened = 0 self.load(skill=skill) # # Miscellaneous methods # def _debug_print(self): print self.getInfo() print 'go: %s' % (self.__gameOver) for row in self.__level: print row # # Game information retrieval # def getInfo(self): """Returns the name, skill and size of the level """ return self.__name,self.__skill,len(self.__level) def getRowHint(self,row): """Returns the hint for a specific row. """ hint,count = [],0 for columnItem in self.__level[row]: if columnItem == FIELD_VALID: count += 1 else: if count > 0: hint.append(count) count = 0 if count > 0: hint.append(count) if not hint: hint.append(0) return hint def getColumnHint(self,col): """Returns the hint for a specific column. """ hint,count = [],0 for row in self.__level: if row[col] == FIELD_VALID: count += 1 else: if count > 0: hint.append(count) count = 0 if count > 0: hint.append(count) if not hint: hint.append(0) return hint def getField(self,col,row): return self.__level[row][col] def isGameWon(self): return self.__fieldsOpened == self.__fieldsToOpen # # Game manipulation methods # def restart(self): """Reinitializes the current game """ for i, row in enumerate(self.__level): for j, field in enumerate(row): if field == FIELD_OPEN or field == FIELD_MARKED_VALID: self.__level[i][j] = FIELD_VALID elif field == FIELD_MARKED_INVALID: self.__level[i][j] = FIELD_INVALID self.__gameOver = False self.__fieldsOpened = 0 def openField(self,col,row): field = self.__level[row][col] if field == FIELD_VALID or field == FIELD_MARKED_VALID: self.__level[row][col] = FIELD_OPEN self.__fieldsOpened += 1 return True else: return False def markField(self,col,row): field = self.__level[row][col] if field == FIELD_VALID: self.__level[row][col] = FIELD_MARKED_VALID elif field == FIELD_MARKED_VALID: self.__level[row][col] = FIELD_VALID elif field == FIELD_INVALID: self.__level[row][col] = FIELD_MARKED_INVALID elif field == FIELD_MARKED_INVALID: self.__level[row][col] = FIELD_INVALID return self.__level[row][col] def load(self,file=DEFAULT_LEVELPACK,skill=None): """Loads a level either from a zipped levelpack or from a textfile. Parameters: file - Can be a file path or zipped levelpack skill - Desired level skill (None == random) """ if file.endswith('.lvl'): # Set the skill variable if file.startswith('easy'): self.__skill = SKILL_EASY elif file.startswith('medium'): self.__skill = SKILL_MEDIUM elif file.startswith('hard'): self.__skill = SKILL_HARD self.__loadFileContent(open(file,'r')) elif file.endswith('.zip'): zip = ZipFile(file) # We have to select from which files in the zipfile we # want to choose randomly based on the level's skill candidates = [] if skill == SKILL_EASY: for file in zip.namelist(): if file.startswith('easy'): candidates.append(file) elif skill == SKILL_MEDIUM: for file in zip.namelist(): if file.startswith('medium'): candidates.append(file) elif skill == SKILL_HARD: for file in zip.namelist(): if file.startswith('hard'): candidates.append(file) # This should never happen in a good levelpack, but if it # is malformed, just pick something! if not candidates: candidates = zip.namelist() # Select one candidate randomly which = candidates[randrange(len(candidates))] # Set the skill variable if which.startswith('easy'): self.__skill = SKILL_EASY elif which.startswith('medium'):self.__skill = SKILL_MEDIUM elif which.startswith('hard'): self.__skill = SKILL_HARD # Read from zipfile and load file content buf = zip.read(which) self.__loadFileContent(StringIO(buf)) def __loadFileContent(self,file): """Actually loads the level data from a file. """ self.__level = [] for line in file: if line.startswith('name:'): self.__name = line[5:].strip() elif line[0] == '0' or line[0] == '1': row = [] for field in line: if field == '0': row.append(FIELD_INVALID) elif field == '1': self.__fieldsToOpen += 1 row.append(FIELD_VALID) self.__level.append(row)
saschpe/gnome_picross
gnomepicross/game.py
Python
gpl-2.0
5,836
# ---------------------------------------------------------------------------- # pyglet # Copyright (c) 2006-2008 Alex Holkner # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions # are met: # # * Redistributions of source code must retain the above copyright # notice, this list of conditions and the following disclaimer. # * Redistributions in binary form must reproduce the above copyright # notice, this list of conditions and the following disclaimer in # the documentation and/or other materials provided with the # distribution. # * Neither the name of pyglet nor the names of its # contributors may be used to endorse or promote products # derived from this software without specific prior written # permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS # "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT # LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS # FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE # COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, # INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, # BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; # LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER # CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT # LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN # ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE # POSSIBILITY OF SUCH DAMAGE. # ---------------------------------------------------------------------------- """Windowing and user-interface events. This module allows applications to create and display windows with an OpenGL context. Windows can be created with a variety of border styles or set fullscreen. You can register event handlers for keyboard, mouse and window events. For games and kiosks you can also restrict the input to your windows, for example disabling users from switching away from the application with certain key combinations or capturing and hiding the mouse. Getting started --------------- Call the Window constructor to create a new window:: from pyglet.window import Window win = Window(width=640, height=480) Attach your own event handlers:: @win.event def on_key_press(symbol, modifiers): # ... handle this event ... Place drawing code for the window within the `Window.on_draw` event handler:: @win.event def on_draw(): # ... drawing code ... Call `pyglet.app.run` to enter the main event loop (by default, this returns when all open windows are closed):: from pyglet import app app.run() Creating a game window ---------------------- Use `Window.set_exclusive_mouse` to hide the mouse cursor and receive relative mouse movement events. Specify ``fullscreen=True`` as a keyword argument to the `Window` constructor to render to the entire screen rather than opening a window:: win = Window(fullscreen=True) win.set_exclusive_mouse() Working with multiple screens ----------------------------- By default, fullscreen windows are opened on the primary display (typically set by the user in their operating system settings). You can retrieve a list of attached screens and select one manually if you prefer. This is useful for opening a fullscreen window on each screen:: display = window.get_platform().get_default_display() screens = display.get_screens() windows = [] for screen in screens: windows.append(window.Window(fullscreen=True, screen=screen)) Specifying a screen has no effect if the window is not fullscreen. Specifying the OpenGL context properties ---------------------------------------- Each window has its own context which is created when the window is created. You can specify the properties of the context before it is created by creating a "template" configuration:: from pyglet import gl # Create template config config = gl.Config() config.stencil_size = 8 config.aux_buffers = 4 # Create a window using this config win = window.Window(config=config) To determine if a given configuration is supported, query the screen (see above, "Working with multiple screens"):: configs = screen.get_matching_configs(config) if not configs: # ... config is not supported else: win = window.Window(config=configs[0]) """ from __future__ import division from builtins import object from future.utils import with_metaclass __docformat__ = 'restructuredtext' __version__ = '$Id$' import sys import pyglet from pyglet import gl from pyglet.event import EventDispatcher import pyglet.window.key import pyglet.window.event _is_epydoc = hasattr(sys, 'is_epydoc') and sys.is_epydoc class WindowException(Exception): """The root exception for all window-related errors.""" pass class NoSuchDisplayException(WindowException): """An exception indicating the requested display is not available.""" pass class NoSuchConfigException(WindowException): """An exception indicating the requested configuration is not available.""" pass class NoSuchScreenModeException(WindowException): """An exception indicating the requested screen resolution could not be met.""" pass class MouseCursorException(WindowException): """The root exception for all mouse cursor-related errors.""" pass class MouseCursor(object): """An abstract mouse cursor.""" #: Indicates if the cursor is drawn using OpenGL. This is True #: for all mouse cursors except system cursors. drawable = True def draw(self, x, y): """Abstract render method. The cursor should be drawn with the "hot" spot at the given coordinates. The projection is set to the pyglet default (i.e., orthographic in window-space), however no other aspects of the state can be assumed. :Parameters: `x` : int X coordinate of the mouse pointer's hot spot. `y` : int Y coordinate of the mouse pointer's hot spot. """ raise NotImplementedError('abstract') class DefaultMouseCursor(MouseCursor): """The default mouse cursor used by the operating system.""" drawable = False class ImageMouseCursor(MouseCursor): """A user-defined mouse cursor created from an image. Use this class to create your own mouse cursors and assign them to windows. There are no constraints on the image size or format. """ drawable = True def __init__(self, image, hot_x=0, hot_y=0): """Create a mouse cursor from an image. :Parameters: `image` : `pyglet.image.AbstractImage` Image to use for the mouse cursor. It must have a valid ``texture`` attribute. `hot_x` : int X coordinate of the "hot" spot in the image relative to the image's anchor. `hot_y` : int Y coordinate of the "hot" spot in the image, relative to the image's anchor. """ self.texture = image.get_texture() self.hot_x = hot_x self.hot_y = hot_y def draw(self, x, y): gl.glPushAttrib(gl.GL_ENABLE_BIT | gl.GL_CURRENT_BIT) gl.glColor4f(1, 1, 1, 1) gl.glEnable(gl.GL_BLEND) gl.glBlendFunc(gl.GL_SRC_ALPHA, gl.GL_ONE_MINUS_SRC_ALPHA) self.texture.blit(x - self.hot_x, y - self.hot_y, 0) gl.glPopAttrib() def _PlatformEventHandler(data): """Decorator for platform event handlers. Apply giving the platform-specific data needed by the window to associate the method with an event. See platform-specific subclasses of this decorator for examples. The following attributes are set on the function, which is returned otherwise unchanged: _platform_event True _platform_event_data List of data applied to the function (permitting multiple decorators on the same method). """ def _event_wrapper(f): f._platform_event = True if not hasattr(f, '_platform_event_data'): f._platform_event_data = [] f._platform_event_data.append(data) return f return _event_wrapper def _ViewEventHandler(f): f._view = True return f class _WindowMetaclass(type): """Sets the _platform_event_names class variable on the window subclass. """ def __init__(cls, name, bases, dict): cls._platform_event_names = set() for base in bases: if hasattr(base, '_platform_event_names'): cls._platform_event_names.update(base._platform_event_names) for name, func in dict.items(): if hasattr(func, '_platform_event'): cls._platform_event_names.add(name) super(_WindowMetaclass, cls).__init__(name, bases, dict) class BaseWindow(with_metaclass(_WindowMetaclass, EventDispatcher)): """Platform-independent application window. A window is a "heavyweight" object occupying operating system resources. The "client" or "content" area of a window is filled entirely with an OpenGL viewport. Applications have no access to operating system widgets or controls; all rendering must be done via OpenGL. Windows may appear as floating regions or can be set to fill an entire screen (fullscreen). When floating, windows may appear borderless or decorated with a platform-specific frame (including, for example, the title bar, minimize and close buttons, resize handles, and so on). While it is possible to set the location of a window, it is recommended that applications allow the platform to place it according to local conventions. This will ensure it is not obscured by other windows, and appears on an appropriate screen for the user. To render into a window, you must first call `switch_to`, to make it the current OpenGL context. If you use only one window in the application, there is no need to do this. :Ivariables: `has_exit` : bool True if the user has attempted to close the window. :deprecated: Windows are closed immediately by the default `on_close` handler when `pyglet.app.event_loop` is being used. """ # Filled in by metaclass with the names of all methods on this (sub)class # that are platform event handlers. _platform_event_names = set() #: The default window style. WINDOW_STYLE_DEFAULT = None #: The window style for pop-up dialogs. WINDOW_STYLE_DIALOG = 'dialog' #: The window style for tool windows. WINDOW_STYLE_TOOL = 'tool' #: A window style without any decoration. WINDOW_STYLE_BORDERLESS = 'borderless' #: The default mouse cursor. CURSOR_DEFAULT = None #: A crosshair mouse cursor. CURSOR_CROSSHAIR = 'crosshair' #: A pointing hand mouse cursor. CURSOR_HAND = 'hand' #: A "help" mouse cursor; typically a question mark and an arrow. CURSOR_HELP = 'help' #: A mouse cursor indicating that the selected operation is not permitted. CURSOR_NO = 'no' #: A mouse cursor indicating the element can be resized. CURSOR_SIZE = 'size' #: A mouse cursor indicating the element can be resized from the top #: border. CURSOR_SIZE_UP = 'size_up' #: A mouse cursor indicating the element can be resized from the #: upper-right corner. CURSOR_SIZE_UP_RIGHT = 'size_up_right' #: A mouse cursor indicating the element can be resized from the right #: border. CURSOR_SIZE_RIGHT = 'size_right' #: A mouse cursor indicating the element can be resized from the lower-right #: corner. CURSOR_SIZE_DOWN_RIGHT = 'size_down_right' #: A mouse cursor indicating the element can be resized from the bottom #: border. CURSOR_SIZE_DOWN = 'size_down' #: A mouse cursor indicating the element can be resized from the lower-left #: corner. CURSOR_SIZE_DOWN_LEFT = 'size_down_left' #: A mouse cursor indicating the element can be resized from the left #: border. CURSOR_SIZE_LEFT = 'size_left' #: A mouse cursor indicating the element can be resized from the upper-left #: corner. CURSOR_SIZE_UP_LEFT = 'size_up_left' #: A mouse cursor indicating the element can be resized vertically. CURSOR_SIZE_UP_DOWN = 'size_up_down' #: A mouse cursor indicating the element can be resized horizontally. CURSOR_SIZE_LEFT_RIGHT = 'size_left_right' #: A text input mouse cursor (I-beam). CURSOR_TEXT = 'text' #: A "wait" mouse cursor; typically an hourglass or watch. CURSOR_WAIT = 'wait' #: The "wait" mouse cursor combined with an arrow. CURSOR_WAIT_ARROW = 'wait_arrow' has_exit = False #: Window display contents validity. The `pyglet.app` event loop #: examines every window each iteration and only dispatches the `on_draw` #: event to windows that have `invalid` set. By default, windows always #: have `invalid` set to ``True``. #: #: You can prevent redundant redraws by setting this variable to ``False`` #: in the window's `on_draw` handler, and setting it to True again in #: response to any events that actually do require a window contents #: update. #: #: :type: bool #: :since: pyglet 1.1 invalid = True #: Legacy invalidation flag introduced in pyglet 1.2: set by all event #: dispatches that go to non-empty handlers. The default 1.2 event loop #: will therefore redraw after any handled event or scheduled function. _legacy_invalid = True # Instance variables accessible only via properties _width = None _height = None _caption = None _resizable = False _style = WINDOW_STYLE_DEFAULT _fullscreen = False _visible = False _vsync = False _screen = None _config = None _context = None # Used to restore window size and position after fullscreen _windowed_size = None _windowed_location = None # Subclasses should update these after relevant events _mouse_cursor = DefaultMouseCursor() _mouse_x = 0 _mouse_y = 0 _mouse_visible = True _mouse_exclusive = False _mouse_in_window = False _event_queue = None _enable_event_queue = True # overridden by EventLoop. _allow_dispatch_event = False # controlled by dispatch_events stack frame # Class attributes _default_width = 640 _default_height = 480 def __init__(self, width=None, height=None, caption=None, resizable=False, style=WINDOW_STYLE_DEFAULT, fullscreen=False, visible=True, vsync=True, display=None, screen=None, config=None, context=None, mode=None): """Create a window. All parameters are optional, and reasonable defaults are assumed where they are not specified. The `display`, `screen`, `config` and `context` parameters form a hierarchy of control: there is no need to specify more than one of these. For example, if you specify `screen` the `display` will be inferred, and a default `config` and `context` will be created. `config` is a special case; it can be a template created by the user specifying the attributes desired, or it can be a complete `config` as returned from `Screen.get_matching_configs` or similar. The context will be active as soon as the window is created, as if `switch_to` was just called. :Parameters: `width` : int Width of the window, in pixels. Defaults to 640, or the screen width if `fullscreen` is True. `height` : int Height of the window, in pixels. Defaults to 480, or the screen height if `fullscreen` is True. `caption` : str or unicode Initial caption (title) of the window. Defaults to ``sys.argv[0]``. `resizable` : bool If True, the window will be resizable. Defaults to False. `style` : int One of the ``WINDOW_STYLE_*`` constants specifying the border style of the window. `fullscreen` : bool If True, the window will cover the entire screen rather than floating. Defaults to False. `visible` : bool Determines if the window is visible immediately after creation. Defaults to True. Set this to False if you would like to change attributes of the window before having it appear to the user. `vsync` : bool If True, buffer flips are synchronised to the primary screen's vertical retrace, eliminating flicker. `display` : `Display` The display device to use. Useful only under X11. `screen` : `Screen` The screen to use, if in fullscreen. `config` : `pyglet.gl.Config` Either a template from which to create a complete config, or a complete config. `context` : `pyglet.gl.Context` The context to attach to this window. The context must not already be attached to another window. `mode` : `ScreenMode` The screen will be switched to this mode if `fullscreen` is True. If None, an appropriate mode is selected to accomodate `width` and `height.` """ EventDispatcher.__init__(self) self._event_queue = [] if not display: display = get_platform().get_default_display() if not screen: screen = display.get_default_screen() if not config: for template_config in [ gl.Config(double_buffer=True, depth_size=24), gl.Config(double_buffer=True, depth_size=16), None]: try: config = screen.get_best_config(template_config) break except NoSuchConfigException: pass if not config: raise NoSuchConfigException('No standard config is available.') if not config.is_complete(): config = screen.get_best_config(config) if not context: context = config.create_context(gl.current_context) # Set these in reverse order to above, to ensure we get user # preference self._context = context self._config = self._context.config # XXX deprecate config's being screen-specific if hasattr(self._config, 'screen'): self._screen = self._config.screen else: display = self._config.canvas.display self._screen = display.get_default_screen() self._display = self._screen.display if fullscreen: if width is None and height is None: self._windowed_size = self._default_width, self._default_height width, height = self._set_fullscreen_mode(mode, width, height) if not self._windowed_size: self._windowed_size = width, height else: if width is None: width = self._default_width if height is None: height = self._default_height self._width = width self._height = height self._resizable = resizable self._fullscreen = fullscreen self._style = style if pyglet.options['vsync'] is not None: self._vsync = pyglet.options['vsync'] else: self._vsync = vsync if caption is None: caption = sys.argv[0] # Decode hack for Python2 unicode support: if hasattr(caption, "decode"): try: caption = caption.decode("utf8") except UnicodeDecodeError: caption = "pyglet" self._caption = caption from pyglet import app app.windows.add(self) self._create() self.switch_to() if visible: self.set_visible(True) self.activate() def __del__(self): # Always try to clean up the window when it is dereferenced. # Makes sure there are no dangling pointers or memory leaks. # If the window is already closed, pass silently. try: self.close() except: # XXX Avoid a NoneType error if already closed. pass def __repr__(self): return '%s(width=%d, height=%d)' % \ (self.__class__.__name__, self.width, self.height) def _create(self): raise NotImplementedError('abstract') def _recreate(self, changes): """Recreate the window with current attributes. :Parameters: `changes` : list of str List of attribute names that were changed since the last `_create` or `_recreate`. For example, ``['fullscreen']`` is given if the window is to be toggled to or from fullscreen. """ raise NotImplementedError('abstract') def flip(self): """Swap the OpenGL front and back buffers. Call this method on a double-buffered window to update the visible display with the back buffer. The contents of the back buffer is undefined after this operation. Windows are double-buffered by default. This method is called automatically by `EventLoop` after the `on_draw` event. """ raise NotImplementedError('abstract') def switch_to(self): """Make this window the current OpenGL rendering context. Only one OpenGL context can be active at a time. This method sets the current window's context to be current. You should use this method in preference to `pyglet.gl.Context.set_current`, as it may perform additional initialisation functions. """ raise NotImplementedError('abstract') def set_fullscreen(self, fullscreen=True, screen=None, mode=None, width=None, height=None): """Toggle to or from fullscreen. After toggling fullscreen, the GL context should have retained its state and objects, however the buffers will need to be cleared and redrawn. If `width` and `height` are specified and `fullscreen` is True, the screen may be switched to a different resolution that most closely matches the given size. If the resolution doesn't match exactly, a higher resolution is selected and the window will be centered within a black border covering the rest of the screen. :Parameters: `fullscreen` : bool True if the window should be made fullscreen, False if it should be windowed. `screen` : Screen If not None and fullscreen is True, the window is moved to the given screen. The screen must belong to the same display as the window. `mode` : `ScreenMode` The screen will be switched to the given mode. The mode must have been obtained by enumerating `Screen.get_modes`. If None, an appropriate mode will be selected from the given `width` and `height`. `width` : int Optional width of the window. If unspecified, defaults to the previous window size when windowed, or the screen size if fullscreen. **Since:** pyglet 1.2 `height` : int Optional height of the window. If unspecified, defaults to the previous window size when windowed, or the screen size if fullscreen. **Since:** pyglet 1.2 """ if (fullscreen == self._fullscreen and (screen is None or screen is self._screen) and (width is None or width == self._width) and (height is None or height == self._height)): return if not self._fullscreen: # Save windowed size self._windowed_size = self.get_size() self._windowed_location = self.get_location() if fullscreen and screen is not None: assert screen.display is self.display self._screen = screen self._fullscreen = fullscreen if self._fullscreen: self._width, self._height = self._set_fullscreen_mode( mode, width, height) else: self.screen.restore_mode() self._width, self._height = self._windowed_size if width is not None: self._width = width if height is not None: self._height = height self._recreate(['fullscreen']) if not self._fullscreen and self._windowed_location: # Restore windowed location. # TODO: Move into platform _create? # Not harmless on Carbon because upsets _width and _height # via _on_window_bounds_changed. if pyglet.compat_platform != 'darwin' or pyglet.options['darwin_cocoa']: self.set_location(*self._windowed_location) def _set_fullscreen_mode(self, mode, width, height): if mode is not None: self.screen.set_mode(mode) if width is None: width = self.screen.width if height is None: height = self.screen.height elif width is not None or height is not None: if width is None: width = 0 if height is None: height = 0 mode = self.screen.get_closest_mode(width, height) if mode is not None: self.screen.set_mode(mode) elif self.screen.get_modes(): # Only raise exception if mode switching is at all possible. raise NoSuchScreenModeException( 'No mode matching %dx%d' % (width, height)) else: width = self.screen.width height = self.screen.height return width, height def on_resize(self, width, height): """A default resize event handler. This default handler updates the GL viewport to cover the entire window and sets the ``GL_PROJECTION`` matrix to be orthogonal in window space. The bottom-left corner is (0, 0) and the top-right corner is the width and height of the window in pixels. Override this event handler with your own to create another projection, for example in perspective. """ # XXX avoid GLException by not allowing 0 width or height. width = max(1, width) height = max(1, height) gl.glViewport(0, 0, width, height) gl.glMatrixMode(gl.GL_PROJECTION) gl.glLoadIdentity() gl.glOrtho(0, width, 0, height, -1, 1) gl.glMatrixMode(gl.GL_MODELVIEW) def on_close(self): """Default on_close handler.""" self.has_exit = True from pyglet import app if app.event_loop.is_running: self.close() def on_key_press(self, symbol, modifiers): """Default on_key_press handler.""" if symbol == key.ESCAPE and not (modifiers & ~(key.MOD_NUMLOCK | key.MOD_CAPSLOCK | key.MOD_SCROLLLOCK)): self.dispatch_event('on_close') def close(self): """Close the window. After closing the window, the GL context will be invalid. The window instance cannot be reused once closed (see also `set_visible`). The `pyglet.app.EventLoop.on_window_close` event is dispatched on `pyglet.app.event_loop` when this method is called. """ from pyglet import app if not self._context: return app.windows.remove(self) self._context.destroy() self._config = None self._context = None if app.event_loop: app.event_loop.dispatch_event('on_window_close', self) self._event_queue = [] def draw_mouse_cursor(self): """Draw the custom mouse cursor. If the current mouse cursor has ``drawable`` set, this method is called before the buffers are flipped to render it. This method always leaves the ``GL_MODELVIEW`` matrix as current, regardless of what it was set to previously. No other GL state is affected. There is little need to override this method; instead, subclass ``MouseCursor`` and provide your own ``draw`` method. """ # Draw mouse cursor if set and visible. # XXX leaves state in modelview regardless of starting state if (self._mouse_cursor.drawable and self._mouse_visible and self._mouse_in_window): gl.glMatrixMode(gl.GL_PROJECTION) gl.glPushMatrix() gl.glLoadIdentity() gl.glOrtho(0, self.width, 0, self.height, -1, 1) gl.glMatrixMode(gl.GL_MODELVIEW) gl.glPushMatrix() gl.glLoadIdentity() self._mouse_cursor.draw(self._mouse_x, self._mouse_y) gl.glMatrixMode(gl.GL_PROJECTION) gl.glPopMatrix() gl.glMatrixMode(gl.GL_MODELVIEW) gl.glPopMatrix() # Properties provide read-only access to instance variables. Use # set_* methods to change them if applicable. @property def caption(self): """The window caption (title). Read-only. :type: str """ return self._caption @property def resizeable(self): """True if the window is resizable. Read-only. :type: bool """ return self._resizable @property def style(self): """The window style; one of the ``WINDOW_STYLE_*`` constants. Read-only. :type: int """ return self._style @property def fullscreen(self): """True if the window is currently fullscreen. Read-only. :type: bool """ return self._fullscreen @property def visible(self): """True if the window is currently visible. Read-only. :type: bool """ return self._visible @property def vsync(self): """True if buffer flips are synchronised to the screen's vertical retrace. Read-only. :type: bool """ return self._vsync @property def display(self): """The display this window belongs to. Read-only. :type: `Display` """ return self._display @property def screen(self): """The screen this window is fullscreen in. Read-only. :type: `Screen` """ return self._screen @property def config(self): """A GL config describing the context of this window. Read-only. :type: `pyglet.gl.Config` """ return self._config @property def context(self): """The OpenGL context attached to this window. Read-only. :type: `pyglet.gl.Context` """ return self._context # These are the only properties that can be set @property def width(self): """The width of the window, in pixels. Read-write. :type: int """ return self.get_size()[0] @width.setter def width(self, new_width): self.set_size(new_width, self.height) @property def height(self): """The height of the window, in pixels. Read-write. :type: int """ return self.get_size()[1] @height.setter def height(self, new_height): self.set_size(self.width, new_height) def set_caption(self, caption): """Set the window's caption. The caption appears in the titlebar of the window, if it has one, and in the taskbar on Windows and many X11 window managers. :Parameters: `caption` : str or unicode The caption to set. """ raise NotImplementedError('abstract') def set_minimum_size(self, width, height): """Set the minimum size of the window. Once set, the user will not be able to resize the window smaller than the given dimensions. There is no way to remove the minimum size constraint on a window (but you could set it to 0,0). The behaviour is undefined if the minimum size is set larger than the current size of the window. The window size does not include the border or title bar. :Parameters: `width` : int Minimum width of the window, in pixels. `height` : int Minimum height of the window, in pixels. """ raise NotImplementedError('abstract') def set_maximum_size(self, width, height): """Set the maximum size of the window. Once set, the user will not be able to resize the window larger than the given dimensions. There is no way to remove the maximum size constraint on a window (but you could set it to a large value). The behaviour is undefined if the maximum size is set smaller than the current size of the window. The window size does not include the border or title bar. :Parameters: `width` : int Maximum width of the window, in pixels. `height` : int Maximum height of the window, in pixels. """ raise NotImplementedError('abstract') def set_size(self, width, height): """Resize the window. The behaviour is undefined if the window is not resizable, or if it is currently fullscreen. The window size does not include the border or title bar. :Parameters: `width` : int New width of the window, in pixels. `height` : int New height of the window, in pixels. """ raise NotImplementedError('abstract') def get_size(self): """Return the current size of the window. The window size does not include the border or title bar. :rtype: (int, int) :return: The width and height of the window, in pixels. """ raise NotImplementedError('abstract') def set_location(self, x, y): """Set the position of the window. :Parameters: `x` : int Distance of the left edge of the window from the left edge of the virtual desktop, in pixels. `y` : int Distance of the top edge of the window from the top edge of the virtual desktop, in pixels. """ raise NotImplementedError('abstract') def get_location(self): """Return the current position of the window. :rtype: (int, int) :return: The distances of the left and top edges from their respective edges on the virtual desktop, in pixels. """ raise NotImplementedError('abstract') def activate(self): """Attempt to restore keyboard focus to the window. Depending on the window manager or operating system, this may not be successful. For example, on Windows XP an application is not allowed to "steal" focus from another application. Instead, the window's taskbar icon will flash, indicating it requires attention. """ raise NotImplementedError('abstract') def set_visible(self, visible=True): """Show or hide the window. :Parameters: `visible` : bool If True, the window will be shown; otherwise it will be hidden. """ raise NotImplementedError('abstract') def minimize(self): """Minimize the window. """ raise NotImplementedError('abstract') def maximize(self): """Maximize the window. The behaviour of this method is somewhat dependent on the user's display setup. On a multi-monitor system, the window may maximize to either a single screen or the entire virtual desktop. """ raise NotImplementedError('abstract') def set_vsync(self, vsync): """Enable or disable vertical sync control. When enabled, this option ensures flips from the back to the front buffer are performed only during the vertical retrace period of the primary display. This can prevent "tearing" or flickering when the buffer is updated in the middle of a video scan. Note that LCD monitors have an analogous time in which they are not reading from the video buffer; while it does not correspond to a vertical retrace it has the same effect. With multi-monitor systems the secondary monitor cannot be synchronised to, so tearing and flicker cannot be avoided when the window is positioned outside of the primary display. In this case it may be advisable to forcibly reduce the framerate (for example, using `pyglet.clock.set_fps_limit`). :Parameters: `vsync` : bool If True, vsync is enabled, otherwise it is disabled. """ raise NotImplementedError('abstract') def set_mouse_visible(self, visible=True): """Show or hide the mouse cursor. The mouse cursor will only be hidden while it is positioned within this window. Mouse events will still be processed as usual. :Parameters: `visible` : bool If True, the mouse cursor will be visible, otherwise it will be hidden. """ self._mouse_visible = visible self.set_mouse_platform_visible() def set_mouse_platform_visible(self, platform_visible=None): """Set the platform-drawn mouse cursor visibility. This is called automatically after changing the mouse cursor or exclusive mode. Applications should not normally need to call this method, see `set_mouse_visible` instead. :Parameters: `platform_visible` : bool or None If None, sets platform visibility to the required visibility for the current exclusive mode and cursor type. Otherwise, a bool value will override and force a visibility. """ raise NotImplementedError() def set_mouse_cursor(self, cursor=None): """Change the appearance of the mouse cursor. The appearance of the mouse cursor is only changed while it is within this window. :Parameters: `cursor` : `MouseCursor` The cursor to set, or None to restore the default cursor. """ if cursor is None: cursor = DefaultMouseCursor() self._mouse_cursor = cursor self.set_mouse_platform_visible() def set_exclusive_mouse(self, exclusive=True): """Hide the mouse cursor and direct all mouse events to this window. When enabled, this feature prevents the mouse leaving the window. It is useful for certain styles of games that require complete control of the mouse. The position of the mouse as reported in subsequent events is meaningless when exclusive mouse is enabled; you should only use the relative motion parameters ``dx`` and ``dy``. :Parameters: `exclusive` : bool If True, exclusive mouse is enabled, otherwise it is disabled. """ raise NotImplementedError('abstract') def set_exclusive_keyboard(self, exclusive=True): """Prevent the user from switching away from this window using keyboard accelerators. When enabled, this feature disables certain operating-system specific key combinations such as Alt+Tab (Command+Tab on OS X). This can be useful in certain kiosk applications, it should be avoided in general applications or games. :Parameters: `exclusive` : bool If True, exclusive keyboard is enabled, otherwise it is disabled. """ raise NotImplementedError('abstract') def get_system_mouse_cursor(self, name): """Obtain a system mouse cursor. Use `set_mouse_cursor` to make the cursor returned by this method active. The names accepted by this method are the ``CURSOR_*`` constants defined on this class. :Parameters: `name` : str Name describing the mouse cursor to return. For example, ``CURSOR_WAIT``, ``CURSOR_HELP``, etc. :rtype: `MouseCursor` :return: A mouse cursor which can be used with `set_mouse_cursor`. """ raise NotImplementedError() def set_icon(self, *images): """Set the window icon. If multiple images are provided, one with an appropriate size will be selected (if the correct size is not provided, the image will be scaled). Useful sizes to provide are 16x16, 32x32, 64x64 (Mac only) and 128x128 (Mac only). :Parameters: `images` : sequence of `pyglet.image.AbstractImage` List of images to use for the window icon. """ pass def clear(self): """Clear the window. This is a convenience method for clearing the color and depth buffer. The window must be the active context (see `switch_to`). """ gl.glClear(gl.GL_COLOR_BUFFER_BIT | gl.GL_DEPTH_BUFFER_BIT) def dispatch_event(self, *args): if not self._enable_event_queue or self._allow_dispatch_event: if EventDispatcher.dispatch_event(self, *args) != False: self._legacy_invalid = True else: self._event_queue.append(args) def dispatch_events(self): """Poll the operating system event queue for new events and call attached event handlers. This method is provided for legacy applications targeting pyglet 1.0, and advanced applications that must integrate their event loop into another framework. Typical applications should use `pyglet.app.run`. """ raise NotImplementedError('abstract') # If documenting, show the event methods. Otherwise, leave them out # as they are not really methods. if _is_epydoc: def on_key_press(symbol, modifiers): """A key on the keyboard was pressed (and held down). In pyglet 1.0 the default handler sets `has_exit` to ``True`` if the ``ESC`` key is pressed. In pyglet 1.1 the default handler dispatches the `on_close` event if the ``ESC`` key is pressed. :Parameters: `symbol` : int The key symbol pressed. `modifiers` : int Bitwise combination of the key modifiers active. :event: """ def on_key_release(symbol, modifiers): """A key on the keyboard was released. :Parameters: `symbol` : int The key symbol pressed. `modifiers` : int Bitwise combination of the key modifiers active. :event: """ def on_text(text): """The user input some text. Typically this is called after `on_key_press` and before `on_key_release`, but may also be called multiple times if the key is held down (key repeating); or called without key presses if another input method was used (e.g., a pen input). You should always use this method for interpreting text, as the key symbols often have complex mappings to their unicode representation which this event takes care of. :Parameters: `text` : unicode The text entered by the user. :event: """ def on_text_motion(motion): """The user moved the text input cursor. Typically this is called after `on_key_press` and before `on_key_release`, but may also be called multiple times if the key is help down (key repeating). You should always use this method for moving the text input cursor (caret), as different platforms have different default keyboard mappings, and key repeats are handled correctly. The values that `motion` can take are defined in `pyglet.window.key`: * MOTION_UP * MOTION_RIGHT * MOTION_DOWN * MOTION_LEFT * MOTION_NEXT_WORD * MOTION_PREVIOUS_WORD * MOTION_BEGINNING_OF_LINE * MOTION_END_OF_LINE * MOTION_NEXT_PAGE * MOTION_PREVIOUS_PAGE * MOTION_BEGINNING_OF_FILE * MOTION_END_OF_FILE * MOTION_BACKSPACE * MOTION_DELETE :Parameters: `motion` : int The direction of motion; see remarks. :event: """ def on_text_motion_select(motion): """The user moved the text input cursor while extending the selection. Typically this is called after `on_key_press` and before `on_key_release`, but may also be called multiple times if the key is help down (key repeating). You should always use this method for responding to text selection events rather than the raw `on_key_press`, as different platforms have different default keyboard mappings, and key repeats are handled correctly. The values that `motion` can take are defined in `pyglet.window.key`: * MOTION_UP * MOTION_RIGHT * MOTION_DOWN * MOTION_LEFT * MOTION_NEXT_WORD * MOTION_PREVIOUS_WORD * MOTION_BEGINNING_OF_LINE * MOTION_END_OF_LINE * MOTION_NEXT_PAGE * MOTION_PREVIOUS_PAGE * MOTION_BEGINNING_OF_FILE * MOTION_END_OF_FILE :Parameters: `motion` : int The direction of selection motion; see remarks. :event: """ def on_mouse_motion(x, y, dx, dy): """The mouse was moved with no buttons held down. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. `dx` : int Relative X position from the previous mouse position. `dy` : int Relative Y position from the previous mouse position. :event: """ def on_mouse_drag(x, y, dx, dy, buttons, modifiers): """The mouse was moved with one or more mouse buttons pressed. This event will continue to be fired even if the mouse leaves the window, so long as the drag buttons are continuously held down. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. `dx` : int Relative X position from the previous mouse position. `dy` : int Relative Y position from the previous mouse position. `buttons` : int Bitwise combination of the mouse buttons currently pressed. `modifiers` : int Bitwise combination of any keyboard modifiers currently active. :event: """ def on_mouse_press(x, y, button, modifiers): """A mouse button was pressed (and held down). :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. `button` : int The mouse button that was pressed. `modifiers` : int Bitwise combination of any keyboard modifiers currently active. :event: """ def on_mouse_release(x, y, button, modifiers): """A mouse button was released. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. `button` : int The mouse button that was released. `modifiers` : int Bitwise combination of any keyboard modifiers currently active. :event: """ def on_mouse_scroll(x, y, scroll_x, scroll_y): """The mouse wheel was scrolled. Note that most mice have only a vertical scroll wheel, so `scroll_x` is usually 0. An exception to this is the Apple Mighty Mouse, which has a mouse ball in place of the wheel which allows both `scroll_x` and `scroll_y` movement. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. `scroll_x` : int Number of "clicks" towards the right (left if negative). `scroll_y` : int Number of "clicks" upwards (downwards if negative). :event: """ def on_close(): """The user attempted to close the window. This event can be triggered by clicking on the "X" control box in the window title bar, or by some other platform-dependent manner. The default handler sets `has_exit` to ``True``. In pyglet 1.1, if `pyglet.app.event_loop` is being used, `close` is also called, closing the window immediately. :event: """ def on_mouse_enter(x, y): """The mouse was moved into the window. This event will not be trigged if the mouse is currently being dragged. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. :event: """ def on_mouse_leave(x, y): """The mouse was moved outside of the window. This event will not be trigged if the mouse is currently being dragged. Note that the coordinates of the mouse pointer will be outside of the window rectangle. :Parameters: `x` : int Distance in pixels from the left edge of the window. `y` : int Distance in pixels from the bottom edge of the window. :event: """ def on_expose(): """A portion of the window needs to be redrawn. This event is triggered when the window first appears, and any time the contents of the window is invalidated due to another window obscuring it. There is no way to determine which portion of the window needs redrawing. Note that the use of this method is becoming increasingly uncommon, as newer window managers composite windows automatically and keep a backing store of the window contents. :event: """ def on_resize(width, height): """The window was resized. The window will have the GL context when this event is dispatched; there is no need to call `switch_to` in this handler. :Parameters: `width` : int The new width of the window, in pixels. `height` : int The new height of the window, in pixels. :event: """ def on_move(x, y): """The window was moved. :Parameters: `x` : int Distance from the left edge of the screen to the left edge of the window. `y` : int Distance from the top edge of the screen to the top edge of the window. Note that this is one of few methods in pyglet which use a Y-down coordinate system. :event: """ def on_activate(): """The window was activated. This event can be triggered by clicking on the title bar, bringing it to the foreground; or by some platform-specific method. When a window is "active" it has the keyboard focus. :event: """ def on_deactivate(): """The window was deactivated. This event can be triggered by clicking on another application window. When a window is deactivated it no longer has the keyboard focus. :event: """ def on_show(): """The window was shown. This event is triggered when a window is restored after being minimised, or after being displayed for the first time. :event: """ def on_hide(): """The window was hidden. This event is triggered when a window is minimised or (on Mac OS X) hidden by the user. :event: """ def on_context_lost(): """The window's GL context was lost. When the context is lost no more GL methods can be called until it is recreated. This is a rare event, triggered perhaps by the user switching to an incompatible video mode. When it occurs, an application will need to reload all objects (display lists, texture objects, shaders) as well as restore the GL state. :event: """ def on_context_state_lost(): """The state of the window's GL context was lost. pyglet may sometimes need to recreate the window's GL context if the window is moved to another video device, or between fullscreen or windowed mode. In this case it will try to share the objects (display lists, texture objects, shaders) between the old and new contexts. If this is possible, only the current state of the GL context is lost, and the application should simply restore state. :event: """ def on_draw(): """The window contents must be redrawn. The `EventLoop` will dispatch this event when the window should be redrawn. This will happen during idle time after any window events and after any scheduled functions were called. The window will already have the GL context, so there is no need to call `switch_to`. The window's `flip` method will be called after this event, so your event handler should not. You should make no assumptions about the window contents when this event is triggered; a resize or expose event may have invalidated the framebuffer since the last time it was drawn. :since: pyglet 1.1 :event: """ BaseWindow.register_event_type('on_key_press') BaseWindow.register_event_type('on_key_release') BaseWindow.register_event_type('on_text') BaseWindow.register_event_type('on_text_motion') BaseWindow.register_event_type('on_text_motion_select') BaseWindow.register_event_type('on_mouse_motion') BaseWindow.register_event_type('on_mouse_drag') BaseWindow.register_event_type('on_mouse_press') BaseWindow.register_event_type('on_mouse_release') BaseWindow.register_event_type('on_mouse_scroll') BaseWindow.register_event_type('on_mouse_enter') BaseWindow.register_event_type('on_mouse_leave') BaseWindow.register_event_type('on_close') BaseWindow.register_event_type('on_expose') BaseWindow.register_event_type('on_resize') BaseWindow.register_event_type('on_move') BaseWindow.register_event_type('on_activate') BaseWindow.register_event_type('on_deactivate') BaseWindow.register_event_type('on_show') BaseWindow.register_event_type('on_hide') BaseWindow.register_event_type('on_context_lost') BaseWindow.register_event_type('on_context_state_lost') BaseWindow.register_event_type('on_draw') class FPSDisplay(object): """Display of a window's framerate. This is a convenience class to aid in profiling and debugging. Typical usage is to create an `FPSDisplay` for each window, and draw the display at the end of the windows' `on_draw` event handler:: window = pyglet.window.Window() fps_display = FPSDisplay(window) @window.event def on_draw(): # ... perform ordinary window drawing operations ... fps_display.draw() The style and position of the display can be modified via the `label` attribute. Different text can be substituted by overriding the `set_fps` method. The display can be set to update more or less often by setting the `update_period` attribute. :Ivariables: `label` : Label The text label displaying the framerate. """ #: Time in seconds between updates. #: #: :type: float update_period = 0.25 def __init__(self, window): from time import time from pyglet.text import Label self.label = Label('', x=10, y=10, font_size=24, bold=True, color=(127, 127, 127, 127)) self.window = window self._window_flip = window.flip window.flip = self._hook_flip self.time = 0.0 self.last_time = time() self.count = 0 def update(self): """Records a new data point at the current time. This method is called automatically when the window buffer is flipped. """ from time import time t = time() self.count += 1 self.time += t - self.last_time self.last_time = t if self.time >= self.update_period: self.set_fps(self.count / self.update_period) self.time %= self.update_period self.count = 0 def set_fps(self, fps): """Set the label text for the given FPS estimation. Called by `update` every `update_period` seconds. :Parameters: `fps` : float Estimated framerate of the window. """ self.label.text = '%.2f' % fps def draw(self): """Draw the label. The OpenGL state is assumed to be at default values, except that the MODELVIEW and PROJECTION matrices are ignored. At the return of this method the matrix mode will be MODELVIEW. """ gl.glMatrixMode(gl.GL_MODELVIEW) gl.glPushMatrix() gl.glLoadIdentity() gl.glMatrixMode(gl.GL_PROJECTION) gl.glPushMatrix() gl.glLoadIdentity() gl.glOrtho(0, self.window.width, 0, self.window.height, -1, 1) self.label.draw() gl.glPopMatrix() gl.glMatrixMode(gl.GL_MODELVIEW) gl.glPopMatrix() def _hook_flip(self): self.update() self._window_flip() if _is_epydoc: # We are building documentation Window = BaseWindow Window.__name__ = 'Window' del BaseWindow else: # Try to determine which platform to use. if pyglet.compat_platform == 'darwin': if pyglet.options['darwin_cocoa']: from pyglet.window.cocoa import CocoaWindow as Window else: from pyglet.window.carbon import CarbonWindow as Window elif pyglet.compat_platform in ('win32', 'cygwin'): from pyglet.window.win32 import Win32Window as Window else: # XXX HACK around circ problem, should be fixed after removal of # shadow nonsense #pyglet.window = sys.modules[__name__] #import key, mouse from pyglet.window.xlib import XlibWindow as Window # Deprecated API def get_platform(): """Get an instance of the Platform most appropriate for this system. :deprecated: Use `pyglet.canvas.Display`. :rtype: `Platform` :return: The platform instance. """ return Platform() class Platform(object): """Operating-system-level functionality. The platform instance can only be obtained with `get_platform`. Use the platform to obtain a `Display` instance. :deprecated: Use `pyglet.canvas.Display` """ def get_display(self, name): """Get a display device by name. This is meaningful only under X11, where the `name` is a string including the host name and display number; for example ``"localhost:1"``. On platforms other than X11, `name` is ignored and the default display is returned. pyglet does not support multiple multiple video devices on Windows or OS X. If more than one device is attached, they will appear as a single virtual device comprising all the attached screens. :deprecated: Use `pyglet.canvas.get_display`. :Parameters: `name` : str The name of the display to connect to. :rtype: `Display` """ for display in pyglet.app.displays: if display.name == name: return display return pyglet.canvas.Display(name) def get_default_display(self): """Get the default display device. :deprecated: Use `pyglet.canvas.get_display`. :rtype: `Display` """ return pyglet.canvas.get_display() if _is_epydoc: class Display(object): """A display device supporting one or more screens. Use `Platform.get_display` or `Platform.get_default_display` to obtain an instance of this class. Use a display to obtain `Screen` instances. :deprecated: Use `pyglet.canvas.Display`. """ def __init__(self): raise NotImplementedError('deprecated') def get_screens(self): """Get the available screens. A typical multi-monitor workstation comprises one `Display` with multiple `Screen` s. This method returns a list of screens which can be enumerated to select one for full-screen display. For the purposes of creating an OpenGL config, the default screen will suffice. :rtype: list of `Screen` """ raise NotImplementedError('deprecated') def get_default_screen(self): """Get the default screen as specified by the user's operating system preferences. :rtype: `Screen` """ raise NotImplementedError('deprecated') def get_windows(self): """Get the windows currently attached to this display. :rtype: sequence of `Window` """ raise NotImplementedError('deprecated') else: Display = pyglet.canvas.Display Screen = pyglet.canvas.Screen # XXX remove # Create shadow window. (trickery is for circular import) if not _is_epydoc: pyglet.window = sys.modules[__name__] gl._create_shadow_window()
ajhager/copycat
lib/pyglet/window/__init__.py
Python
gpl-2.0
65,226
# plugins module for amsn2 """ Plugins with amsn2 will be a subclass of the aMSNPlugin() class. When this module is initially imported it should load the plugins from the last session. Done in the init() proc. Then the GUI should call plugins.loadPlugin(name) or plugins.unLoadPlugin(name) in order to deal with plugins. """ # init() # Called when the plugins module is imported (only for the first time). # Should find plugins and populate a list ready for getPlugins(). # Should also auto-update all plugins. def init(): pass # loadPlugin(plugin_name) # Called (by the GUI or from init()) to load a plugin. plugin_name as set in plugin's XML (or from getPlugins()). # This loads the module for the plugin. The module is then responsible for calling plugins.registerPlugin(instance). def loadPlugin(plugin_name): """ @type plugin_name: str """ pass # unLoadPlugin(plugin_name) # Called to unload a plugin. Name is name as set in plugin's XML. def unLoadPlugin(plugin_name): """ @type plugin_name: str """ pass # registerPlugin(plugin_instance) # Saves the instance of the plugin, and registers it in the loaded list. def registerPlugin(plugin_instance): """ @type plugin_instance: L{amsn2.plugins.developers.aMSNPlugin} """ pass # getPlugins() # Returns a list of all available plugins, as in ['Plugin 1', 'Plugin 2'] def getPlugins(): pass # getPluginsWithStatus() # Returns a list with a list item for each plugin with the plugin's name, and Loaded or NotLoaded either way. # IE: [['Plugin 1', 'Loaded'], ['Plugin 2', 'NotLoaded']] def getPluginsWithStatus(): pass # getLoadedPlugins() # Returns a list of loaded plugins. as in ['Plugin 1', 'Plugin N'] def getLoadedPlugins(): pass # findPlugin(plugin_name) # Retruns the running instance of the plugin with name plugin_name, or None if not found. def findPlugin(plugin_name): """ @type plugin_name: str """ pass # saveConfig(plugin_name, data) def saveConfig(plugin_name, data): """ @type plugin_name: str @type data: object """ pass # Calls the init procedure. # Will only be called on the first import (thanks to python). init()
amsn/amsn2
amsn2/plugins/core.py
Python
gpl-2.0
2,184
#! /usr/bin/env python from __future__ import print_function import StringIO import os import os.path import errno import sqlite3 from nose.tools import * import smadata2.db import smadata2.db.mock from smadata2 import check def removef(filename): try: os.remove(filename) except OSError as e: if e.errno != errno.ENOENT: raise class BaseDBChecker(object): def setUp(self): self.db = self.opendb() self.sample_data() def tearDown(self): pass def sample_data(self): pass class MockDBChecker(BaseDBChecker): def opendb(self): return smadata2.db.mock.MockDatabase() class BaseSQLite(object): def prepare_sqlite(self): self.dbname = "__testdb__smadata2_%s_.sqlite" % self.__class__.__name__ self.bakname = self.dbname + ".bak" # Start with a blank slate removef(self.dbname) removef(self.bakname) self.prepopulate() if os.path.exists(self.dbname): self.original = open(self.dbname).read() else: self.original = None def prepopulate(self): pass class SQLiteDBChecker(BaseSQLite, BaseDBChecker): def opendb(self): self.prepare_sqlite() return smadata2.db.sqlite.create_or_update(self.dbname) def tearDown(self): removef(self.dbname) removef(self.bakname) super(SQLiteDBChecker, self).tearDown() class SimpleChecks(BaseDBChecker): def test_trivial(self): assert isinstance(self.db, smadata2.db.base.BaseDatabase) def test_add_get_historic(self): # Serial is defined as INTEGER, but we abuse the fact that # sqlite doesn't actually make a distinction serial = "__TEST__" self.db.add_historic(serial, 0, 0) self.db.add_historic(serial, 300, 10) self.db.add_historic(serial, 3600, 20) v0 = self.db.get_one_historic(serial, 0) assert_equals(v0, 0) v300 = self.db.get_one_historic(serial, 300) assert_equals(v300, 10) v3600 = self.db.get_one_historic(serial, 3600) assert_equals(v3600, 20) vmissing = self.db.get_one_historic(serial, 9999) assert vmissing is None def test_get_last_historic_missing(self): serial = "__TEST__" last = self.db.get_last_historic(serial) assert last is None def test_get_last_historic(self): serial = "__TEST__" self.db.add_historic(serial, 0, 0) assert_equals(self.db.get_last_historic(serial), 0) self.db.add_historic(serial, 300, 0) assert_equals(self.db.get_last_historic(serial), 300) self.db.add_historic(serial, 3600, 0) assert_equals(self.db.get_last_historic(serial), 3600) self.db.add_historic(serial, 2000, 0) assert_equals(self.db.get_last_historic(serial), 3600) class AggregateChecks(BaseDBChecker): def sample_data(self): super(AggregateChecks, self).sample_data() self.serial1 = "__TEST__1" self.serial2 = "__TEST__2" self.dawn = 8*3600 self.dusk = 20*3600 sampledata = check.generate_linear(0, self.dawn, self.dusk, 24*3600, 0, 1) for ts, y in sampledata: self.db.add_historic(self.serial1, ts, y) self.db.add_historic(self.serial2, ts, 2*y) def test_basic(self): for ts in range(0, self.dawn, 300): y1 = self.db.get_one_historic(self.serial1, ts) y2 = self.db.get_one_historic(self.serial2, ts) assert_equals(y1, 0) assert_equals(y2, 0) for i, ts in enumerate(range(self.dawn, self.dusk, 300)): y1 = self.db.get_one_historic(self.serial1, ts) y2 = self.db.get_one_historic(self.serial2, ts) assert_equals(y1, i) assert_equals(y2, 2*i) val = (self.dusk - self.dawn - 1) / 300 for ts in range(self.dusk, 24*3600, 300): y1 = self.db.get_one_historic(self.serial1, ts) y2 = self.db.get_one_historic(self.serial2, ts) assert_equals(y1, val) assert_equals(y2, 2*val) def test_aggregate_one(self): val = self.db.get_aggregate_one_historic(self.dusk, (self.serial1, self.serial2)) assert_equals(val, 3*((self.dusk - self.dawn - 2) / 300)) def check_aggregate_range(self, from_, to_): results = self.db.get_aggregate_historic(from_, to_, (self.serial1, self.serial2)) first = results[0][0] last = results[-1][0] assert_equals(first, from_) assert_equals(last, to_ - 300) for ts, y in results: if ts < self.dawn: assert_equals(y, 0) elif ts < self.dusk: assert_equals(y, 3*((ts - self.dawn) / 300)) else: assert_equals(y, 3*((self.dusk - self.dawn - 1) / 300)) def test_aggregate(self): yield self.check_aggregate_range, 0, 24*3600 yield self.check_aggregate_range, 8*3600, 20*3600 yield self.check_aggregate_range, 13*3600, 14*3600 # # Construct the basic tests as a cross-product # for cset in (SimpleChecks, AggregateChecks): for db in (MockDBChecker, SQLiteDBChecker): name = "_".join(("Test", cset.__name__, db.__name__)) globals()[name] = type(name, (cset, db), {}) # # Tests for sqlite schema updating # class UpdateSQLiteChecker(Test_SimpleChecks_SQLiteDBChecker): PRESERVE_RECORD = ("PRESERVE", 0, 31415) def test_backup(self): assert os.path.exists(self.bakname) backup = open(self.bakname).read() assert_equals(self.original, backup) def test_preserved(self): serial, timestamp, tyield = self.PRESERVE_RECORD assert_equals(self.db.get_last_historic(serial), timestamp) assert_equals(self.db.get_one_historic(serial, timestamp), tyield) class TestUpdateNoPVO(UpdateSQLiteChecker): def prepopulate(self): DB_MAGIC = 0x71534d41 DB_VERSION = 0 conn = sqlite3.connect(self.dbname) conn.executescript(""" CREATE TABLE generation (inverter_serial INTEGER, timestamp INTEGER, total_yield INTEGER, PRIMARY KEY (inverter_serial, timestamp)); CREATE TABLE schema (magic INTEGER, version INTEGER);""") conn.execute("INSERT INTO schema (magic, version) VALUES (?, ?)", (DB_MAGIC, DB_VERSION)) conn.commit() conn.execute("""INSERT INTO generation (inverter_serial, timestamp, total_yield) VALUES (?, ?, ?)""", self.PRESERVE_RECORD) conn.commit() del conn class TestUpdateV0(UpdateSQLiteChecker): def prepopulate(self): DB_MAGIC = 0x71534d41 DB_VERSION = 0 conn = sqlite3.connect(self.dbname) conn.executescript(""" CREATE TABLE generation (inverter_serial INTEGER, timestamp INTEGER, total_yield INTEGER, PRIMARY KEY (inverter_serial, timestamp)); CREATE TABLE schema (magic INTEGER, version INTEGER); CREATE TABLE pvoutput (sid STRING, last_datetime_uploaded INTEGER);""") conn.execute("INSERT INTO schema (magic, version) VALUES (?, ?)", (DB_MAGIC, DB_VERSION)) conn.commit() conn.execute("""INSERT INTO generation (inverter_serial, timestamp, total_yield) VALUES (?, ?, ?)""", self.PRESERVE_RECORD) conn.commit() del conn class BadSchemaSQLiteChecker(BaseSQLite): def setUp(self): self.prepare_sqlite() @raises(smadata2.db.WrongSchema) def test_open(self): self.db = smadata2.db.SQLiteDatabase(self.dbname) class TestEmptySQLiteDB(BadSchemaSQLiteChecker): """Check that we correctly fail on an empty DB""" def test_is_empty(self): assert not os.path.exists(self.dbname) class TestBadSQLite(BadSchemaSQLiteChecker): """Check that we correctly fail attempting to update an unknwon format""" def prepopulate(self): conn = sqlite3.connect(self.dbname) conn.execute("CREATE TABLE unrelated (random STRING, data INTEGER)") conn.commit() del conn @raises(smadata2.db.WrongSchema) def test_update(self): db = smadata2.db.sqlite.create_or_update(self.dbname)
NobodysNightmare/python-smadata2
smadata2/db/tests.py
Python
gpl-2.0
8,741
import web urls = ( '/hello','Index' ) app = web.application(urls,globals()) render = web.template.render('/usr/local/LPTHW/ex51/gothonweb/templates/',base="layout") class Index(object): def GET(self): return render.hello_form() def POST(self): form = web.input(name="Nobody",greet="Hello") greeting = "%s,%s" % (form.greet,form.name) return render.index(greeting = greeting) if __name__ == '__main__': app.run()
tridvaodin/Assignments-Valya-Maskaliova
LPTHW/projects/gothonweb/bin/app.py
Python
gpl-2.0
488
from splinter import Browser from time import sleep from selenium.common.exceptions import ElementNotVisibleException from settings import settings from lib import db from lib import assets_helper import unittest from datetime import datetime, timedelta asset_x = { 'mimetype': u'web', 'asset_id': u'4c8dbce552edb5812d3a866cfe5f159d', 'name': u'WireLoad', 'uri': u'http://www.wireload.net', 'start_date': datetime.now() - timedelta(days=1), 'end_date': datetime.now() + timedelta(days=1), 'duration': u'5', 'is_enabled': 0, 'nocache': 0, 'play_order': 1, } asset_y = { 'mimetype': u'image', 'asset_id': u'7e978f8c1204a6f70770a1eb54a76e9b', 'name': u'Google', 'uri': u'https://www.google.com/images/srpr/logo3w.png', 'start_date': datetime.now() - timedelta(days=1), 'end_date': datetime.now() + timedelta(days=1), 'duration': u'6', 'is_enabled': 1, 'nocache': 0, 'play_order': 0, } main_page_url = 'http://foo:bar@localhost:8080' settings_url = 'http://foo:bar@localhost:8080/settings' system_info_url = 'http://foo:bar@localhost:8080/system_info' def wait_for_and_do(browser, query, callback): not_filled = True n = 0 while not_filled: try: callback(browser.find_by_css(query).first) not_filled = False except ElementNotVisibleException, e: if n > 20: raise e n += 1 class WebTest(unittest.TestCase): def setUp(self): with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) for asset in assets: assets_helper.delete(conn, asset['asset_id']) def tearDown(self): pass def test_add_asset_url(self): with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, '#add-asset-button', lambda btn: btn.click()) sleep(1) wait_for_and_do(browser, 'input[name="uri"]', lambda field: field.fill('http://example.com')) sleep(1) wait_for_and_do(browser, '#add-form', lambda form: form.click()) sleep(1) wait_for_and_do(browser, '#save-asset', lambda btn: btn.click()) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['name'], u'http://example.com') self.assertEqual(asset['uri'], u'http://example.com') self.assertEqual(asset['mimetype'], u'webpage') self.assertEqual(asset['duration'], settings['default_duration']) def test_edit_asset(self): with db.conn(settings['database']) as conn: assets_helper.create(conn, asset_x) with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, '.edit-asset-button', lambda btn: btn.click()) sleep(1) wait_for_and_do(browser, 'input[name="duration"]', lambda field: field.fill('333')) sleep(1) # wait for new-asset panel animation wait_for_and_do(browser, '#add-form', lambda form: form.click()) sleep(1) wait_for_and_do(browser, '#save-asset', lambda btn: btn.click()) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['duration'], u'333') def test_add_asset_image_upload(self): image_file = '/tmp/image.png' with Browser() as browser: browser.visit(main_page_url) browser.find_by_id('add-asset-button').click() sleep(1) wait_for_and_do(browser, 'a[href="#tab-file_upload"]', lambda tab: tab.click()) wait_for_and_do(browser, 'input[name="file_upload"]', lambda input: input.fill(image_file)) sleep(1) # wait for new-asset panel animation sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['name'], u'image.png') self.assertEqual(asset['mimetype'], u'image') self.assertEqual(asset['duration'], settings['default_duration']) def test_add_asset_video_upload(self): video_file = '/tmp/video.flv' with Browser() as browser: browser.visit(main_page_url) browser.find_by_id('add-asset-button').click() sleep(1) wait_for_and_do(browser, 'a[href="#tab-file_upload"]', lambda tab: tab.click()) wait_for_and_do(browser, 'input[name="file_upload"]', lambda input: input.fill(video_file)) sleep(1) # wait for new-asset panel animation sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['name'], u'video.flv') self.assertEqual(asset['mimetype'], u'video') self.assertEqual(asset['duration'], u'54') def test_add_two_assets_upload(self): video_file = '/tmp/video.flv' image_file = '/tmp/image.png' with Browser() as browser: browser.visit(main_page_url) browser.find_by_id('add-asset-button').click() sleep(1) wait_for_and_do(browser, 'a[href="#tab-file_upload"]', lambda tab: tab.click()) wait_for_and_do(browser, 'input[name="file_upload"]', lambda input: input.fill(image_file)) wait_for_and_do(browser, 'input[name="file_upload"]', lambda input: input.fill(video_file)) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 2) self.assertEqual(assets[0]['name'], u'image.png') self.assertEqual(assets[0]['mimetype'], u'image') self.assertEqual(assets[0]['duration'], settings['default_duration']) self.assertEqual(assets[1]['name'], u'video.flv') self.assertEqual(assets[1]['mimetype'], u'video') self.assertEqual(assets[1]['duration'], u'54') def test_add_asset_streaming(self): with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, '#add-asset-button', lambda btn: btn.click()) sleep(1) wait_for_and_do(browser, 'input[name="uri"]', lambda field: field.fill('rtmp://localhost:1935/app/video.flv')) sleep(1) wait_for_and_do(browser, '#add-form', lambda form: form.click()) sleep(1) wait_for_and_do(browser, '#save-asset', lambda btn: btn.click()) sleep(10) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['name'], u'rtmp://localhost:1935/app/video.flv') self.assertEqual(asset['uri'], u'rtmp://localhost:1935/app/video.flv') self.assertEqual(asset['mimetype'], u'streaming') self.assertEqual(asset['duration'], settings['default_streaming_duration']) def test_rm_asset(self): with db.conn(settings['database']) as conn: assets_helper.create(conn, asset_x) with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, '.delete-asset-button', lambda btn: btn.click()) wait_for_and_do(browser, '.confirm-delete', lambda btn: btn.click()) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 0) def test_enable_asset(self): with db.conn(settings['database']) as conn: assets_helper.create(conn, asset_x) with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, 'span[class="on"]', lambda btn: btn.click()) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['is_enabled'], 1) def test_disable_asset(self): with db.conn(settings['database']) as conn: _asset_x = asset_x.copy() _asset_x['is_enabled'] = 1 assets_helper.create(conn, _asset_x) with Browser() as browser: browser.visit(main_page_url) wait_for_and_do(browser, 'span[class="off"]', lambda btn: btn.click()) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: assets = assets_helper.read(conn) self.assertEqual(len(assets), 1) asset = assets[0] self.assertEqual(asset['is_enabled'], 0) def test_reorder_asset(self): with db.conn(settings['database']) as conn: _asset_x = asset_x.copy() _asset_x['is_enabled'] = 1 assets_helper.create(conn, _asset_x) assets_helper.create(conn, asset_y) with Browser() as browser: browser.visit(main_page_url) asset_x_for_drag = browser.find_by_id(asset_x['asset_id']) sleep(1) asset_y_to_reorder = browser.find_by_id(asset_y['asset_id']) asset_x_for_drag.drag_and_drop(asset_y_to_reorder) sleep(3) # backend need time to process request with db.conn(settings['database']) as conn: x = assets_helper.read(conn, asset_x['asset_id']) y = assets_helper.read(conn, asset_y['asset_id']) self.assertEqual(x['play_order'], 0) self.assertEqual(y['play_order'], 1) def test_settings_page_should_work(self): with Browser() as browser: browser.visit(settings_url) self.assertEqual(browser.is_text_present('Error: 500 Internal Server Error'), False, '500: internal server error not expected') def test_system_info_page_should_work(self): with Browser() as browser: browser.visit(system_info_url) self.assertEqual(browser.is_text_present('Error: 500 Internal Server Error'), False, '500: internal server error not expected')
zhouhan0126/SCREENTEST1
tests/splinter_test.py
Python
gpl-2.0
11,129
# encoding: utf8 from django.db import models, migrations class Migration(migrations.Migration): dependencies = [] operations = [ migrations.CreateModel( fields = [(u'id', models.AutoField(verbose_name=u'ID', serialize=False, auto_created=True, primary_key=True),), ('name', models.CharField(max_length=255),), ('email', models.EmailField(max_length=75),), ('message', models.TextField(),), ('date', models.DateField(auto_now=True),)], bases = (models.Model,), options = {}, name = 'Contact', ), migrations.CreateModel( fields = [(u'id', models.AutoField(verbose_name=u'ID', serialize=False, auto_created=True, primary_key=True),), ('date', models.DateTimeField(),), ('title', models.CharField(max_length=255),), ('code', models.CharField(max_length=255),), ('summary', models.TextField(),)], bases = (models.Model,), options = {}, name = 'Commits', ), ]
Nimmard/james-olson.com
main/migrations/0001_initial.py
Python
gpl-2.0
1,003
# force floating point division. Can still use integer with // from __future__ import division # This file is used for importing the common utilities classes. import numpy as np import matplotlib.pyplot as plt import sys sys.path.append("../../../../../") from EnergyLandscapes.Lifetime_Dudko2008.Python.TestExamples.Util import \ Example_Data def PlotFit(data,BaseName): fig = Example_Data.PlotHistograms(data) fig.savefig(BaseName + "_Histogram.png") fig = Example_Data.PlotLifetimesAndFit(data) fig.savefig(BaseName + "_Lifetimes.png") def run(): """ """ # figure 1 from dudko 2008 data = Example_Data.Dudko2008Fig1_Probabilities() PlotFit(data,"../Out/Dudko2008_Fig1") # figure 2 frm dudko 2008 data = Example_Data.Dudko2008Fig2_Probabilities() PlotFit(data,"../Out/Dudko2008_Fig2") if __name__ == "__main__": run()
prheenan/BioModel
EnergyLandscapes/Lifetime_Dudko2008/Python/TestExamples/Examples/Example_Dudko_Fit.py
Python
gpl-2.0
889
#!/usr/bin/env python # -*- coding: utf-8 -*- from django.shortcuts import render, redirect, HttpResponse from django.contrib.auth import authenticate, login, logout from django.contrib.auth.decorators import login_required from django.views.decorators.csrf import csrf_exempt from subscriber.models import Consumer, ConsumerType, Recharge, TotalRecharge, ACL from product.models import Product from voice_records.models import VoiceRecord, VoiceReg from sms.models import SMSPayment # from local_lib.v3 import is_number, is_float from local_lib.v3 import is_number, is_float, is_bangladeshi_number, is_japanese_number, send_sms from transaction.models import Transaction, ProductsInTransaction, BuyerSellerAccount, dueTransaction from shop_inventory.models import Inventory, BuySellProfitInventoryIndividual, BuySellProfitInventory from transcriber_management.models import Transcriber, TranscriberInTranscription, FailedTranscription import datetime from django.db.models import Q from django.contrib.auth.models import User from django.contrib.sessions.backends.db import SessionStore from django.db.models import Count @csrf_exempt def login_page(request): return render(request, 'pages/login.html') @csrf_exempt def login_auth(request): postdata = request.POST print(postdata) if 'username' and 'password' in postdata: print(postdata['username']) login_username = postdata['username'] print(postdata['password']) if ACL.objects.filter(loginID=postdata['username'][-9:]).exists(): login_username = login_username[-9:] else: login_username = login_username user = authenticate(username=login_username, password=postdata['password']) if user is not None: if user.is_active: login(request, user) request.session['user'] = login_username if user.is_superuser: res = redirect('/admin') else: res = redirect('/') else: res = render(request, 'pages/login.html', {'wrong': True, 'text': 'The password is valid, but the account has been disabled!'}) else: res = render(request, 'pages/login.html', {'wrong': True, 'text': 'The username and password you have entered is not correct. Please retry'}) else: res = render(request, 'pages/login.html', {'wrong': False}) res['Access-Control-Allow-Origin'] = "*" res['Access-Control-Allow-Headers'] = "Origin, X-Requested-With, Content-Type, Accept" res['Access-Control-Allow-Methods'] = "PUT, GET, POST, DELETE, OPTIONS" return res def logout_now(request): logout(request) return render(request, 'pages/login.html') @login_required(login_url='/login/') def home(request): transcriber_name = request.session['user'] print request.session['user'] if ACL.objects.filter(loginID=transcriber_name).exists(): login_user = ACL.objects.get(loginID=transcriber_name) print(login_user.loginUser.name) transcriber_name = login_user.loginUser.name if login_user.loginUser.type.type_name == 'Distributor': if login_user.loginUser.number_of_child == 'CHANGED !!!': return render(request, 'pages/Distributor/index.html', {'transcriber_name': transcriber_name}) else: return redirect('/change_password/') elif login_user.loginUser.type.type_name == 'SR': if login_user.loginUser.number_of_child == 'CHANGED !!!': return render(request, 'pages/SR/index.html', {'transcriber_name': transcriber_name}) else: return redirect('/change_password/') elif login_user.loginUser.type.type_name == 'Seller': if login_user.loginUser.number_of_child == 'CHANGED !!!': return render(request, 'pages/Shop/index.html', {'transcriber_name': transcriber_name}) else: return redirect('/change_password/') elif login_user.loginUser.type.type_name == 'Buyer': if login_user.loginUser.number_of_child == 'CHANGED !!!': return render(request, 'pages/Consumer/index.html', {'transcriber_name': transcriber_name}) else: return redirect('/change_password/') else: number_of_reg_calls = VoiceReg.objects.filter().count() number_of_transaction_calls = VoiceRecord.objects.filter().count() total = number_of_reg_calls + number_of_transaction_calls if total > 0: reg_call_percentage = (number_of_reg_calls / float(total)) * 100 transaction_call_percentage = (number_of_transaction_calls / float(total)) * 100 else: transaction_call_percentage = 0 reg_call_percentage = 0 today_month = datetime.date.today().month today_year = datetime.date.today().year count = 1 data_2 = '' data_3 = '' data_4 = '' data_5 = '' data_6 = '' max = 0 max_table_2 = 0 total_sell = VoiceRecord.objects.filter(purpose='sell').count() total_buy = VoiceRecord.objects.filter(purpose='buy').count() total_money_transaction = SMSPayment.objects.filter().count() total_for_chart2 = number_of_reg_calls + number_of_transaction_calls if total_for_chart2 > 0: sell_percentage = (total_sell / float(total_for_chart2)) * 100 buy_percentage = (total_buy / float(total_for_chart2)) * 100 money_transaction_percentage = (total_money_transaction / float(total_for_chart2)) * 100 else: sell_percentage = 0 buy_percentage = 0 money_transaction_percentage = 0 while count < 32: total_call_that_day = VoiceRecord.objects.filter(DateAdded__month=today_month, DateAdded__year=today_year, DateAdded__day=count).count() total_reg_that_day = VoiceReg.objects.filter(DateAdded__month=today_month, DateAdded__year=today_year, DateAdded__day=count).count() if max < total_call_that_day: max = total_call_that_day + 2 if max < total_reg_that_day: max = total_reg_that_day + 2 data_2 += '[gd(%s, %s, %s), %s],' % (today_year, today_month, count, total_call_that_day) data_3 += '[gd(%s, %s, %s), %s],' % (today_year, today_month, count, total_reg_that_day) total_buy_that_day = VoiceRecord.objects.filter(DateAdded__month=today_month, DateAdded__year=today_year, DateAdded__day=count, purpose='buy').count() total_sell_that_day = VoiceRecord.objects.filter(DateAdded__month=today_month, DateAdded__year=today_year, DateAdded__day=count, purpose='sell').count() total_payment_that_day = SMSPayment.objects.filter(DateAdded__month=today_month, DateAdded__year=today_year, DateAdded__day=count).count() if max_table_2 < total_buy_that_day: max_table_2 = total_buy_that_day + 2 if max_table_2 < total_sell_that_day: max_table_2 = total_sell_that_day + 2 if max_table_2 < total_payment_that_day: max_table_2 = total_payment_that_day + 2 data_4 += '[gd(%s, %s, %s), %s],' % (today_year, today_month, count, total_buy_that_day) data_5 += '[gd(%s, %s, %s), %s],' % (today_year, today_month, count, total_sell_that_day) data_6 += '[gd(%s, %s, %s), %s],' % (today_year, today_month, count, total_payment_that_day) count += 1 data_2 = data_2[:-1] data_3 = data_3[:-1] data_4 = data_4[:-1] data_5 = data_5[:-1] data_6 = data_6[:-1] number_of_transactions = Transaction.objects.filter().count() number_of_transactions_with_due = Transaction.objects.filter(total_due__gt=0).count() number_of_transactions_without_due = Transaction.objects.filter(total_due__lte=0).count() shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) print(all_consumer_for_base.count) return render(request, 'pages/index.html', {'shop_list_base': all_shop_for_base, 'number_of_reg_calls': number_of_reg_calls, 'transcriber_name': transcriber_name, 'number_of_transaction_calls': number_of_transaction_calls, 'all_consumer_for_base' :all_consumer_for_base, 'reg_call_percentage': reg_call_percentage, 'transaction_call_percentage': transaction_call_percentage, 'data_2': data_2, 'data_3': data_3, 'data_4': data_4, 'data_5': data_5, 'data_6': data_6, 'max': max, 'number_of_transactions': number_of_transactions, 'number_of_transactions_with_due': number_of_transactions_with_due, 'number_of_transactions_without_due': number_of_transactions_without_due, 'max_table_2': max_table_2, 'total_sell': total_sell, 'total_buy': total_buy, 'total_money_transaction': total_money_transaction, 'sell_percentage': sell_percentage, 'buy_percentage': buy_percentage, 'money_transaction_percentage': money_transaction_percentage, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def translator_page(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/translator.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) # all report views are here @login_required(login_url='/login/') def report_monthly_shop(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) shop_id = shop_object.id total_sell = 0 total_sell_due = 0 total_sell_paid = 0 total_purchase = 0 total_purchase_due = 0 total_purchase_paid = 0 for month_sell in BuyerSellerAccount.objects.filter(seller=shop_object): total_sell += month_sell.total_amount_of_transaction total_sell_due += month_sell.total_due total_sell_paid += month_sell.total_paid for month_purchase in BuyerSellerAccount.objects.filter(buyer=shop_object): total_purchase += month_purchase.total_amount_of_transaction total_purchase_due += month_purchase.total_due total_purchase_paid += month_purchase.total_paid shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_monthly_shop.html', {'shop_list_base': all_shop_for_base, 'shop_name': shop_name, 'shop_id': shop_id, 'all_consumer_for_base' :all_consumer_for_base, 'total_sell': total_sell, 'transcriber_name': transcriber_name, 'total_sell_due': total_sell_due, 'total_sell_paid': total_sell_paid, 'bangla': bangla, 'total_purchase': total_purchase, 'total_purchase_due': total_purchase_due, 'total_purchase_paid': total_purchase_paid, 'all_user_for_base': all_user_for_base}) # report_monthly_shop_json @login_required(login_url='/login/') def report_monthly_shop_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) shop_inventory = BuySellProfitInventoryIndividual.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') output = '{"data": [ ' if get_data['t'] == '1': rank = 1 this_year = datetime.date.today().year # this_month = 1 this_day = 1 for this_month in range(1, 13, 1): count = 0 for this_day in range(1, 32, 1): for a_product in Product.objects.all(): product_price = 0 product_name = a_product.name total_sell = 0 total_due = 0 total_paid = 0 for this_day_sell_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=this_day): total_sell += this_day_sell_transaction.total_amount total_due += this_day_sell_transaction.total_due total_paid += this_day_sell_transaction.total_paid count += 1 total_purchase = 0 total_purchase_due = 0 total_purchase_paid = 0 for this_day_purchase_transaction in Transaction.objects.filter(buyer=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=this_day): total_purchase += this_day_purchase_transaction.total_amount total_purchase_due += this_day_purchase_transaction.total_due total_purchase_paid += this_day_purchase_transaction.total_paid count += 1 if count > 0: output += '["%s/%s/%s","%s","%s","%s","%s","%s","%s"] ,' % (this_day, this_month, this_year, total_sell, total_paid, total_due, total_purchase, total_purchase_paid, total_purchase_due) count = 0 # this_day += 1 # this_month = this_month + 1 if get_data['t'] == '2': for this_day_transaction in Transaction.objects.filter(Q(seller=shop_object) | Q(buyer=shop_object)): # start counting for this product id = this_day_transaction.pk date = this_day_transaction.DateAdded if this_day_transaction.seller == shop_object: with_trade = this_day_transaction.buyer trade_type = 'Sell' elif this_day_transaction.buyer == shop_object: with_trade = this_day_transaction.seller trade_type = 'Buy' number_of_items = ProductsInTransaction.objects.filter(TID=this_day_transaction).count() total_amount = this_day_transaction.total_amount total_paid = this_day_transaction.total_paid total_due = this_day_transaction.total_due output += '["%s","%s","%s","%s","%s","%s","%s","%s"] ,' % (id, date, with_trade, trade_type, number_of_items, total_amount, total_paid, total_due) output = output[:-1] output += ']}' return HttpResponse(output, content_type="text/plain") @login_required(login_url='/login/') def report_sales_analysis(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) shop_id = shop_object.id shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() if 'ban' in get_data: bangla = True else: bangla = False transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_sales_analysis.html', {'shop_list_base': all_shop_for_base, 'shop_name': shop_name, 'all_consumer_for_base' :all_consumer_for_base, 'shop_id': shop_id, 'bangla': bangla, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_sales_analysis_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) shop_inventory = BuySellProfitInventoryIndividual.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') output = '{"data": [ ' if get_data['t'] == '1': rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: output += '["%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit) rank += 1 if get_data['t'] == '2': rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 previous_product_price = 0 change = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if count == 0: previous_product_price = product_in_this_transaction.price_per_unit product_price = product_in_this_transaction.price_per_unit change += abs(previous_product_price - product_price) count += 1 if count > 0: output += '["%s","%s","%s","%s"] ,' % (rank, product_name, count, change/count) rank += 1 if get_data['t'] == '3': this_year = datetime.date.today().year this_month = datetime.date.today().month day = 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while day < 32: day_string = True rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: if day_string: output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) day_string = False output += '["","%s","%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit, float(product_price / count)) rank += 1 day += 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) if get_data['t'] == '4': day = 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while day < 8: day_string = True rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__week_day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: if day_string: if day == 1: output += '["%s","","","",""] ,' % 'Sunday' elif day == 2: output += '["%s","","","",""] ,' % 'Monday' elif day == 3: output += '["%s","","","",""] ,' % 'Tuesday' elif day == 4: output += '["%s","","","",""] ,' % 'Wednesday' elif day == 5: output += '["%s","","","",""] ,' % 'Thursday' elif day == 6: output += '["%s","","","",""] ,' % 'Friday' elif day == 7: output += '["%s","","","",""] ,' % 'Saturday' day_string = False output += '["","%s","%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit, float(product_price / count)) rank += 1 day += 1 if get_data['t'] == '5': this_year = datetime.date.today().year day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 output += '["%s","%s"] ,' % (product_name, product_profit) output = output[:-1] output += ']}' return HttpResponse(output, content_type="text/plain") @login_required(login_url='/login/') def report_payment(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) sell_transaction_with_due = Transaction.objects.filter(seller_id=shop_object, total_due__lte=0) buy_transaction_with_due = Transaction.objects.filter(buyer_id=shop_object, total_due__lte=0) shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) buyer_account = BuyerSellerAccount.objects.filter(seller=shop_object, total_due__lte=0) seller_account = BuyerSellerAccount.objects.filter(buyer=shop_object, total_due__lte=0) all_user_for_base = Consumer.objects.all() shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) transcriber_name = request.session['user'] return render(request, 'pages/report_payment.html', {'shop_list_base': all_shop_for_base, 'sell_transaction_with_due': sell_transaction_with_due, 'buy_transaction_with_due': buy_transaction_with_due, 'all_consumer_for_base' :all_consumer_for_base, 'buyer_account': buyer_account, 'transcriber_name': transcriber_name, 'seller_account': seller_account, 'shop_name': shop_name, 'bangla': bangla, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_due(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) sell_transaction_with_due = Transaction.objects.filter(seller_id=shop_object, total_due__gt=0) buy_transaction_with_due = Transaction.objects.filter(buyer_id=shop_object, total_due__gt=0) shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) buyer_account = SMSPayment.objects.filter(seller=shop_object) seller_account = SMSPayment.objects.filter(buyer=shop_object) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_due.html', {'shop_list_base': all_shop_for_base, 'sell_transaction_with_due': sell_transaction_with_due, 'buy_transaction_with_due': buy_transaction_with_due, 'buyer_account': buyer_account, 'all_consumer_for_base' :all_consumer_for_base, 'bangla': bangla, 'seller_account': seller_account, 'transcriber_name': transcriber_name, 'shop_name': shop_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_profit(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) shop_id = shop_object.id if 'ban' in get_data: bangla = True else: bangla = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_profit.html', {'shop_list_base': all_shop_for_base, 'shop_name': shop_name, 'shop_id': shop_id, 'all_consumer_for_base' :all_consumer_for_base, 'bangla': bangla, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_profit_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) shop_inventory = BuySellProfitInventoryIndividual.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') output = '{"data": [ ' if get_data['t'] == '1': this_year = datetime.date.today().year this_month = 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while this_month < 13: day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object, DateAdded__year=this_year, DateAdded__month=this_month): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 if count > 0: if day_string: if this_month == 1: output += '["January","",""], ' elif this_month == 2: output += '["February","",""], ' elif this_month == 3: output += '["March","",""], ' elif this_month == 4: output += '["April","",""], ' elif this_month == 5: output += '["May","",""], ' elif this_month == 6: output += '["June","",""], ' elif this_month == 7: output += '["July","",""], ' elif this_month == 8: output += '["August","",""], ' elif this_month == 9: output += '["September","",""], ' elif this_month == 10: output += '["October","",""], ' elif this_month == 11: output += '["November","",""], ' elif this_month == 12: output += '["December","",""], ' day_string = False output += '["","%s","%s"] ,' % (product_name, product_profit) # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) this_month += 1 if get_data['t'] == '2': this_year = datetime.date.today().year this_month = 1 while this_month < 13: day = 1 while day < 32: day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=day): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 if count > 0: if day_string: output += '["%s/%s/%s","",""] ,' % (day, this_month, this_year) day_string = False output += '["","%s","%s"] ,' % (product_name, product_profit) day += 1 this_month += 1 if get_data['t'] == '3': this_year = datetime.date.today().year this_month = datetime.date.today().month # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object, DateAdded__year=this_year, DateAdded__month=this_month): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 output += '["%s","%s"] ,' % (product_name, product_profit) # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) if get_data['t'] == '4': this_year = datetime.date.today().year day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object, DateAdded__year=this_year): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 output += '["%s","%s"] ,' % (product_name, product_profit) if get_data['t'] == '5': this_year = datetime.date.today().year day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 output += '["%s","%s"] ,' % (product_name, product_profit) output = output[:-1] output += ']}' return HttpResponse(output, content_type="text/plain") @login_required(login_url='/login/') def report_product(request): get_data = request.GET shop_name = get_data['shop'] if 'ban' in get_data: bangla = True else: bangla = False shop_object = Consumer.objects.get(name=shop_name) shop_id = shop_object.id shop_inventory = Inventory.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') selected_products = ProductsInTransaction.objects.filter(TID=Transaction.objects.filter(seller=shop_object)) selected_products_buy = ProductsInTransaction.objects.filter(TID=Transaction.objects.filter(buyer=shop_object)) all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_product.html', {'shop_list_base': all_shop_for_base, 'shop_inventory': shop_inventory, 'shop_name': shop_name, 'shop_id': shop_id, 'bangla': bangla, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'selected_products_buy': selected_products_buy, 'selected_products': selected_products, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_product_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) shop_inventory = Inventory.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') output = '{"data": [ ' if get_data['t'] == '1': this_year = datetime.date.today().year this_month = datetime.date.today().month day = 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while day < 32: day_string = True for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: # if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: # if a_product.bulk_to_retail_unit == 0: # count = count + product_in_this_transaction.quantity # product_price = product_price + product_in_this_transaction.price_per_unit # else: # count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit # product_price = product_price + product_in_this_transaction.price_per_unit # else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit * product_in_this_transaction.quantity if count > 0: if day_string: output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) day_string = False output += '["","%s","%s","%s","%s"] ,' % (product_name, count, a_product.retail_unit, float(product_price / count)) day += 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) if get_data['t'] == '2': this_year = datetime.date.today().year this_month = datetime.date.today().month day = 1 while day < 32: day_string = True for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(buyer=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: if day_string: output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) day_string = False output += '["","%s","%s","%s","%s"] ,' % (product_name, count, a_product.bulk_wholesale_unit, float(product_price / count)) day += 1 if get_data['t'] == '3': this_year = datetime.date.today().year this_month = datetime.date.today().month for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: output += '["%s","%s","%s","%s"] ,' % (product_name, count, a_product.retail_unit, float(product_price / count)) if get_data['t'] == '4': this_year = datetime.date.today().year this_month = datetime.date.today().month for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(buyer=shop_object, DateAdded__year=this_year, DateAdded__month=this_month): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: output += '["%s","%s","%s","%s"] ,' % (product_name, count, a_product.retail_unit, float(product_price / count)) output = output[:-1] output += ']}' selected_products_buy = ProductsInTransaction.objects.filter(TID=Transaction.objects.filter(buyer=shop_object)) all_shop_for_base = Consumer.objects.filter(type=shop_consumer) return HttpResponse(output, content_type="text/plain") # paste the template name of the report_analytical instead of report_product here @login_required(login_url='/login/') def report_analytical(request): all_product = Product.objects.all() final_output = '' get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) shop_id = shop_object.id for product in all_product: print(product.name) if ProductsInTransaction.objects.filter(product=product).exists(): product_output = "[%s, " % product.name sold_amount = 0 for product_details in ProductsInTransaction.objects.filter(product=product): sold_amount = sold_amount + product_details.quantity product_output += str(sold_amount) final_output += product_output final_output += "] ," print(final_output) final_output = final_output[:-1] print(final_output) add_notification = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/reports_analytical.html', {'all_product': all_product, 'add_notification': add_notification, 'shop_list_base': all_shop_for_base, 'product_sell': final_output, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'shop_name': shop_name, 'shop_id': shop_id, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_analytical_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) if get_data['t'] == '1': all_product = Product.objects.all() final_output = '{"cols": [ { "id": "", "label": "Topping", "pattern": "", "type": "string" }, ' \ '{ "id": "", "label": "Units", "pattern": "", "type": "number" } ], "rows": [ ' for product in all_product: print(product.name) if ProductsInTransaction.objects.filter(product=product).exists(): product_name = product.name sold_amount = 0 for transaction_id in Transaction.objects.filter(seller=shop_object): for product_details in ProductsInTransaction.objects.filter(product=product, TID=transaction_id): sold_amount = sold_amount + product_details.quantity final_output += '{"c": [{"v": "%s","f": null},{"v": %s,"f": null}]},' % (product_name, sold_amount) final_output = final_output[:-1] print(final_output) if get_data['t'] == '2': all_product = BuySellProfitInventory.objects.filter(shop=shop_object) final_output = '{"cols": [ { "id": "", "label": "Topping", "pattern": "", "type": "string" }, ' \ '{ "id": "", "label": "Profit", "pattern": "", "type": "number" } ], "rows": [ ' for product in all_product: final_output += '{"c": [{"v": "%s","f": null},{"v": %s,"f": null}]},' % (product.product, product.profit) final_output = final_output[:-1] print(final_output) final_output += ']}' print(final_output) return HttpResponse(final_output, content_type="text/plain") # till this views created based on the list from mail @login_required(login_url='/login/') def report_recharge(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_recharge.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_callduration(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_callduration_graph.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) # not necessary @login_required(login_url='/login/') def report_transaction(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_transaction.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_calltranscription(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_transcription.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_usercall(request): shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_user_call_recharge.html', {'shop_list_base': all_shop_for_base, 'transcriber_name': transcriber_name, 'all_consumer_for_base' :all_consumer_for_base, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def transcription_page(request): print(request.POST) number_of_pending_calls = VoiceRecord.objects.filter(transcribed=False).count() number_of_pending_reg_calls = VoiceReg.objects.filter(completed=False).count() type_of_subscriber = ConsumerType.objects.all() number_of_fail_calls = VoiceRecord.objects.filter(with_error=True).count() number_of_completed_calls = VoiceRecord.objects.filter(with_error=False, transcribed=True).count() shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] return render(request, 'pages/transcription.html', dict(pending_calls=number_of_pending_calls, types=type_of_subscriber, pending_calls_reg=number_of_pending_reg_calls, number_of_fail_calls=str(number_of_fail_calls), number_of_completed_calls=number_of_completed_calls, transcriber_name=transcriber_name, shop_list_base=all_shop_for_base,all_consumer_for_base=all_consumer_for_base, all_user_for_base=all_user_for_base)) # report views ends here @login_required(login_url='/login/') def add_subscriber_page(request): all_subscriber = Consumer.objects.all() type_of_subscriber = ConsumerType.objects.all() add_notification = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) notification = '' if 'delete' in request.GET: get_data = request.GET add_notification = True delID = get_data['delete'] if Consumer.objects.filter(id=delID).exists(): item_for_delete = Consumer.objects.get(id=delID) notification = 'Daily statement for the user : ' + item_for_delete.name + ' is sent successfully.' # item_for_delete.delete() sales_statement = '' purchase_statement = '' today_date = datetime.date.today() today_day = today_date.day today_month = today_date.month today_year = today_date.year # for selling sell_transactions = Transaction.objects.filter(seller=item_for_delete, DateAdded__day=today_day, DateAdded__month=today_month, DateAdded__year=today_year) total_sales = 0 total_due = 0 total_paid = 0 for sell_transaction in sell_transactions: total_sales += sell_transaction.total_amount total_paid += sell_transaction.total_paid total_due += sell_transaction.total_due if total_sales > 0: sales_statement = ' bikroy korechen mot: ' + str(total_sales) + ' takar. nogod peyechen : ' + \ str(total_paid) + ' taka ebong baki royeche ' + str(total_due) + ' taka.' buy_transactions = Transaction.objects.filter(buyer=item_for_delete, DateAdded__day=today_day, DateAdded__month=today_month, DateAdded__year=today_year) total_purchase = 0 total_due = 0 total_paid = 0 for buy_transaction in buy_transactions: total_purchase += buy_transaction.total_amount total_paid += buy_transaction.total_paid total_due += buy_transaction.total_due if total_purchase > 0: purchase_statement = ' kinechen mot: ' + str(total_purchase) + ' takar. Nogod diyechen : ' + \ str(total_paid) + ' taka ebong baki royeche ' + str(total_due) + ' taka.' final_text = 'Aj apni' + sales_statement + purchase_statement + ' Dhonnobad' if total_purchase > 0 or total_sales > 0: print(final_text) send_sms(final_text, item_for_delete.phone) else: notification = 'Item not found' return render(request, 'pages/add_subscriber.html', {'subscribers': all_subscriber, 'types': type_of_subscriber, 'add_notification': add_notification, 'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'notification':notification, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def add_product_page(request): all_product = Product.objects.all() add_notification = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) notification = '' if 'delete' in request.GET: get_data = request.GET add_notification = True delID = get_data['delete'] if Product.objects.filter(id=delID).exists(): item_for_delete = Product.objects.get(id=delID) notification = 'The product : ' + item_for_delete.name + ' is deleted successfully.' item_for_delete.delete() else: notification = 'Item not found' return render(request, 'pages/add_product.html', {'all_product': all_product, 'add_notification': add_notification, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name,'notification': notification, 'shop_list_base': all_shop_for_base, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_transcriber_performance(request): all_product = Product.objects.all() add_notification = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_transcriber_performance.html', {'all_product': all_product, 'add_notification': add_notification, 'transcriber_name': transcriber_name, 'all_consumer_for_base' :all_consumer_for_base, 'shop_list_base': all_shop_for_base, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_transcriber_performance_json(request): final_output = '{"data": [ ' for transcriber in Transcriber.objects.all(): number_of_transcriptions = TranscriberInTranscription.objects.filter(name=transcriber).count() total_time_taken = 0 total_product_trancribed = 0 for transcriber_in_transaction in TranscriberInTranscription.objects.filter(name=transcriber): total_time_taken += float(transcriber_in_transaction.time_taken) total_product_trancribed += transcriber_in_transaction.number_of_products if number_of_transcriptions > 0: avg_time = total_time_taken / number_of_transcriptions avg_product = total_product_trancribed / number_of_transcriptions final_output += '["%s","%s","%s","%s","%s"] ,' % (transcriber.id, transcriber.name, number_of_transcriptions, avg_time, avg_product) final_output = final_output[:-1] final_output += ']}' return HttpResponse(final_output, content_type="text/plain") @login_required(login_url='/login/') def user_balance_recharge(request): post_data = request.POST notification = '' for all_consumers in Consumer.objects.all(): if Recharge.objects.filter(user=all_consumers).exists(): print('Already_Added') else: new_added = Recharge(user=all_consumers) new_added.save() if TotalRecharge.objects.filter(user=all_consumers).exists(): print('Already_Added') else: new_added = TotalRecharge(user=all_consumers) new_added.save() add_notification = False if 'user' in post_data and 'recharge_amount' in post_data: user_name = post_data['user'] user_object = Consumer.objects.get(name=user_name) if is_number(post_data['recharge_amount']) or is_float(post_data['recharge_amount']): new_recharge_added = Recharge(user=user_object, amount=float(post_data['recharge_amount'])) new_recharge_added.save() new_recharge_update = TotalRecharge.objects.get(user=user_object) new_recharge_update.amount += float(post_data['recharge_amount']) new_recharge_update.save() add_notification = True notification = 'Amount %s has been added to the number %s' %(post_data['recharge_amount'], user_object.phone) else: notification = 'Something went wrong. Please try again.' recharge_all = TotalRecharge.objects.all() today_date = datetime.date.today() today_day = today_date.day today_month = today_date.month today_year = today_date.year recharge_today = Recharge.objects.filter(DateAdded__day=today_day, DateAdded__month=today_month, DateAdded__year=today_year, amount__gt=0) all_product = Product.objects.all() shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'pages/report_user_call_recharge.html', {'all_product': all_product, 'add_notification': add_notification, 'all_consumer_for_base' :all_consumer_for_base, 'shop_list_base': all_shop_for_base, 'recharge_all': recharge_all, 'transcriber_name': transcriber_name, 'recharge_today': recharge_today, 'all_user_for_base': all_user_for_base, 'notification': notification}) # views for printing @login_required(login_url='/login/') def report_monthly_shop_print(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) total_sell = 0 total_sell_due = 0 total_sell_paid = 0 total_purchase = 0 total_purchase_due = 0 total_purchase_paid = 0 for month_sell in BuyerSellerAccount.objects.filter(seller=shop_object): total_sell += month_sell.total_amount_of_transaction total_sell_due += month_sell.total_due total_sell_paid += month_sell.total_paid for month_purchase in BuyerSellerAccount.objects.filter(buyer=shop_object): total_purchase += month_purchase.total_amount_of_transaction total_purchase_due += month_purchase.total_due total_purchase_paid += month_purchase.total_paid shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) transcriber_name = request.session['user'] return render(request, 'print/report_monthly_shop.html', {'shop_list_base': all_shop_for_base, 'shop_name': shop_name, 'all_consumer_for_base' :all_consumer_for_base, 'total_sell': total_sell, 'transcriber_name': transcriber_name, 'total_sell_due': total_sell_due, 'total_sell_paid': total_sell_paid, 'bangla': bangla, 'total_purchase': total_purchase, 'total_purchase_due': total_purchase_due, 'total_purchase_paid': total_purchase_paid, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_due_print(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) sell_transaction_with_due = Transaction.objects.filter(seller_id=shop_object, total_due__gt=0) buy_transaction_with_due = Transaction.objects.filter(buyer_id=shop_object, total_due__gt=0) shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) buyer_account = BuyerSellerAccount.objects.filter(seller=shop_object, total_due__gt=0) seller_account = BuyerSellerAccount.objects.filter(buyer=shop_object, total_due__gt=0) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'print/report_due.html', {'shop_list_base': all_shop_for_base, 'sell_transaction_with_due': sell_transaction_with_due, 'buy_transaction_with_due': buy_transaction_with_due, 'buyer_account': buyer_account, 'all_consumer_for_base' :all_consumer_for_base, 'bangla': bangla, 'seller_account': seller_account, 'transcriber_name': transcriber_name, 'shop_name': shop_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_payment_print(request): get_data = request.GET if 'ban' in get_data: bangla = True else: bangla = False shop_name = get_data['shop'] shop_object = Consumer.objects.get(name=shop_name) sell_transaction_with_due = Transaction.objects.filter(seller_id=shop_object, total_due__lte=0) buy_transaction_with_due = Transaction.objects.filter(buyer_id=shop_object, total_due__lte=0) shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) buyer_account = BuyerSellerAccount.objects.filter(seller=shop_object, total_due__lte=0) seller_account = BuyerSellerAccount.objects.filter(buyer=shop_object, total_due__lte=0) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'print/report_payment.html', {'shop_list_base': all_shop_for_base, 'sell_transaction_with_due': sell_transaction_with_due, 'buy_transaction_with_due': buy_transaction_with_due, 'all_consumer_for_base' :all_consumer_for_base, 'buyer_account': buyer_account, 'transcriber_name': transcriber_name, 'seller_account': seller_account, 'shop_name': shop_name, 'bangla': bangla, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_product_print(request): get_data = request.GET shop_name = get_data['shop'] if 'ban' in get_data: bangla = True else: bangla = False shop_object = Consumer.objects.get(name=shop_name) shop_inventory = Inventory.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') selected_products = ProductsInTransaction.objects.filter(TID=Transaction.objects.filter(seller=shop_object)) selected_products_buy = ProductsInTransaction.objects.filter(TID=Transaction.objects.filter(buyer=shop_object)) all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'print/report_product.html', {'shop_list_base': all_shop_for_base, 'shop_inventory': shop_inventory, 'shop_name': shop_name, 'bangla': bangla, 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'selected_products_buy': selected_products_buy, 'selected_products': selected_products, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_sales_analysis_print(request): get_data = request.GET shop_name = get_data['shop'] shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) transcriber_name = request.session['user'] return render(request, 'print/report_sales_analysis.html', {'shop_list_base': all_shop_for_base, 'all_consumer_for_base' :all_consumer_for_base, 'shop_name': shop_name, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_profit_print(request): get_data = request.GET shop_name = get_data['shop'] shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'print/report_profit.html', {'shop_list_base': all_shop_for_base, 'shop_name': shop_name, 'all_consumer_for_base':all_consumer_for_base, 'transcriber_name': transcriber_name, 'all_user_for_base': all_user_for_base}) @login_required(login_url='/login/') def report_transcriber_performance_print(request): all_product = Product.objects.all() add_notification = False shop_consumer = ConsumerType.objects.get(type_name='Seller') all_shop_for_base = Consumer.objects.filter(type=shop_consumer) all_user_for_base = Consumer.objects.all() transcriber_name = request.session['user'] shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) return render(request, 'print/report_transcriber_performance.html', {'all_product': all_product, 'add_notification': add_notification, 'all_consumer_for_base':all_consumer_for_base, 'transcriber_name': transcriber_name, 'shop_list_base': all_shop_for_base, 'all_user_for_base': all_user_for_base}) # SR section @login_required(login_url='/login/') def sr_monthly_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) return render(request, 'pages/SR/report_monthly.html', {'transcriber_name': transcriber_name, 'allTransaction': allTransaction}) @login_required(login_url='/login/') def sr_due_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name allBalance = BuyerSellerAccount.objects.filter(seller=sr_object) sell_transaction = Transaction.objects.filter(seller=sr_object) dueTransactions = dueTransaction.objects.filter(seller=sr_object) return render(request, 'pages/SR/report_due.html', {'transcriber_name': transcriber_name, 'sell_transaction': sell_transaction, 'dueTransactions': dueTransactions, 'allBalance': allBalance}) @login_required(login_url='/login/') def sr_report_sales_analysis(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name post_data = request.POST print(post_data) shop_object = sr_object shop_name = shop_object.name shop_id = shop_object.id if 'month' in post_data and 'year' in post_data: month = post_data['month'] year = post_data['year'] else: month = datetime.date.today().month year = datetime.date.today().year return render(request, 'pages/SR/report_sales_analysis.html', {'shop_name': shop_name, # 'all_consumer_for_base' :all_consumer_for_base, 'shop_id': shop_id, # 'bangla': bangla, 'transcriber_name': transcriber_name, 'month': month, 'year': year}) @login_required(login_url='/login/') def sr_report_sales_analysis_json(request): get_data = request.GET shop_name = get_data['shop'] shop_object = Consumer.objects.get(id=shop_name) shop_inventory = BuySellProfitInventoryIndividual.objects.filter(shop=shop_object) shop_consumer = ConsumerType.objects.get(type_name='Seller') this_year = get_data['year'] print(this_year) this_month = get_data['month'] output = '{"data": [ ' if get_data['t'] == '1': rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: output += '["%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit) rank += 1 if get_data['t'] == '2': rank = 1 for a_product in Product.objects.all(): count = 0 # product_price = 0 previous_product_price = 0 change = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if count == 0: previous_product_price = product_in_this_transaction.price_per_unit product_price = product_in_this_transaction.price_per_unit change += abs(previous_product_price - product_price) count += 1 if count > 0: output += '["%s","%s","%s","%s"] ,' % (rank, product_name, count, change/count) rank += 1 if get_data['t'] == '3': print(this_month) day = 1 # # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while day < 32: day_string = True rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__year=this_year, DateAdded__month=this_month, DateAdded__day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: if day_string: output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) day_string = False output += '["","%s","%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit, float(product_price / count)) rank += 1 day += 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) if get_data['t'] == '4': day = 1 # output += '["%s/%s/%s","","","",""] ,' % (day, this_month, this_year) while day < 8: day_string = True rank = 1 for a_product in Product.objects.all(): count = 0 product_price = 0 product_name = a_product.name for this_day_transaction in Transaction.objects.filter(seller=shop_object, DateAdded__week_day=day): # start counting for this product for product_in_this_transaction in ProductsInTransaction.objects.filter(TID=this_day_transaction): if product_in_this_transaction.product == a_product: if product_in_this_transaction.unit == a_product.bulk_wholesale_unit: if a_product.bulk_to_retail_unit == 0: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit else: count = count + product_in_this_transaction.quantity * a_product.bulk_to_retail_unit product_price = product_price + product_in_this_transaction.price_per_unit / a_product.bulk_to_retail_unit else: count = count + product_in_this_transaction.quantity product_price = product_price + product_in_this_transaction.price_per_unit if count > 0: if day_string: if day == 1: output += '["%s","","","",""] ,' % 'Sunday' elif day == 2: output += '["%s","","","",""] ,' % 'Monday' elif day == 3: output += '["%s","","","",""] ,' % 'Tuesday' elif day == 4: output += '["%s","","","",""] ,' % 'Wednesday' elif day == 5: output += '["%s","","","",""] ,' % 'Thursday' elif day == 6: output += '["%s","","","",""] ,' % 'Friday' elif day == 7: output += '["%s","","","",""] ,' % 'Saturday' day_string = False output += '["","%s","%s","%s","%s"] ,' % (rank, product_name, str(count) + ' ' + a_product.retail_unit, float(product_price / count)) rank += 1 day += 1 if get_data['t'] == '5': this_year = datetime.date.today().year day_string = True for a_product in Product.objects.all(): count = 0 product_profit = 0 product_name = a_product.name for this_day_transaction in BuySellProfitInventoryIndividual.objects.filter(shop_id=shop_object): # start counting for this product if this_day_transaction.product == a_product: product_profit += this_day_transaction.profit count += 1 output += '["%s","%s"] ,' % (product_name, product_profit) output = output[:-1] output += ']}' return HttpResponse(output, content_type="text/plain") # Distributor Section @login_required(login_url='/login/') def add_sr_page(request): dr_name = request.session['user'] dr_object = ACL.objects.get(loginID=dr_name).loginUser transcriber_name = dr_object.name all_subscriber = ACL.objects.filter(distUser=dr_object) # type_of_subscriber = ConsumerType.objects.all() add_notification = False # shop_consumer = ConsumerType.objects.get(type_name='Seller') # all_shop_for_base = Consumer.objects.filter(type=shop_consumer) # all_user_for_base = Consumer.objects.all() # transcriber_name = request.session['user'] # shop_consumer2 = ConsumerType.objects.get(type_name='Buyer') # all_consumer_for_base = Consumer.objects.filter(type=shop_consumer2) notification = '' if 'delete' in request.GET: get_data = request.GET add_notification = True delID = get_data['delete'] if Consumer.objects.filter(id=delID).exists(): item_for_delete = Consumer.objects.get(id=delID) notification = 'The Consumer : ' + item_for_delete.name + ' is deleted successfully.' item_for_delete.delete() else: notification = 'Item not found' return render(request, 'pages/Distributor/add_SR.html', {'subscribers': all_subscriber,'add_notification': add_notification, # 'shop_list_base': all_shop_for_base, # 'all_consumer_for_base' :all_consumer_for_base, 'transcriber_name': transcriber_name, 'notification': notification}) @login_required(login_url='/login/') def dr_monthly_report(request): dr_name = request.session['user'] dr_object = ACL.objects.get(loginID=dr_name).loginUser transcriber_name = dr_object.name transcriber_id = dr_object.id all_subscriber = ACL.objects.filter(distUser=dr_object) post_data = request.POST print(post_data) if 'sr' in post_data: sr_object = Consumer.objects.get(id=post_data['sr']) allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) return render(request, 'pages/Distributor/report_monthly.html', {'transcriber_name': transcriber_name, 'hasReport': True, 'subscribers': all_subscriber, 'transcriber_id': transcriber_id, 'allTransaction': allTransaction}) else: # allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) return render(request, 'pages/Distributor/report_monthly.html', {'transcriber_name': transcriber_name, 'transcriber_id': transcriber_id, 'subscribers': all_subscriber, 'hasReport': False}) @login_required(login_url='/login/') def dr_due_report(request): sr_name = request.session['user'] dr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = dr_object.name transcriber_id = dr_object.id all_subscriber = ACL.objects.filter(distUser=dr_object) post_data = request.POST if 'sr' in post_data: sr_object = Consumer.objects.get(id=post_data['sr']) allBalance = BuyerSellerAccount.objects.filter(seller=sr_object) sell_transaction = Transaction.objects.filter(seller=sr_object) dueTransactions = dueTransaction.objects.filter(seller=sr_object) # allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) return render(request, 'pages/Distributor/report_due.html', {'transcriber_name': transcriber_name, 'sell_transaction': sell_transaction, 'dueTransactions': dueTransactions, 'transcriber_id': transcriber_id, 'hasReport': True, 'subscribers': all_subscriber, 'allBalance': allBalance}) else: # allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) return render(request, 'pages/Distributor/report_due.html', {'transcriber_name': transcriber_name, 'transcriber_id': transcriber_id, 'subscribers': all_subscriber, 'hasReport': False}) @login_required(login_url='/login/') def dr_report_sales_analysis(request): dr_name = request.session['user'] dr_object = ACL.objects.get(loginID=dr_name).loginUser transcriber_name = dr_object.name transcriber_id = dr_object.id post_data = request.POST print(post_data) # shop_object = sr_object # all_subscriber = ACL.objects.filter(distUser=dr_object) hasReport = False if 'sr' in post_data: shop_id = post_data['sr'] shop_name = Consumer.objects.get(id=shop_id).name hasReport = True if 'month' in post_data and 'year' in post_data: month = post_data['month'] year = post_data['year'] else: month = datetime.date.today().month year = datetime.date.today().year return render(request, 'pages/Distributor/report_sales_analysis.html', {'shop_name': shop_name, 'transcriber_id': transcriber_id, 'shop_id': shop_id, 'subscribers': all_subscriber, 'transcriber_name': transcriber_name, 'month': month, 'hasReport': hasReport, 'year': year}) else: return render(request, 'pages/Distributor/report_sales_analysis.html', {'shop_name': 'Not Selected', 'transcriber_id': transcriber_id, 'subscribers': all_subscriber, 'transcriber_name': transcriber_name, 'hasReport': hasReport}) # Shop Module @login_required(login_url='/login/') def shop_monthly_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) allTransactionIn = BuyerSellerAccount.objects.filter(buyer=sr_object) return render(request, 'pages/Shop/report_monthly.html', {'transcriber_name': transcriber_name, 'allTransactionIn': allTransactionIn, 'allTransaction': allTransaction}) @login_required(login_url='/login/') def shop_due_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name allBalance = BuyerSellerAccount.objects.filter(seller=sr_object) sell_transaction = Transaction.objects.filter(seller=sr_object) dueTransactions = dueTransaction.objects.filter(seller=sr_object) allBalanceIn = BuyerSellerAccount.objects.filter(buyer=sr_object) sell_transactionIn = Transaction.objects.filter(buyer=sr_object) dueTransactionsIn = dueTransaction.objects.filter(buyer=sr_object) return render(request, 'pages/Shop/report_due.html', {'transcriber_name': transcriber_name, 'sell_transaction': sell_transaction, 'dueTransactions': dueTransactions, 'allBalance': allBalance, 'sell_transactionIn': sell_transactionIn, 'dueTransactionsIn': dueTransactionsIn, 'allBalanceIn': allBalanceIn}) @login_required(login_url='/login/') def shop_report_sales_analysis(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name post_data = request.POST print(post_data) shop_object = sr_object shop_name = shop_object.name shop_id = shop_object.id if 'month' in post_data and 'year' in post_data: month = post_data['month'] year = post_data['year'] else: month = datetime.date.today().month year = datetime.date.today().year return render(request, 'pages/Shop/report_sales_analysis.html', {'shop_name': shop_name, # 'all_consumer_for_base' :all_consumer_for_base, 'shop_id': shop_id, # 'bangla': bangla, 'transcriber_name': transcriber_name, 'month': month, 'year': year}) # Consumer Module @login_required(login_url='/login/') def user_monthly_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name # allTransaction = BuyerSellerAccount.objects.filter(seller=sr_object) allTransactionIn = BuyerSellerAccount.objects.filter(buyer=sr_object) return render(request, 'pages/Consumer/report_monthly.html', {'transcriber_name': transcriber_name, 'allTransactionIn': allTransactionIn}) @login_required(login_url='/login/') def user_due_report(request): sr_name = request.session['user'] sr_object = ACL.objects.get(loginID=sr_name).loginUser transcriber_name = sr_object.name # allBalance = BuyerSellerAccount.objects.filter(seller=sr_object) # sell_transaction = Transaction.objects.filter(seller=sr_object) # dueTransactions = dueTransaction.objects.filter(seller=sr_object) allBalanceIn = BuyerSellerAccount.objects.filter(buyer=sr_object) sell_transactionIn = Transaction.objects.filter(buyer=sr_object) dueTransactionsIn = dueTransaction.objects.filter(buyer=sr_object) return render(request, 'pages/Consumer/report_due.html', {'transcriber_name': transcriber_name, # 'sell_transaction': sell_transaction, # 'dueTransactions': dueTransactions, # 'allBalance': allBalance, 'sell_transactionIn': sell_transactionIn, 'dueTransactionsIn': dueTransactionsIn, 'allBalanceIn': allBalanceIn}) @login_required(login_url='/login/') def change_password(request): # user = request.session['user'] post_data = request.POST user_name = request.session['user'] user_object = ACL.objects.get(loginID=user_name).loginUser transcriber_name = user_object.name user = user_object.phone[-9:] wrong = False text = '' if 'csrfmiddlewaretoken' in post_data: if post_data['password'] == post_data['re-password']: if User.objects.filter(username=user).exists(): u = User.objects.get(username=user) u.set_password(post_data['password']) u.save() user_ID = user_object.id this_user = Consumer.objects.get(id=user_ID) this_user.number_of_child = 'CHANGED !!!' this_user.save() wrong = True text = 'Password is successfully changed' if user_object.type.type_name == 'Distributor': display = render(request, 'pages/Distributor/index.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'SR': display = render(request, 'pages/SR/index.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Seller': display = render(request, 'pages/Shop/index.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Buyer': display = render(request, 'pages/Consumer/index.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) else: wrong = True text = 'Something Wrong' if user_object.type.type_name == 'Distributor': display = render(request, 'pages/Distributor/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'SR': display = render(request, 'pages/SR/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Seller': display = render(request, 'pages/Shop/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Buyer': display = render(request, 'pages/Consumer/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) else: wrong = True text = 'Passwords do NOT match. Please try again' if user_object.type.type_name == 'Distributor': display = render(request, 'pages/Distributor/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'SR': display = render(request, 'pages/SR/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Seller': display = render(request, 'pages/Shop/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Buyer': display = render(request, 'pages/Consumer/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) else: wrong = False if user_object.type.type_name == 'Distributor': display = render(request, 'pages/Distributor/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'SR': display = render(request, 'pages/SR/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Seller': display = render(request, 'pages/Shop/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong, 'text': text}) elif user_object.type.type_name == 'Buyer': display = render(request, 'pages/Consumer/change_password.html', {'transcriber_name': transcriber_name, 'wrong': wrong}) return display
ShovanSarker/sense_v4_withLocal
template_manager/views.py
Python
gpl-2.0
113,348