Compare commits

...

10 Commits

Author SHA1 Message Date
inocturnis
5fd5319ffb Everything done and ready to test 2022-05-27 23:00:45 -07:00
inocturnis
63c9bbee6f Added functionality of creating the index through the html 2022-05-27 17:39:34 -07:00
inocturnis
107d1b2a46 Basic web-gui 2022-05-27 17:01:35 -07:00
inocturnis
0b127af5a9 Removal of more crap related to the old weight scheme 2022-05-27 10:41:10 -07:00
inocturnis
ebc72baa7d Changed to real data to run again 2022-05-27 10:39:57 -07:00
inocturnis
8d2dcea172 We are looking for TF_WEIGHT not IDF_WEIGHT, make things A LOT CHEAPER 2022-05-27 10:39:13 -07:00
inocturnis
cf81cf5c6a changing the way to calculate weight 2022-05-27 09:53:25 -07:00
inocturnis
fb88efd510 Implemented all necessary indexer informations 2022-05-27 06:29:48 -07:00
inocturnis
c43d6aa0a9 Fully changed indexer and worker classes with properly indexing 2022-05-27 05:11:01 -07:00
inocturnis
53c7b49806 Massive changes to indexer and created merge 2022-05-27 03:08:56 -07:00
444 changed files with 136367 additions and 326 deletions

3
.gitignore vendored
View File

@ -1,3 +1,6 @@
/data/ /data/
*.shelve *.shelve
/__pycache__/ /__pycache__/
/test/
merged*
test*

View File

@ -1,39 +1,14 @@
# Search_Engine # Search_Engine
Developing a mini search-engine in python using reverse-indexed stemming and other SEOs implementations Developing a mini search-engine in python using reverse-indexed stemming and other SEOs implementations
## Part 1: The Reversed-Index Start the program by running python3 launcher.py
A flask webpage will start.
If you do not have any indexes files, the webpage will show you an error
There is a button at the top of the page called Run Indexer
THIS IS EXTREMELY TIME CONSUMING AND DANGEROUS. IT WILL DELETE THE INDEX IF YOU ALREADY HAVE ONE !
So to safeguard this, you have to click the button five times in a row in five different refreshes of the page
### Create an inverted index for the corpus with data structures designed by you. You can also create the index by running python3 indexer.py
- Tokens: all alphanumeric sequences in the dataset. After the indices are created you can go ahead and search through them
- Stop words: do not use stopping while indexing, i.e. use all words, even Notably
the frequently occurring ones.
- Stemming: use stemming for better textual matches. Suggestion: Porter
stemming, but it is up to you to choose.
- Important text: text in bold (b, strong), in headings (h1, h2, h3), and
in titles should be treated as more important than the in other places.
Verify which are the relevant HTML tags to select the important words.
### Building the inverted index
Now that you have been provided the HTML files to index, you may build your
inverted index off of them. The inverted index is simply a map with the token
as a key and a list of its corresponding postings. A posting is the representation
of the tokens occurrence in a document. The posting typically (not limited to)
contains the following info (you are encouraged to think of other attributes that
you could add to the index):
- The document name/id the token was found in.
- Its tf-idf score for that document (for MS1, add only the term frequency).
### Some tips:
- When designing your inverted index, you will think about the structure
of your posting first.
- You would normally begin by implementing the code to calculate/fetch
the elements which will constitute your posting.
- Modularize. Use scripts/classes that will perform a function or a set of
closely related functions. This helps in keeping track of your progress,
debugging, and also dividing work amongst teammates if youre in a group.
- We recommend you use GitHub as a mechanism to work with your team
members on this project, but you are not required to do so.

1
docs.weight Normal file

File diff suppressed because one or more lines are too long

View File

@ -14,219 +14,236 @@ import json
import os import os
import shelve import shelve
from bs4 import BeautifulSoup from bs4 import BeautifulSoup
from time import perf_counter from os.path import exists
import time
import threading
#Data process #Data process
from nltk.tokenize import word_tokenize from nltk.tokenize import word_tokenize
from nltk.stem import PorterStemmer from nltk.stem import PorterStemmer
from sklearn.feature_extraction.text import TfidfVectorizer
import pandas as pd import pandas as pd
import numpy as np import numpy as np
import re import re
import math
#Logging postings #Logging postings
from posting import Posting from posting import Posting
from worker import Worker from worker import Worker
#Multi-threading
import threading
from threading import Lock
#Performance
from time import perf_counter
import time
class Node():
index_value = ''
postings = list()
class Index():
length = 0
index = list()
class Indexer(): class Indexer():
def __init__(self,restart,trimming): def __init__(self,list_partials,weight,data_paths,worker_factory=Worker):
#Config stuffs #Config stuffs
self.path = "data/DEV/" self.path = "data/DEV"
self.restart = restart self.num_doc = 0
self.trimming = trimming self.list_partials = list_partials
self.weight = weight
self.data_paths = data_paths
self.stemmer = PorterStemmer() self.stemmer = PorterStemmer()
self.data_paths_lock = Lock()
self.list_partials_lock = Lock()
#Shelves for index #Loading index_index into memory
#https://www3.nd.edu/~busiforc/handouts/cryptography/letterfrequencies.html if exists("merged_index.index"):
#https://www.irishtimes.com/news/science/how-many-numbers-begin-with-a-1-more-than-30-per-cent-1.4162466 merged_index_index = open("merged_index.index",'r')
#According to this will be how we split things merged_index_index.seek(0,0)
#Save #1 = ABCD + (1) ~ 18.3% of words json_value = merged_index_index.readline()
#Save #2 = EFGHIJK + (2-3)~ 27.1% of words data = json.loads(json_value)
#Save #3 = LMNOPQ + (4-7) ~ 25.4% of words self.index_index = dict(data['index'])
#Save #4 = RSTUVWXYZ + (8-9)~ 29.2% of words
#Save #5 = Special characters
if os.path.exists("save_1.shelve") and restart:
os.remove("save_1.shelve")
if os.path.exists("save_2.shelve") and restart:
os.remove("save_2.shelve")
if os.path.exists("save_3.shelve") and restart:
os.remove("save_3.shelve")
if os.path.exists("save_4.shelve") and restart:
os.remove("save_4.shelve")
if os.path.exists("save_5.shelve") and restart:
os.remove("save_5.shelve")
self.save_1 = shelve.open("save_1.shelve")
self.save_1_lock = threading.Lock()
self.save_2 = shelve.open("save_2.shelve")
self.save_2_lock = threading.Lock()
self.save_3 = shelve.open("save_3.shelve")
self.save_3_lock = threading.Lock()
self.save_4 = shelve.open("save_4.shelve")
self.save_4_lock = threading.Lock()
self.save_5 = shelve.open("save_5.shelve")
self.save_5_lock = threading.Lock()
print(len(list(self.save_1.keys())))
print(len(list(self.save_2.keys())))
print(len(list(self.save_3.keys())))
print(len(list(self.save_4.keys())))
print(len(list(self.save_5.keys())))
def save_index(self,word,posting):
cur_save = self.get_save_file(word)
lock = self.get_save_lock(word)
lock.acquire()
shelve_list = list()
try:
shelve_list = cur_save[word]
shelve_list.append(posting)
tic = perf_counter()
shelve_list.sort(key=lambda x: x.tf_idf, reverse = True)
toc = perf_counter()
if toc - tic > 1 :
print("Took " + str(toc - tic) + "seconds to sort shelve list !")
cur_save.sync()
lock.release()
except:
shelve_list.append(posting)
cur_save[word] = shelve_list
cur_save.sync()
lock.release()
def get_save_file(self,word):
#return the correct save depending on the starting letter of word
word_lower = word.lower()
if re.match(r"^[a-d0-1].*",word_lower):
return self.save_1
elif re.match(r"^[e-k2-3].*",word_lower):
return self.save_2
elif re.match(r"^[l-q4-7].*",word_lower):
return self.save_3
elif re.match(r"^[r-z8-9].*",word_lower):
return self.save_4
else: else:
print(word) self.index_index = dict()
print("You have somehow went beyond the magic")
return self.save_5
def get_save_lock(self,word): self.workers = list()
word_lower = word.lower() self.worker_factory = worker_factory
if re.match(r"^[a-d0-1].*",word_lower):
return self.save_1_lock def load_index_index(self):
elif re.match(r"^[e-k2-3].*",word_lower): if exists("merged_index.index"):
return self.save_2_lock merged_index_index = open("merged_index.index",'r')
elif re.match(r"^[l-q4-7].*",word_lower): merged_index_index.seek(0,0)
return self.save_3_lock json_value = merged_index_index.readline()
elif re.match(r"^[r-z8-9].*",word_lower): data = json.loads(json_value)
return self.save_4_lock self.index_index = dict(data['index'])
return self.index_index
else: else:
print(word) print("Index files do not exists, please run the indexer first")
print("You have somehow went beyond the magic") return None
return self.save_5_lock.acquire()
# I have a test file (mytest.py) with pandas but couldn't figure out how to grab just a single cell. def load_weight_index(self):
# so I came up with this, if anyone knows how to get a single cell and can explain it to if exists("docs.weight"):
# me I would love to know, as I think that method might be quicker, maybe, idk it like weight_file = open("docs.weight",'r')
# 4am weight_file.seek(0,0)
json_value = weight_file.readline()
data = json.loads(json_value)
self.weight = data
return self.weight
else:
print("Index files do not exists, please run the indexer first")
return None
# retuns a dict of words/n-grams with their assosiated tf-idf score *can also return just a single score or a pandas dataframe def start_async(self):
# https://stackoverflow.com/questions/34449127/sklearn-tfidf-transformer-how-to-get-tf-idf-values-of-given-words-in-documen self.workers = [
self.worker_factory(worker_id,self)
for worker_id in range(8)]
for worker in self.workers:
worker.start()
# Andy: added paramenter imporant_words in order to do multiplication of score def start(self):
def get_tf_idf(self,words,word, important_words): self.start_async()
#tf_idf self.join()
#words = whole text
#word the word we finding the score for def join(self):
#return the score for worker in self.workers:
worker.join()
def get_postings(self,index):
try: try:
tfidf = TfidfVectorizer() merged_index = open("merged_index.full",'r')
tfidf_matrix = tfidf.fit_transform(words) to_seek = self.index_index[index]
df = pd.DataFrame(tfidf_matrix.toarray(), columns = tfidf.get_feature_names_out()) merged_index.seek(to_seek,0)
score = df.iloc[0][''.join(word)] json_value = merged_index.readline()
for k,v in important_words.items(): data = json.loads(json_value)
if k == 'b' and word in v: return data['postings']
score = score * 1.2 except FileNotFoundError:
elif k == 'h1' and word in v: print("Index files do not exists, please run the indexer first")
score = score * 1.75 return None
elif k == 'h2' and word in v:
score = score * 1.5
elif k == 'h3' and word in v:
score = score * 1.2
elif k == 'title' and word in v:
score = score * 2
return(score)
#print(df)
except KeyError:
return -1
tfidf = TfidfVectorizer(ngram_range=(1,3)) # ngram_range is range of n-values for different n-grams to be extracted (1,3) gets unigrams, bigrams, trigrams
tfidf_matrix = tfidf.fit_transform(words) # fit trains the model, transform creates matrix
df = pd.DataFrame(tfidf_matrix.toarray(), columns = tfidf.get_feature_names_out()) # store value of matrix to associated word/n-gram
#return(df.iloc[0][''.join(word)]) #used for finding single word in dataset
data = df.to_dict() # transform dataframe to dict *could be expensive the larger the data gets, tested on ~1000 word doc and took 0.002 secs to run
return data # returns the dict of words/n-grams with tf-idf
#print(df) # debugging
except:
print("Error in tf_idf!")
return
def set_weight(self):
weight_file = open('docs.weight','w')
jsonStr =json.dumps(self.weight, default=lambda o: o.__dict__,sort_keys=False)
weight_file.write(jsonStr)
weight_file.close()
def get_data(self): def get_weight(self,doc_id):
return self.weight[doc_id]
num_threads = 1 def get_data_path(self):
threads = list()
for directory in os.listdir(self.path): for directory in os.listdir(self.path):
for file in os.listdir(self.path + "/" + directory + "/"): for file in os.listdir(self.path + "/" + directory + "/"):
#Actual files here self.data_paths.append("data/DEV/" + directory + "/"+file)
#JSON["url"] = url of crawled page, ignore fragments self.num_doc = len(self.data_paths)
#JSON["content"] = actual HTML
#JSON["encoding"] = ENCODING def get_next_file(self):
index = 0 self.data_paths_lock.acquire()
while True: try:
file_path = self.path + "" + directory + "/"+file holder = self.data_paths.pop()
if len(threads) < num_threads: self.data_paths_lock.release()
thread = Worker(self,file_path) return holder
threads.append(thread) except IndexError:
thread.start() self.data_paths_lock.release()
break return None
else:
if not threads[index].is_alive(): def add_partial_index(self,partial_index):
threads[index] = Worker(self,file_path) self.list_partials_lock.acquire()
threads[index].start() self.list_partials.append(partial_index)
break self.list_partials_lock.release()
else:
index = index + 1
if(index >= num_threads):
index = 0
time.sleep(.1)
#Found 55770 documents #Found 55770 documents
# #
#getting important tokens
#getting important tokens def merge(self):
partial_files = list()
partial_index_files = list()
parital_index_indices = list()
num_indices = len(self.list_partials)
#Full Index.Index and Length
full_index = Index()
full_index.index = list()
full_index.length = 0
for partial_index in self.list_partials:
file = open("temp/" + partial_index+'.partial','r')
partial_files.append(file)
index = open("temp/" + partial_index+'.index','r')
partial_index_files.append(index)
for partial_index_file in partial_index_files:
partial_index_file.seek(0,0)
parital_index_indices.append(json.loads(partial_index_file.readline()))
#Start all indexes at 0
for partial_file in partial_files:
partial_file.seek(0,0)
pointers = [0]*num_indices
merged_index = open("merged_index.full",'w')
merged_index_index = open("merged_index.index" ,'w')
while(True):
#Get all values from all indices to find min
value = None
values = list()
for i in range(num_indices):
if pointers[i] < parital_index_indices[i]['length']:
values.append(parital_index_indices[i]['index'][pointers[i]][0])
if(len(values) == 0):
break
value = min(values)
#Get data from the min value of all indices if exists then save to mergedIndex
if value == None:
print("I have crashed some how by not getting min value")
break
node = Node()
node.index_value = value
for i in range(num_indices):
if pointers[i] < parital_index_indices[i]['length'] and parital_index_indices[i]['index'][pointers[i]][0] == value:
to_seek = parital_index_indices[i]['index'][pointers[i]][1]
partial_files[i].seek(to_seek,0)
json_value = partial_files[i].readline()
temp_node = json.loads(json_value)
node.postings = node.postings + temp_node['postings']
pointers[i] = pointers[i] + 1
#Change postings here with tf*idf idf = log (n/df(t))
node.postings.sort(key=lambda y:y['doc_id'])
for posting in node.postings:
posting['tf_idf'] = posting['tf_raw']*math.log(self.num_doc/len(node.postings))
full_index.index.append((value,merged_index.tell()))
full_index.length = full_index.length + 1
jsonStr = json.dumps(node,default=lambda o: o.__dict__,sort_keys=False)
merged_index.write(jsonStr + '\n')
def main(): full_index.index.sort(key=lambda y:y[0])
indexer = Indexer(True,0) jsonStr =json.dumps(full_index, default=lambda o: o.__dict__,sort_keys=False)
indexer.get_data() merged_index_index.write(jsonStr)
for partial_index in self.list_partials:
os.remove("temp/" + partial_index+'.partial')
os.remove("temp/" + partial_index+'.index')
merged_index_index.close()
merged_index.close()
load_index_index()
def create_index(self):
self.get_data_path()
print("We have " + str(len(self.data_paths)) + " documents to go through !" )
self.start()
self.merge()
print("Finished merging into 1 big happy family")
self.set_weight()
print("I AM DONE INDEXING !")
if __name__ == "__main__": if __name__ == "__main__":
main() indexer = Indexer(list(),dict(),list())
indexer.create_index()

70
launcher.py Normal file
View File

@ -0,0 +1,70 @@
from indexer import Indexer
from search import Search
import time
from flask import Flask
from flask import render_template
from flask import request
app = Flask(__name__)
errors = None
indexer = None
search = None
safe_guard = 1
def get_data():
global indexer
indexer = Indexer(list(),dict(),list())
global search
search = Search(indexer)
global safe_guard
safe_guard = 1
global errors
errors = list()
if not indexer.load_index_index():
errors.append("Index of index is missing, probably should run the indexer")
if not indexer.load_weight_index():
errors.append("Index of index is missing, probably should run the indexer")
@app.route('/',methods=['POST','GET'])
def index():
global errors
global search
global indexer
global safe_guard
local_errors = errors
if request.method == 'POST':
if request.form.get('start-index') == "start":
print("Making the indexer")
if safe_guard == 5:
safe_guard = 1
indexer.create_index()
indexer.load_index_index()
return render_template('index.html',ips="Thanks for waiting you are ready to search.")
safe_guard = safe_guard + 1
return render_template('index.html',ips=str(safe_guard) + " DANGER ! PROCEED IF YOU ARE KNOWING WHAT YOU DOING, OTHERWISE STOP, INDEX MIGHT GET YEETED")
if request.form.get('search_query') != "":
search_query = request.form['search_query']
result = search.search(search_query)
safe_guard = 1
errors = list()
return render_template('index.html',results=result,errors=local_errors)
safe_guard = 1
errors = list()
return render_template('index.html',errors=local_errors)
else:
safe_guard = 1
errors = list()
return render_template('index.html',errors=local_errors)
if __name__ == "__main__":
get_data()
app.run(debug=False)

135094
merged_index.full Normal file

File diff suppressed because one or more lines are too long

1
merged_index.index Normal file

File diff suppressed because one or more lines are too long

View File

@ -1,9 +1,16 @@
#Posting class for indexer, will probably be more complex as we keep adding crap to it #Posting class for indexer, will probably be more complex as we keep adding crap to it
class Posting(): class Posting():
def __init__(self,url,tf_idf): def __init__(self,doc_id,url,tf_raw,tf_idf,positionals):
self.doc_id = doc_id
self.url = url self.url = url
self.tf_raw = tf_raw
self.tf_idf = tf_idf self.tf_idf = tf_idf
self.positionals = positionals
def __repr__(self):
return "Doc_id:" + str(self.doc_id) + " URL:" + self.url + " tf_raw:" + str(self.tf_raw) + " tf_idf:" + str(self.tf_idf) + " positionals:" + str(self.positionals)
def __str__(self):
return "Doc_id:" + str(self.doc_id) + " URL:" + self.url + " tf_raw:" + str(self.tf_raw) + " tf_idf:" + str(self.tf_idf) + " positionals:" + str(self.positionals)
def comparator(self): def comparator(self):
#Some custom comparator for sorting postings later #Some custom comparator for sorting postings later

View File

@ -3,4 +3,4 @@ re
shelve shelve
json json
beautifulsoup4 beautifulsoup4
sklearn flask

279
search.py Normal file
View File

@ -0,0 +1,279 @@
#Data input
import json
import os
import shelve
from bs4 import BeautifulSoup
from time import perf_counter
import time
import threading
import pickle
import sys
import math
import numpy as np
sys.path.append('D:/Visual Studio Workspace')
#Data process
from nltk.tokenize import word_tokenize
from nltk.stem import PorterStemmer
from sklearn.feature_extraction.text import TfidfVectorizer
import pandas as pd
import numpy as np
import re
from indexer import Indexer
#Logging postings
from posting import Posting
from worker import Worker
import indexer
class Search():
# wrote the code for testing in the file searchtesting.py so many of the variables and function calls are wrong.
def __init__(self, indexer):
self.indexer = indexer
self.indexer.load_index_index()
self.indexer.load_weight_index()
self.stemmer = PorterStemmer()
# takes a list of posting lists returns a list of indexes of the querys with the two shortest postings list that corresponds to search temp list
def two_shortest(self, l_posting):
short = []
location = []
for postings in l_posting:
short.append(len(postings))
for i in range(2):
x = short.index(min(short))
location.append(x)
short[x] = float('inf')
return location
# len(list1) <= len(list2) So the code in this function works with that in mind
def merge(self, list1, list2):
max = 0
valid1 = []
valid2 = []
i = 0
j = 0
# TODO: optimize by having a pointer to the current index+4
i4 = 3
j4 = 3
while i < len(list1) or j < len(list2):
if j == len(list2):
break
if i == len(list1):
break
#if max == 40:
#break
try:
if i == len(list1)-1:
if list1[i]['doc_id'] == list2[j]['doc_id']:
valid1.append(list1[i])
valid2.append(list2[j])
j += 1
j4 +=1
i += 1
i4 += 1
max += 1
elif list1[i]['doc_id'] >= list2[j4]['doc_id']:
j = j4
j4 = j + 3
elif list1[i4]['doc_id'] < list2[j]['doc_id'] and i4 < len(list1):
i = i4
i4 = i + 3
elif list1[i]['doc_id'] < list2[j]['doc_id']:
i += 1
i4 += 1
elif list1[i]['doc_id'] > list2[j]['doc_id']:
j += 1
j4 += 1
else:
j += 1
j4 += 1
else:
if list1[i]['doc_id'] == list2[j]['doc_id']:
valid1.append(list1[i])
valid2.append(list2[j])
j += 1
j4 +=1
i += 1
i4 += 1
max += 1
elif list1[i]['doc_id'] >= list2[j4]['doc_id'] and j4 < len(list2):
j = j4
j4 = j + 3
elif list1[i4]['doc_id'] < list2[j]['doc_id'] and i4 < len(list1):
i = i4
i4 = i + 3
elif list1[i]['doc_id'] < list2[j]['doc_id']:
i += 1
i4 += 1
elif list1[i]['doc_id'] > list2[j]['doc_id']:
j += 1
j4 += 1
else:
j += 1
j4 +=1
i += 1
i4 += 1
except:
if i == len(list1)-1:
if list1[i]['doc_id'] == list2[j]['doc_id']:
valid1.append(list1[i])
valid2.append(list2[j])
j += 1
j4 +=1
i += 1
i4 += 1
elif list1[i]['doc_id'] < list2[j]['doc_id']:
i += 1
i4 += 1
elif list1[i]['doc_id'] > list2[j]['doc_id']:
j += 1
j4 += 1
else:
j += 1
j4 += 1
else:
if list1[i]['doc_id'] == list2[j]['doc_id']:
valid1.append(list1[i])
valid2.append(list2[j])
j += 1
j4 +=1
i += 1
i4 += 1
elif list1[i]['doc_id'] < list2[j]['doc_id']:
i += 1
i4 += 1
elif list1[i]['doc_id'] > list2[j]['doc_id']:
j += 1
j4 += 1
else:
j += 1
j4 +=1
i += 1
i4 += 1
# Since list1 is shorter it will hit its max index sooner,
# so in the cases were it does we still need to go through list2 to see if the last element of list1 appears anywhere in the rest of list2
return valid1, valid2
# query is a list of stemmed tokens, returns a list of postings (which we'll directly ignore except for the doc id)
def search(self, query):
tokens = word_tokenize(query)
stemmed_tokens = list()
for token in tokens:
token = self.stemmer.stem(token)
stemmed_tokens.append(token)
query_valid_postings = dict()
temp = []
for token in stemmed_tokens:
temp.append(self.indexer.get_postings(token))
query_valid_postings[token] = []
tic = perf_counter()
l = self.two_shortest(temp)
m = self.merge(temp[l[0]], temp[l[1]])
if len(m[0]) == 0:
return -1
# Keep track of the valid postings for each query as we do merge
first = stemmed_tokens[l[0]]
query_valid_postings[first] = m[0]
query_valid_postings[stemmed_tokens[l[1]]] = m[1]
toc = perf_counter()
print("first merge", toc-tic)
tic = perf_counter()
while len(temp) > 1:
# delete from temp the already merged lists
temp.pop(l[0])
# Try and except since temp length changes
try:
temp.pop(l[1])
except:
temp.pop(l[1]-1)
temp.append(m[0])
# Delete and append to query to make it consistent with temp
stemmed_tokens.pop(l[0])
try:
stemmed_tokens.pop(l[1])
except:
stemmed_tokens.pop(l[1]-1)
stemmed_tokens.append(None)
l = self.two_shortest(temp)
# Checks if contents in l are the same
if len(set(l)) == 1:
break
else:
m = self.merge(temp[l[0]], temp[l[1]])
print(len(m[0]), len(m[1]))
query_valid_postings[first] = m[0]
query_valid_postings[stemmed_tokens[l[1]]] = m[1]
toc = perf_counter()
print("while loop", toc-tic)
tic = perf_counter()
# Create list of doc ids of correct merged postings for cross checking
merge = []
for posting in query_valid_postings[first]:
merge.append(posting['doc_id'])
# Cross checking each query's valid postings list with correct merged set which we donated as being first
for token, postings in query_valid_postings.items():
if token == first:
continue
else:
print(token)
for p in postings:
if p['doc_id'] not in merge:
postings.remove(p)
toc = perf_counter()
print(toc-tic)
for token, postings in query_valid_postings.items():
print(token, len(postings))
tic = perf_counter()
results = []
for i in range(len(query_valid_postings[first])):
q_denom = 0
norm_q = []
norm_d = []
for q in query_valid_postings.keys():
q_denom += (query_valid_postings[q][i]['tf_idf']/(1 + math.log(query_valid_postings[q][i]['tf_raw'])))**2
q_denom = math.sqrt(q_denom)
for q in query_valid_postings.keys():
x = query_valid_postings[q][i]['tf_idf']/(1 + math.log(query_valid_postings[q][i]['tf_raw']))/q_denom
norm_q.append(x)
y = (1 + math.log(query_valid_postings[q][i]['tf_raw']))/self.indexer.get_weight(query_valid_postings[q][i]['doc_id'])
norm_d.append(y)
results.append({'url' :query_valid_postings[first][i]['url'], 'cosine' : np.dot(norm_q, norm_d)})
results = sorted(results, key = lambda x: x['cosine'], reverse = True)
finalresults = []
for i in range(20):
finalresults.append(results[i]['url'])
print(finalresults)
return finalresults

View File

@ -1,18 +0,0 @@
#Multiple implementation of stemming here please
class Stemmer():
def __init__(self,mode, data):
#Different type of stemmer = different modes
self.mode = mode
self.data = data
def stem(self):
#Do stuff here
if(self.mode == 0):
#Do stemmer 1
return #stemmed data
#....
def #name of stemmer 1
def #name of stemmer 2

16
templates/base.html Normal file
View File

@ -0,0 +1,16 @@
<!DOCTYPE html>
<html lang="en">
<head>
<meta charset="UTF-8">
<meta name="viewport" content="width=deivce-width,initial-scale=1.0">
<meta http-equiv="X-UA-Compatible" content = "ie=edge">
<title> Scruffy Search Engine </title>
<link href="https://cdn.jsdelivr.net/npm/bootstrap@5.2.0-beta1/dist/css/bootstrap.min.css" rel="stylesheet" integrity="sha384-0evHe/X+R7YkIZDRvuzKMRqM+OrBnVFBL6DOitfPri4tjfHxaWutUpFmBp4vmVor" crossorigin="anonymous">
</head>
<body>
{% block content %}
{% endblock %}
</body>
</html>

33
templates/index.html Normal file
View File

@ -0,0 +1,33 @@
{% extends 'base.html' %}
{% block content %}
<h1 align="center">Scruffy Search Engine<h1>
<script src="https://cdn.jsdelivr.net/npm/bootstrap@5.2.0-beta1/dist/js/bootstrap.bundle.min.js" integrity="sha384-pprn3073KE6tl6bjs2QrFaJGz5/SUsLqktiwsUTF55Jfv3qYSDhgCecCxMW52nD2" crossorigin="anonymous"></script>
<div class="d-flex justify-content-center">
<form method="post" action="/">
<button align="center" type="submit" value ="start" name="start-index" class="btn btn-outline-primary">Run Indexer</button>
</div>
<div class="d-flex justify-content-center">
<img src="https://theinfosphere.org/images/9/96/Scruffy_promo.jpg" class="img-fluid">
</div>
<div class="d-flex justify-content-center input-group mb-3">
<form method='POST' action=" {{ url_for('index') }} " enctype="multipart/form-data">
<input type="text" class="form-control" placeholder="Search Query" aria-label="Search Query" aria-describedby="basic-addon1" name='search_query'>
<button type="submit" name="start-index" class="btn btn-primary">Search</button>
</form>
</div>
<p>{{ips}}</p>
{% for result in results %}
<p> <a href="{{result}}">{{result}}</a></p>
{% endfor %}
{% for error in errors %}
<p>{{error}}</p>
{% endfor %}
{% endblock %}

26
test.py
View File

@ -1,17 +1,13 @@
import re from threading import Thread
import json
import os import os
import shelve
import sys
from bs4 import BeautifulSoup
from time import perf_counter
from nltk.stem import PorterStemmer
import nltk
import time
from posting import Posting
for i in range(99): import re
word_lower = chr(i % 26 + 97) + chr(i % 26 + 97 + 1)
print(word_lower)
if re.match(r"^[a-d1-1].*",word_lower):
print("SAVE 1")
elif re.match(r"^[e-k2-3].*",word_lower):
print("SAVE 2")
elif re.match(r"^[l-q4-7].*",word_lower):
print("SAVE 3")
elif re.match(r"^[r-z8-9].*",word_lower):
print("SAVE 4")
path = "data/DEV/"
print(os.listdir(path))

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "http://alderis.ics.uci.edu/links.html", "content": "<!DOCTYPE html PUBLIC \"-//W3C//DTD XHTML 1.1//EN\" \"http://www.w3.org/TR/xhtml11/DTD/xhtml11.dtd\">\n<html xmlns=\"http://www.w3.org/1999/xhtml\" xml:lang=\"en\">\n<head>\n<title>Alderis@UCI - Analysis Language for Distributed, Embedded, and Real-time Systems</title>\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\n<link rel=\"stylesheet\" href=\"css/1.css\" type=\"text/css\" media=\"screen,projection\" />\n\n</head>\n \n<body>\n\n\t\t<div id=\"container\">\n\t\t\n\t\t\t\t<div id=\"header\">\n\t\t\t\t\n\t\t\t\t\t\t<h1>Alderis@UCI</a></h1>\n\t\t\t\t\t\t<h3>Analysis Language for Distributed, Embedded, and Real-time Systems.</h3>\n\t\t\t\t\n\t\t\t\t</div>\n\t\t\t\t\n\t\t\t\t<ul id=\"nav\">\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t<li><a href=\"downloads.html\">Downloads</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"publications.html\">Publications</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"dresystems.html\">DRE Systems</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"amba2.html\">AMBA</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"#\" class=\"active\">Links</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"index.html\">Home</a></li>\n\t\t\t\t\t\t\t\t\n\t\t\t\t</ul>\n\t\t\t\t\n\t\t\t\t<br class=\"clear\" />\n\t\t\t\t\n\t\t\t\t<div id=\"sidebar\">\n\t\t\t\t\n\t\t\t\t\t\t<h1>Description</h1>\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t<p>You can find some pointers to related research groups here...</p>\n\t\t\t\t\t\t\n\t\t\t\t\t\t<div class=\"sidebarfooter\">\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t<a href=\"http://dre.sourceforge.net\">DREAM</a>\n\t\t\t\t\t\t\t\t<a href=\"http://www.cecs.uci.edu/~aces\">ACES</a>\n\t\t\t\t\t\t\t\t<a href=\"http://www.ics.uci.edu/~forge\">FORGE</a>\n\t\t\t\t\t\t\n\t\t\t\t\t\t</div>\n\t\t\t\t\t\t\n\t\t\t\t\t\t<div id=\"sidebar_bottom\"></div>\n\t\t\t\t\n\t\t\t\t</div>\n\t\t\t\t\n\t\t\t\t<div id=\"content\">\n\t\t\t\t\n\t\t\t\t\t\t\n\t\t\t\t\n\t\t\t\t\t\t<h1>Links</h1>\n\n\t\t\t\t\t\t<p>\n\t\t\t\t\t\t<ul>\n\t\t\t\t\t\t\t<li>The Alderis project is hosted at the <a href=\"http://www.cecs.uci.edu\">Center for Embedded Computer Systems</a>, <a href=\"http://www.uci.edu\">University of California, Irvine</a>, under the supervision of <a href=\"http://www.ics.uci.edu/~dutt/\">Nikil Dutt</a>.</li>\n\t\t\t\t\t\t\t<li>We are also collaborating with researchers from the <a href=\"http://www.ics.uci.edu/~dsm\">Distributed Systems Middleware Group</a> and the <a href=\"http://doc.ece.uci.edu\">DOC group</a> at UCI, and from <a href=\"http://www.isis.vanderbilt.edu\">ISIS</a> at Vanderbilt University.</li>\n\t\t\t\t\t\t\t<li>The Alderis language can be analyzed using the <a href=\"http://dre.sourceforge.net\">open-source DREAM &trade; tool</a>.</li>\n\t\t\t\t\t\t\t<li>DREAM &trade; uses the <a href=\"http://www.uppaal.com\">UPPAAL</a> model checker and the <a href=\"http://www-verimag.imag.fr/~async/IF/\">Verimag IF toolset</a> for formal verification.</li>\n\t\t\t\t\t\t\t<li>The original design of the website has been created by <a href=\"http://www.jameskoster.co.uk\">JayKay</a>.</li>\n\t\t\t\t\t\t</ul>\n\t\t\t\t\t\t</p>\n\n\t\t\t\t</div>\n\t\t\n\t\t</div>\n\t\t\n\t\t<div id=\"footer\">\n\t\t\n\t\t\t\t<p>\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t&copy; All the material published on this website is copyrighted. All rights reserved. <a href=\"http://www.ipstat.com/cgi-bin/stats?name=alderis\"><img src=\"http://www.ipstat.com/cgi-bin/ipstat?name=alderis\" height=\"5\" width=\"5\" border=\"0\"></a>\n\n\t\t\t\t\n\t\t\t\t\t\t</p>\n\t\t\n\t\t</div>\n\n\n</body>\n</html>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "http://alderis.ics.uci.edu/downloads.html", "content": "<!DOCTYPE html PUBLIC \"-//W3C//DTD XHTML 1.1//EN\" \"http://www.w3.org/TR/xhtml11/DTD/xhtml11.dtd\">\n<html xmlns=\"http://www.w3.org/1999/xhtml\" xml:lang=\"en\">\n<head>\n<title>Alderis@UCI - Analysis Language for Distributed, Embedded, and Real-time Systems</title>\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\n<link rel=\"stylesheet\" href=\"css/1.css\" type=\"text/css\" media=\"screen,projection\" />\n\n</head>\n \n<body>\n\n\t\t<div id=\"container\">\n\t\t\n\t\t\t\t<div id=\"header\">\n\t\t\t\t\n\t\t\t\t\t\t<h1>Alderis@UCI</a></h1>\n\t\t\t\t\t\t<h3>Analysis Language for Distributed, Embedded, and Real-time Systems.</h3>\n\t\t\t\t\n\t\t\t\t</div>\n\t\t\t\t\n\t\t\t\t<ul id=\"nav\">\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t<li><a href=\"#\" class=\"active\">Downloads</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"publications.html\">Publications</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"dresystems.html\">DRE Systems</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"amba2.html\">AMBA</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"links.html\">Links</a></li>\n\t\t\t\t\t\t\t\t<li><a href=\"index.html\">Home</a></li>\n\t\t\t\t\t\t\t\t\n\t\t\t\t</ul>\n\t\t\t\t\n\t\t\t\t<br class=\"clear\" />\n\t\t\t\t\n\t\t\t\t<div id=\"sidebar\">\n\t\t\t\t\n\t\t\t\t\t\t<h1>Feedback</h1>\n\t\t\t\t\t\t\n\t\t\t\t\t\t<p>We need your feedback to further develop the analysis and verification methods. If you find our tools useful or if you have comments / questions regarding the Alderis/DREAM &trade; framework please contact me at gabe at uci dot edu.</p>\n\t\t\t\t\t\t\t\t\t\t\t\t\n\t\t\t\t\t\t<div class=\"sidebarfooter\">\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t<a href=\"http://dre.sourceforge.net\">DREAM</a>\n\t\t\t\t\t\t\t\t<a href=\"http://www.cecs.uci.edu/~aces\">ACES</a>\n\t\t\t\t\t\t\t\t<a href=\"http://www.ics.uci.edu/~forge\">FORGE</a>\n\t\t\t\t\t\t\n\t\t\t\t\t\t</div>\n\t\t\t\t\t\t\n\t\t\t\t\t\t<div id=\"sidebar_bottom\"></div>\n\t\t\t\t\n\t\t\t\t</div>\n\t\t\t\t\n\t\t\t\t<div id=\"content\">\n\t\t\t\t\n\t\t\t\t\t\t\n\t\t\t\t\n\t\t\t\t\t\t<h1>Downloads</h1>\n\n\t\t\t\t\t\t<li><img src=\"pics/new.png\"/>Download the recently released ALDERIS modeling language: <a href=\"files/ALDERIS_1.0.zip\">ALDERIS_1.0.zip</a></li>\n\n\t\t\t\t\t\t<li><img src=\"pics/new.png\"/>Download the examples created using the ALDERIS modeling language: <a href=\"files/ALDERIS_Examples_1.0.zip\">ALDERIS_Examples_1.0.zip</a>. The examples include small to large-scale Boeing Bold Stroke models as well as a tiny helicopter autopilot case study.</li>\n\n\t\t\t\t\t\t<li>To download the open-source DREAM analysis tool please visit the sourceforge website: <a href=\"http://dre.sourceforge.net\">http://dre.sourceforge.net</a></li>\n\n\t\t\t\t\t\t<li>To download the recently open-sourced Generic Modeling Environment (GME) please visit the ISIS GME website: <a href=\"http://www.isis.vanderbilt.edu/projects/gme\">http://www.isis.vanderbilt.edu/projects/gme</a></li>\n\n\t\t\t\t</div>\n\t\t\n\t\t</div>\n\t\t\n\t\t<div id=\"footer\">\n\t\t\n\t\t\t\t<p>\n\t\t\t\t\t\t\n\t\t\t\t\t\t\t\t&copy; All the material published on this website is copyrighted. All rights reserved. <a href=\"http://www.ipstat.com/cgi-bin/stats?name=alderis\"><img src=\"http://www.ipstat.com/cgi-bin/ipstat?name=alderis\" height=\"5\" width=\"5\" border=\"0\"></a>\n\n\t\t\t\t\n\t\t\t\t\t\t</p>\n\t\t\n\t\t</div>\n\n\n</body>\n</html>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=journal", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/hilario.html", "content": "<!DOCTYPE html PUBLIC \"-//W3C//DTD XHTML 1.0 Transitional//EN\" \"http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd\">\n<html xmlns=\"http://www.w3.org/1999/xhtml\">\n<head>\n<meta http-equiv=\"Content-Type\" content=\"text/html; charset=utf-8\" />\n<style>\np.margin\n{\nmargin-top:-1cm;\nmargin-bottom:2cm;\nmargin-right:2cm;\nmargin-left:5cm;\n}\n</style>\n<title>PaulHilarioArtist</title>\n</head>\n<p class=\"margin\">\n\n<p>\n<font face=\"tahoma\" color=\"navy\" size=\"5\">\nRecent work of Paul Hilario<br/>\n</font>\n<font face=\"tahoma\" color=\"navy\" size=\"3\">\nLos Banos, Laguna <br/>\nPhilippines <br/>\n</font>\n</p>\n\n</font>\n<font face=\"tahoma\" color=\"navy\" size=\"3\">\nPaul's paintings and their descriptions (in his own words ...)\n</font>\n<br/>\n\n<p>\n<img src=\"Bugaw.jpg\" height=\"350\" width=\"600\" align=\"left\" hspace=20>\n<font face=\"tahoma\" color =\"maroon\" size=\"4\">\nBUGAW (Shoo!)\n</font>\n<br/>\n<font face=\"tahoma\" color=\"navy\" size=\"3\">\nThis painting is about at least two subjects. One subject is about the environment. Notice the slingshot on the boy's pocket? \nHe decided not to hurt or kill any of the birds.\nAlso, if you can feel the way I feel about the painting, don't you get the impression that they are rejoicing? \nThe two kid's raised arms are in celebration of a forthcoming bountiful rice harvest. The fields are heavily filled with golden rice.\n</font>\n</p>\n<BR clear=ALL />\n\n\n<br/>\n<br/>\n<p>\n<img src=\"Salat_Nguni't_Sapat.jpg\" height=\"375\" width=\"600\" align=\"left\" hspace=50>\n<font face=\"tahoma\" color =\"maroon\" size=\"3\">\nSalat Nguni't Sapat (Not Enough but Enough)\n</font>\n<br/>\n<font face=\"tahoma\" color=\"navy\" size=\"3\">\nMany children in rural areas in the Philippines walk miles just to get to school. <br/>\nThey wear ragged clothes, worn out and broken footwear and have barely enough money for food and school supplies. \nSome classes have more than 40 students so everybody has to share tables and chairs and the room is cramped. \nBut surprisingly so they feel happy that they have the opportunity to go to school while many don't have that chance at all. \nThis is an example of a trait of Filipinos - to always look at the brighter side of things no matter how trying times can be.\n</font>\n</p>\n<BR clear=ALL />\n\n<br/>\n<br/>\n\n<font face=\"tahoma\" color =\"maroon\" size=\"4\">\nAbout Paul \n</font>\n<br/>\n<font face=\"tahoma\" color =\"navy\" size=\"3\">\nPaul is an up-and-coming artist in the Philippines.\nHe has been making art as young as 4 years old and at that early age he knew that he wanted to be an artist. \nIt is only recently, however, that he decided \nto give art a serious professional chance as a career. He creates art from 3:00 am to 6:30 am and transforms into a museum curator from 8 am to 5 pm weekdays. \nPaul has developed his own signature style of art, and relishes in creating not just for the viewer's eyes but to also stimulate other senses and emotions as well. \nHis subjects can be drawn from anything around him but most of his works are taken from cultural and environmental themes, with both sometimes curiously intersecting in one canvas. \nHe subtlety includes hidden messages, stories, and lessons in the paintings. Paul prefers to use a lot of bright colours and high contrast. \nHis style is eclectic. He mix and matches impressionism with pop, low brow, cubism and fauvism. His work is generally identified between impressionism, pop and naif art. \nHe considers Vincent Van Gogh and Filipino painter Marcel Antonio as his art influences. \n</font>\n\n<body>\n</body>\n</html>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=projects", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=grants", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>Active Grants</h2>\n\n<ul>\n<li>Principal Investigator, NSF Division of Social and Economic Sciences (2011-2014), Models and Methods for Non-stationary Behavioral Time Series</li>\n</ul>\n<ul>\n<li>Principal Investigator, NSF Division Mathematical Sciences (2011-2014), Applied Probability and Time Series Modeling</li>\n</ul>\n<ul>\n<li>Principal Investigator, NSF Division of Mathematical Sciences (2012), Developing Novel Statistical Methods in NeuroImaging (workshop)</li>\n</ul>\n\n\n<h2>Selected Completed Grants</h2>\n\n<ul>\n<li>Principal Investigator, NSF Division of Mathematical Sciences, Collaborative Research: Spectral and Connectivity Analysis of Non-Stationary Spatio-Temporal Data </li>\n</ul>\n<ul>\n<li>Co-Principal Investigator, NSF Brain and Cognition Sciences (PI: J. Sanes, Brown Univ) (2009-2011), Motor Intention </li>\n</ul>\n<ul>\n<li>Co-Investigator, NIMH (PI: S. Haber, Univ Rochester), Underlying behavioral effects and mechanisms of DBS in OCD </li>\n</ul>\n<ul>\n<li>Co-Investigator, NIMH (PI: Dickstein, Bradley Hospital) (2009-2011), Bio-behavioral Markers of Bipolar Conversion </li>\n</ul>\n<ul>\n<li>Co-Investigator, NIH (PI: Rakowski, Brown) (2009-2011), Classification Tree Analysis to Enhance Targeting for Cancer Screening Programs</li>\n</ul>\n<ul>\n<li>Principal Investigator, NSF Division of Mathematical Sciences (2006-2008), Collaborative Research: Time Series in Experimental Designs </li>\n</ul>\n<ul>\n<li>Principal Investigator, NSF Division of Mathematical Sciences (2004-2008), Localized Cross Spectral Analysis and Pattern Recognition in Non-Stationary Signals </li>\n</ul>\n<ul>\n<li>Co-Principal Investigator, NSF Division of Mathematical Sciences (PI: Stoffer, Pittsburgh) (2001-2004), Frequency Domain Methods in Time Series Analysis</li>\n</ul>\n<ul>\n<li>Principal Investigator (subcontract from UPenn) (2000-2004), NIMH RO1, Automatic Statistical Time-Frequency Analysis </li>\n</ul>\n\n\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=news", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>2012</h2>\n\n<ul>\n<li>Mark Fiecas received his PhD degree in Biostatistics from Brown University. His research was on connectivity measures in brain imaging. Mark is now a post-doctoral scholar in the Department of Psychiatry at UC-San Diego.</li>\n</ul>\n<ul>\n<li>Cristina Gorrostieta received her PhD degree in Biostatistics from Brown University. Her dissertation research was on complex dependence measures in multivariate time series analysis.</li>\n</ul>\n<ul>\n<li>NSF will fund the workshop <a href=\"http://www.ics.uci.edu/~hombao/neurostatsw2012.html\">Developing Novel Statistical Methods for Neuroimaging</a> which will be held in San Diego before JSM 2012. The PI is H. Ombao and co-organizers are Martin Lindquist (Columbia) and Wesley Thompson (UC San Diego). </li>\n</ul>\n<ul>\n<li>Collaborator Giovanni Motta (Maastricht Univ) visited UC-Irvine from Jan - March 2012. </li>\n</ul>\n<ul>\n<li>Hernando Ombao started his new position as Associate Professor in the Department of Statistics at UC-Irvine. </li>\n</ul>\n\n<h2>2011</h2>\n\n<ul>\n<li>Hakmook Kang received his PhD degree in Biostatistics from Brown University. His research was on Spatio-Spectral Analysis of functional magnetic resonance imaging data. Dr. Kang is now Assistant Professor of Biostatistics at Vanderbilt University. </li>\n</ul>\n<ul>\n<li>Devin Koestler won the Student Paper Award which was presented at the ENAR conference in Miami, FL. His paper, co-authored with H. Ombao, was on forecasting census counts using both seasonal and patients' clinical data. </li>\n</ul>\n<ul>\n<li>Hakmook Kang is the 2011 winner of the John van Ryzin Award for Best Paper. The award was presented at the ENAR conference in Miami, FL.</li>\n</ul>\n<ul>\n<li>Dan van Lunen received his ScB degree in Applied Mathematics from Brown University. Dan wrote a thesis on online change-point detection under the direction of H. Ombao.</li>\n</ul>\n\n<h2>2010</h2>\n\n<ul>\n<li>Mark Fiecas received one of the Student Awards for his paper on generalized shrinkage for estimating partial coherence. The award was presented at the New England Statistics Symposium at Harvard University.</li>\n</ul>\n<ul>\n<li>Dan van Lunen, undergraduate student in Applied Mathematics, received the summer research training award to compare diffusion tensor imaging data recorded under different scanning protocols. </li>\n</ul>\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/instat.html", "content": "<!DOCTYPE html PUBLIC \"-//W3C//DTD XHTML 1.0 Transitional//EN\" \"http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd\">\n<html xmlns=\"http://www.w3.org/1999/xhtml\">\n<head>\n<meta http-equiv=\"Content-Type\" content=\"text/html; charset=utf-8\" />\n<style>\np.margin\n{\nmargin-top:-1cm;\nmargin-bottom:2cm;\nmargin-right:2cm;\nmargin-left:5cm;\n}\n</style>\n<title>INSTAT Lectures</title>\n</head>\n<p class=\"margin\">\n<p>\n<img src=\"upseal.png\" height=\"150\" align=\"left\" hspace=20 >\n<font face=\"tahoma\" color =\"black\" size=\"4\">\n<br/>\n<br/>\nHernando Ombao, Ph.D. \n</font>\n<br/>\n<font face=\"tahoma\" color=\"navy\" size=\"3\">\nVisiting Scholar <br/>\nInstitute of Statistics <br/>\nUniversity of the Philippines at Los Banos<br/> \n</font>\n</p>\n<br/>\n<br/>\n\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\n<p>\nPRESENTATIONS\n</p>\n</font>\n<font face=\"tahoma\" color = \"navy\" size=\"3\">\n<ul>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Ombao_UPLB_INSTAT_Nov_2012.pdf\">Seminar at INSTAT: Modeling Dependence in Multivariate Time Series</a></li>\n<br/>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Ombao_UPLB_IBS_Dec_2012.pdf\">Seminar at the IBS: Time Series and Applications to Biological Data</a></li>\n<br/>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Ombao_UPManila_Dec_2012.pdf\">Seminar at Inst Clinical Epidemiology UP Manila: Time Series and Applications to Health Data</a>\n</li>\n<br/>\n<li>Overview: Time Domain Analysis</li>\n<ul>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Day1-Overview.pdf\">Slides</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Day1-Lec.pdf\">Notes</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/R-Computing-TIMEDOMAIN.txt\">Codes</a></li>\n</ul>\n<br/>\n<li>Overview: Spectral Domain Analysis</li>\n<ul>\n<li>Slides</li>\n<li>Notes</li>\n<li>Computer Codes</li>\n</ul>\n</ul>\n</font>\n\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\n<p>\nSELECTED PAPERS\n</p>\n</font>\n<font face=\"tahoma\" color = \"navy\" size=\"3\">\n<ul>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/JASA2001.pdf\">Automatic Analysis of Bivariate Non-Stationary Time Series</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/JASA-2004-SLEX-Disc.pdf\">Classification and Discrimination of Non-Stationary Time Series</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/MultiSLEX-JASA2005.pdf\">Multivariate SLEX Analysis</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/IEEE-EvolCoh-FINAL.pdf\">Evolutionary Coherence Analysis</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/AOAS_GeneralizedShrinkage-FINAL.pdf\">Generalized Shrinkage Estimator for the Partial Coherence Matrix</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/BookChapter-OMBAO-SLEX-2012.PDF\">Book Chapter on SLEX Methods</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/Monkey-LFP-Gorrostieta-Ombao-JTSA-2012.pdf\">Models for Cross-Oscillatory Dependence</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/ME-VAR-NEUROIMAGE-FINAL.PDF\">Mixed Effects Vector Auto-regressive Model</a></li>\n<li><a href=\"http://www.ics.uci.edu/~hombao/Downloads/SpatioSpectral_JASA2012.pdf\">Spatio-Spectral Mixed Effects Models</a></li>\n</ul>\n\n<body>\n</body>\n</html>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=upcoming", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>2012+</h2>\n\n<ul>\n<li>Joint Statistical Meetings 2012, San Diego CA</li>\n</ul>\n<ul>\n<li>Workshop on Developing Novel Statistical Methods in Neuroimaging, San Diego CA</li>\n</ul>\n<ul>\n<li>Workshop on Statistical Learning and Data Mining, Ann Arbor MI</li>\n</ul>\n<ul>\n<li>International Chinese Statistical Association Conference, Boston MA</li>\n</ul>\n<ul>\n<li>Institut de statistique 20th anniversary, Universite catholique de Louvain, Belgium</li>\n</ul>\n\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/hernando.html", "content": "<!DOCTYPE html PUBLIC \"-//W3C//DTD XHTML 1.0 Transitional//EN\" \"http://www.w3.org/TR/xhtml1/DTD/xhtml1-transitional.dtd\">\n<html xmlns=\"http://www.w3.org/1999/xhtml\">\n<head>\n<meta http-equiv=\"Content-Type\" content=\"text/html; charset=utf-8\" />\n<style>\np.margin\n{\nmargin-top:-1cm;\nmargin-bottom:2cm;\nmargin-right:2cm;\nmargin-left:5cm;\n}\n</style>\n<title>Hernando Ombao UCIrvine</title>\n</head>\n<p class=\"margin\">\n<p>\n<img src=\"HO-Solo-Painting.jpg\" height=\"180\" align=\"left\" hspace=20 >\n<font face=\"tahoma\" color =\"black\" size=\"4\">\nHernando Ombao, Ph.D. \n</font>\n<br/>\n<font face=\"tahoma\" color=\"navy\" size=\"2\">\nProfessor <br/>\nDepartment of Statistics <br/>\nUniversity of California at Irvine <br/> \nBren Hall, Room 2206 <br />\nIrvine, CA 92697 USA<br/>\nPhone: (949) 824-5679 <br/>\nEmail: hombao AT uci DOT edu <br/>\n</font>\n<font face=\"tahoma\" color = \"red\" size=\"4\">\n<a href=\"http://www.ics.uci.edu/~hombao/Ombao-CV.pdf\">CV</a>\n</font>\n\n<br/>\n<br/>\n\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\n<p>\nRESEARCH AREAS\n</p>\n</font>\n<font face=\"tahoma\" color = \"navy\" size=\"3\">\n<ul>\n<li>Time Series Analysis</li>\n<li>Spatio-temporal modelling</li>\n<li>Statistical Learning</li>\n<li>Applications to Brain Science (fMRI, EEG, MEG, EROS)</li>\n</ul>\n</font>\n\n\n\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\n<p>\nRESEARCH GROUPS \n</p>\n</font>\n<p>\n\n\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\n<ul>\n<li><a href=\"http://ucispacetime.wix.com/spacetime\">\nSpace-Time Modeling at UC-Irvine</a>\n</li>\n<li><a href=\"http://www.ics.uci.edu/~babaks/CIMR/Home.html\">\nComputational Research in Neuroscience </a>\n</li>\n<li> <a href=\"http://www.ics.uci.edu/~hombao/neurostatsw2012.html\"> \nRecent NSF-Funded Workshop on Statistics in NeuroImaging</a> \n<br/>\n<font face=\"tahoma\" color = \"navy\" size=\"2\"> \n24 July to 26 July 2012 at San Diego, CA <br/>\n</font>\n<font face=\"tahoma\" color = \"navy\" size=\"2\"> \nCo-orgznized with M. Lindquist (Johns Hopkins) \nand W. Thompson (UCSD) <br/>\n</font> \n</p>\n</font> \n</ul>\n\n<p>\n<font face=\"tahoma\" color = \"maroon\" size=\"4\">\nI Support <a href=\"http://www.ics.uci.edu/~hombao/hilario.html\">\nup-and-coming artists\n</a>\n</p>\n<body>\n</body>\n</html>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=research", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=recent", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>2013</h2>\n<ul>\n<li>International Chinese Statistical Association, Hong Kong</li>\n</ul>\n<ul>\n<li>American Mathematical Society Workshop, Riverside CA</li>\n</ul>\n<ul>\n<li>ENAR Conference, Orlando FL</li>\n</ul>\n<ul>\n<li>Department of Mathematics, Lancaster University, UK</li>\n</ul>\n\n\n<h2>2012</h2>\n<ul>\n<li><a href=\"http://www.ics.uci.edu/~hombao/instat.html\">Institute of Statistics, University of the Philippines at Los Banos</a></li>\n</ul>\n<ul>\n<li>Institute for Stochastics, Karlsruhe Institute of Technology, Germany</li>\n</ul>\n<ul>\n<li>Department of Mathematics and Statistics, San Diego State University</li>\n</ul>\n<ul>\n<li>Department of Applied Mathematics and Statistics, Univ California at Santa Cruz</li>\n</ul>\n<ul>\n<li>Department of Statistics, Univ California at Riverside</li>\n</ul>\n<ul>\n<li>ENAR Conference, Washington DC</li>\n</ul>\n\n<h2>2011</h2>\n<ul>\n<li>Department of Mathematics, Pomona College</li>\n</ul>\n<ul>\n<li>Department of Statistics, University of Virginia</li>\n</ul>\n<ul>\n<li>Joint Statistical Meetings, Miami, FL</li>\n</ul>\n<ul>\n<li>Department of Statistics, University of Warwick, UK</li>\n</ul>\n<ul>\n<li>Department of Mathematics, Lancaster University, UK</li>\n</ul>\n<ul>\n<li>Department of Mathematics, Bristol University, UK</li>\n</ul>\n<ul>\n<li>International Chinese Statistical Association Conference, New York</li>\n</ul>\n<ul>\n<li>Department of Statistics, University College London, UK</li>\n</ul>\n<ul>\n<li>ENAR Conference, Miami, FL </li>\n</ul>\n<ul>\n<li>Division of Biostatistics, University of Minnesota</li>\n</ul>\n<ul>\n<li>Centro de Investigaciones en Matematicas, Guanajuato, Mexico</li>\n</ul>\n<ul>\n<li>Department of Biostatistics, Univ North Carolina</li>\n</ul>\n<ul>\n<li>Department of Statistics, Univ California at Irvine</li>\n</ul>\n<ul>\n<li>Department of Biostatistics, Emory University</li>\n</ul>\n<ul>\n<li>Human Brain Mapping Conference, Quebec City</li>\n</ul>\n\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=education", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=overview", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=news_and_events", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/R-Computing-TIMEDOMAIN.txt", "content": "\n## Install astsa (one time only)\n\n## Load astsa (every time you need to use this package)\n\n## To access all datasets in astsa\nastsadata()\n\n## These commands are taken from Shumway and Stoffer (2010)\n\n############### Global temperature data ####################\n\n## plot\npar(mfrow=c(1,1))\nplot(gtemp, type=\"o\", ylab=\"Global Temperature Deviations\")\n\n## fit a linear model\nfit <- lm(gtemp ~ time(gtemp)) ## regress gtemp on time\n## fit is an object that stores output from lm\nnames(fit)\nsummary(fit)\npar(mfrow=c(1,1))\nplot(gtemp, type=\"o\", ylab=\"Global Temperature Deviation\")\nabline(fit, col=2) ## add estimated regression line to the plot\n\n## examine the residuals\nresid = fit$resid;\npred = fit$fitted;\npar(mfrow=c(2,1)); \nplot(resid, type=\"o\", ylab=\"Residuals\", xlab=\"time\"); \nN = length(resid);\nzeroline = rep(0, N);\nlines(zeroline, col=2);\nplot(y=resid, x=pred, type=\"o\", ylab=\"Residuals\", xlab=\"predicted\"); \nlines(x=pred, y=zeroline, col=2);\n\npar(mfrow=c(2,1)); \nacf(resid);\npacf(resid); \n\n\n############### LA County Cardiac Mortality Data ##############\n\n## Plot the LA County mortality dataset\n## Series: cmort, temperature, particulate\npar(mfrow=c(3,1))\nplot(cmort, main=\"Cardiovascular Mortality\", xlab=\"\", ylab=\"\"); \nplot(tempr, main=\"Temperature\", xlab=\"\", ylab=\"\")\nplot(part, main=\"Particulates\", xlab=\"\", ylab=\"\")\n\ndev.new()\npairs(cbind(Mortality=cmort, Temperature=tempr, Particulates=part))\n\n##### Fit a model for cardiac mortality\ntemp= tempr-mean(tempr) ## center temperature \ntemp2 = temp^2 ## square of temp\ntrend = time(cmort) ## time\nfit = lm(cmort~trend + temp + temp2 + part, na.action=NULL)\nsummary(fit) ## regression results\nsummary(aov(fit)) ## ANOVA table (compare to next line) \nsummary(aov(lm(cmort~cbind(trend, temp, temp2, part)))) ## Table 2.1 \n\n## Illustration on how to compute the information criteria\nnum = length(cmort) ## sample size\nAIC(fit)/num- log(2*pi) ## AIC\nAIC(fit, k=log(num))/num- log(2*pi) ## BIC\n(AICc = log(sum(resid(fit)^2)/num)+ (num+5)/(num-5-2)) ## AICc\n\n## Example on smoothing/filtering\nma5 = filter(cmort, sides=2, rep(1,5)/5)\nma53 = filter(cmort, sides=2, rep(1,53)/53) \npar(mfrow=c(1,1));\nplot(cmort, type=\"p\", ylab=\"mortality\") \nlines(ma5,col=2)\nlines(ma53,col=3)\n\n##### Fitting some polynomial and sinusoidal trends\nwk = time(cmort) - mean(time(cmort)) ## wk is essentially t/52 centered at zero\nwk2 = wk^2 \nwk3 = wk^3\ncs = cos(2*pi*wk)\nsn = sin(2*pi*wk)\nreg1 = lm(cmort ~ wk + wk2 + wk3, na.action=NULL)\nreg2 = lm(cmort ~ wk + wk2 + wk3 + cs + sn, na.action=NULL) \npar(mfrow=c(1,1));\nplot(cmort, type=\"p\", ylab=\"mortality\") \nlines(fitted(reg1), col=2)\nlines(fitted(reg2), col=3)\n\n## Compare the residual series for each model\nresid1 = reg1$resid\nresid2 = reg2$resid\npar(mfrow=c(2,1));\nplot(resid1)\nplot(resid2)\n\npar(mfrow=c(2,2)); \nacf(resid1)\nacf(resid2)\npacf(resid1)\npacf(resid2)\n\n\n###### Kernel smoothing (with Guassian kernel)\npar(mfrow=c(1,1));\nplot(cmort, type=\"p\", ylab=\"mortality\");\nsm1 = ksmooth(time(cmort), cmort, \"normal\", bandwidth=5/52);\nsm2 = ksmooth(time(cmort), cmort, \"normal\", bandwidth=2);\nlines(sm1, col=2); \nlines(sm2, col=3);\n\n\n#################### ARIMA ##########################\n\n##### Generating time series \n\n##### AR\nts1 = arima.sim(list(order=c(1,0,0), ar=0.9), n=100);\nts2 = arima.sim(list(order=c(1,0,0), ar=-0.9), n=100);\n\npar(mfrow=c(2,1)) ## in the expression below, -is a space and == is equal\nplot(ts1, ylab=\"TS\", xlab=\"Time\"); title(paste(\"AR(1) phi=+.9\"));\nplot(ts2, ylab=\"TS\", xlab=\"Time\"); title(paste(\"AR(1) phi=-.9\"));\n\n##### MA\nts1 = arima.sim(list(order=c(0,0,1), ma=c(0.5)), n=100);\nts2 = arima.sim(list(order=c(0,0,5), ma=c(1, 0.3, 0.2, 0.1, 0.05)), n=100);\n\npar(mfrow=c(2,1)) ## in the expression below, -is a space and == is equal\nplot(ts1, ylab=\"TS\", xlab=\"Time\"); title(paste(\"MA(1)\"));\nplot(ts2, ylab=\"TS\", xlab=\"Time\"); title(paste(\"MA(5)\"));\n\n\n##### Fitting ARIMA models to data\n\n## Data is generated by an AR(1) process\ndata1 = arima.sim(list(order=c(1,0,0), ar=0.9), n=100);\n\n## Fit ARMA(2,0,1) to data1\nfit1 = arima(data1, order=c(2,0,1))\n\n\n\n\n\n\n\n\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=people", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>Principal Investigator</h2>\n<p><li><a href=\"http://www.ics.uci.edu/~hombao/hernando.html\">Hernando Ombao</a> (Statistics)</p>\n\n<h2>Students At UC-Irvine</h2>\n<p><li>Cristina Gorrostieta (Post-doctoral researcher, starting Summer 2012)</p>\n<p><li>Yuxiao Wang (PhD student, starting Fall 2012)</li></p>\n<p><li>Michael Wojnowicz (PhD student, starting Fall 2012)</li></p>\n<p><li>Zhe Yu (PhD student, since Fall 2011)</li></p>\n\n<h2>Faculty Collaborators at UC-Irvine</h2>\n\n<p><li><a href=\"http://www.ics.uci.edu/~babaks\">Babak Shahbaba</a> (Statistics)</p>\n<p><li>Steven Cramer (Neurology)</p>\n<p><li>Greg Hickok (Cognitive Sciences)</p>\n\n<h2>Former Students at Brown University</h2>\n<p><li>Mark Fiecas (now UC-San Diego)</p>\n<p><li>Cristina Gorrostieta (now UC-Irvine)</p>\n<p><li>Hakmook Kang (now Vanderbilt Univ)</p>\n\n<h2>Other Collaborators</h2>\n\n<p><li>John Aston (Warwick Univ, UK)</li></p>\n<p><li><a href=\"http://math.fullerton.edu/sbehseta/\">Sam Behseta</a> (Cal State Univ at Fullerton)</li></p>\n<p><li>Claudia Kirch (Karlsruhe Inst Technology, Germany)</p>\n<p><li>Devin Koestler (Dartmouth Univ)</p>\n<p><li>Giovanni Motta (Columbia Univ)</p>\n<p><li>Birte Muhsal (Karlsruhe Inst Technology, Germany)</p>\n<p><li>Sofia Olhede (Univ College London, UK)</p>\n<p><li>Raquel Prado (UC-Santa Cruz)</p>\n<p><li>Wesley Thompson (UC-San Diego)</p>\n\n\n\n\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\n\n<h2>WHAT WE DO</h2>\n\n\n<p><li>We develop novel statistical methods and models for analyzing massive spatio-temporal data with complex dependence structures.</li></p>\n\n\n<p><li> We collaborate with scientists on study design, modeling and analysis of space-time data arising from various fields such as neuroscience, neurology, psychiatry, sociology and epidemiology. </li></p>\n\n<p><li> Through collaborative projects, we engage undergraduate and graduate students in all phases of inter-disciplinary research including model formulation, implementation and presentation of results. </li></p>\n\n\n<h3>ANNOUCEMENT</h3>\n\n<p><li>NSF-Funded Workshop on <a href=\"http://www.ics.uci.edu/~hombao/neurostatsw2012.html\">Developing Novel Statistical Methods for NeuroImaging</a></li></p>\n\n<p></BR></p>\n\n<h3>For pre-prints of papers and computer codes contact</h3>\n<p><a href=\"http://www.ics.uci.edu/~hombao/hernando.html\">Hernando Ombao, Ph.D.</a></p>\n<p><a href=\"http://www.stat.uci.edu\">Department of Statistics</a></p>\n<p><a href=\"http://www.uci.edu\">University of California at Irvine</a></p>\n<p>Irvine, CA 92697</p>\n<p>EMAIL: hombao AT uci DOT edu</p>\n<p>PHONE: (949) 824-5679</p>\n\n\n\r\n</div>\r\n\r\n\r\n<!-- section ends here -->\r\n\r\n\r\n</body>\r\n</html>\r\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=courses", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://hombao.ics.uci.edu/?s=opportunities", "content": "<!DOCTYPE html>\r\n<html>\r\n<body>\r\n<head>\r\n<meta http-equiv=\"content-type\" content=\"text/html; charset=utf-8\" />\r\n<meta name=\"description\" content=\"We develop novel statistical methods and models for analyzing complex spatio-temporal data.\" />\r\n<meta name=\"keywords\" content=\"spatiotemporal, biostatistics, research group\" />\r\n<meta name=\"author\" content=\"Hernando Ombao\" />\r\n<title>Space-Time Modeling</title>\r\n<link href=\"main.css\" rel=\"stylesheet\" type=\"text/css\" />\r\n\r\n\r\n<div id=\"header\" style=\"width:100%;\">\r\n<img src=\"logo.gif\">\r\n</div>\r\n\r\n<div id=\"footer\" style=\"width:100%;\">\r\n<a href=\"&#109;&#97;&#105;&#108;&#116;&#111;&#58;&#104;&#111;&#109;&#98;&#97;&#111;&#64;&#117;&#99;&#105;&#46;&#101;&#100;&#117;\"><img src=\"contact.gif\" style=\"border:0\" /></a>\r\n</div>\r\n\r\n<div id=\"menu\">\r\n<HEAD>\r\n\r\n <LINK HREF=\"menu.css\" REL=\"stylesheet\" TYPE=\"text/css\" />\r\n\r\n</HEAD>\r\n\r\n\r\n\r\n<UL ID=\"nav\">\r\n\r\n\t<LI><A HREF=\"?s=people\">People</A></LI>\r\n\r\n\t<LI><A HREF=\"?s=research\">Research</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=overview\">Overview</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=projects\">Projects</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=publications\">Publications</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=grants\">Grants</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n\t<LI><a href=\"?s=education\">Education</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=courses\">Courses</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=journal\">Journal Club</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=opportunities\">Opportunities for Students</A></LI>\r\n\t\t</ul>\r\n\t</li>\r\n\r\n\t<LI><a href=\"?s=news_and_events\">News & Events</A>\r\n\t\t<UL>\r\n\t\t\t<LI><A HREF=\"?s=news\">News</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=recent\">Recent Presentations</A></LI>\r\n\t\t\t<LI><A HREF=\"?s=upcoming\">Upcoming Presentations</A></LI>\r\n\t\t</UL>\r\n\t</LI>\r\n\r\n</UL>\r\n\r\n\r\n\r\n</div>\r\n\r\n<div id=\"body\" style=\"margin-left:20px; margin-right:20px;\">\r\n\r\n\r\n\r\nfile not found", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/isg-friends", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>isg-friends Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>isg-friends Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/isg-friends\">isg-friends</a> list run by <a href=\"mailto:isg-friends-owner@ics.uci.edu\">chenli at ics.uci.edu, yingyib at ics.uci.edu, imaxon at uci.edu</a><br><a href=\"../admin/isg-friends\">isg-friends administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/aperture", "content": "\n<html> <head>\n <title>aperture Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/aperture\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">aperture Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/aperture\">aperture</a> list run by <a href=\"mailto:aperture-owner@ics.uci.edu\">mcupino at ics.uci.edu</a><br><a href=\"../admin/aperture\">aperture administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/alumni.mcs", "content": "\n<html> <head>\n <title>alumni.mcs Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/alumni.mcs/\"\nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">alumni.mcs Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/collapseomatic", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>collapseomatic Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>collapseomatic Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/collapseomatic\">collapseomatic</a> list run by <a href=\"mailto:collapseomatic-owner@ics.uci.edu\">wmt at ics.uci.edu, d_j_p_3 at djp3.net</a><br><a href=\"../admin/collapseomatic\">collapseomatic administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/motifmap", "content": "\n<html> <head>\n <title>motifmap Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/motifmap\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">motifmap Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/motifmap\">motifmap</a> list run by <a href=\"mailto:motifmap-owner@ics.uci.edu\">paul.rigor at uci.edu</a><br><a href=\"../admin/motifmap\">motifmap administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/hanalab-researchers", "content": "\n<html> <head>\n <title>HanaLab-Researchers Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/hanalab-researchers\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">HanaLab-Researchers Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/hanalab-researchers\">HanaLab-Researchers</a> list run by <a href=\"mailto:hanalab-researchers-owner@ics.uci.edu\">jingwz2 at uci.edu</a><br><a href=\"../admin/hanalab-researchers\">HanaLab-Researchers administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/phd.csgrads", "content": "\n<html> <head>\n <title>phd.csgrads Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/phd.csgrads/\"\nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">phd.csgrads Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/theory-seminar", "content": "\n<html> <head>\n <title>Theory-seminar Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/theory-seminar/\"\nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Theory-seminar Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/insa-news", "content": "\n<html> <head>\n <title>INSA-news Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/insa-news\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">INSA-news Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/insa-news\">INSA-news</a> list run by <a href=\"mailto:insa-news-owner@ics.uci.edu\">yunanc at ics.uci.edu</a><br><a href=\"../admin/insa-news\">INSA-news administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/emme", "content": "\n<html> <head>\n <title>emme Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/emme\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">emme Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/emme\">emme</a> list run by <a href=\"mailto:emme-owner@ics.uci.edu\">psinha at ics.uci.edu, jain at ics.uci.edu</a><br><a href=\"../admin/emme\">emme administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/collapseomatic", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>collapseomatic list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>collapseomatic list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/collapseomatic\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/collapseomatic\">collapseomatic</a> list run by <a href=\"mailto:collapseomatic-owner@ics.uci.edu\">wmt at ics.uci.edu, d_j_p_3 at djp3.net</a><br><a href=\"../admin/collapseomatic\">collapseomatic administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/crick", "content": "\n<html> <head>\n <title>crick Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/crick\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">crick Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/crick\">crick</a> list run by <a href=\"mailto:crick-owner@ics.uci.edu\">vishalrp at ics.uci.edu</a><br><a href=\"../admin/crick\">crick administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/asterixresearch", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>asterixresearch Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>asterixresearch Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/asterixresearch\">asterixresearch</a> list run by <a href=\"mailto:asterixresearch-owner@ics.uci.edu\">mjcarey at ics.uci.edu, imaxon at uci.edu, chenli at ics.uci.edu</a><br><a href=\"../admin/asterixresearch\">asterixresearch administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/visionturk", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>visionturk list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>visionturk list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/visionturk\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/visionturk\">visionturk</a> list run by <a href=\"mailto:visionturk-owner@ics.uci.edu\"></a><br><a href=\"../admin/visionturk\">visionturk administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/ics-wics", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>ICS-WICS list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>ICS-WICS list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/ics-wics\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/ics-wics\">ICS-WICS</a> list run by <a href=\"mailto:ics-wics-owner@ics.uci.edu\">neha at ics.uci.edu</a><br><a href=\"../admin/ics-wics\">ICS-WICS administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/hobbes", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>hobbes list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>hobbes list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/hobbes\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/hobbes\">hobbes</a> list run by <a href=\"mailto:hobbes-owner@ics.uci.edu\">xhx at ics.uci.edu</a><br><a href=\"../admin/hobbes\">hobbes administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/aperture", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>aperture Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>aperture Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/aperture\">aperture</a> list run by <a href=\"mailto:aperture-owner@ics.uci.edu\">mcupino at ics.uci.edu</a><br><a href=\"../admin/aperture\">aperture administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/autism", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>autism Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>autism Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/autism\">autism</a> list run by <a href=\"mailto:autism-owner@ics.uci.edu\">hayesg at ics.uci.edu</a><br><a href=\"../admin/autism\">autism administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/cmpro", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>cmpro Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>cmpro Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/cmpro\">cmpro</a> list run by <a href=\"mailto:cmpro-owner@ics.uci.edu\">yuzok at ics.uci.edu</a><br><a href=\"../admin/cmpro\">cmpro administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/hanalab-admins", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>hanalab-admins Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>hanalab-admins Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/hanalab-admins\">hanalab-admins</a> list run by <a href=\"mailto:hanalab-admins-owner@ics.uci.edu\">jingwz2 at uci.edu</a><br><a href=\"../admin/hanalab-admins\">hanalab-admins administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/asterixresearch", "content": "\n<html> <head>\n <title>asterixresearch Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/asterixresearch\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">asterixresearch Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/asterixresearch\">asterixresearch</a> list run by <a href=\"mailto:asterixresearch-owner@ics.uci.edu\">mjcarey at ics.uci.edu, imaxon at uci.edu, chenli at ics.uci.edu</a><br><a href=\"../admin/asterixresearch\">asterixresearch administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/motifmap", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>motifmap list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>motifmap list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/motifmap\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/motifmap\">motifmap</a> list run by <a href=\"mailto:motifmap-owner@ics.uci.edu\">paul.rigor at uci.edu</a><br><a href=\"../admin/motifmap\">motifmap administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/icsb-mjolsness-tutorial", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>Icsb-mjolsness-tutorial Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>Icsb-mjolsness-tutorial Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/icsb-mjolsness-tutorial\">Icsb-mjolsness-tutorial</a> list run by <a href=\"mailto:icsb-mjolsness-tutorial-owner@ics.uci.edu\">emj at ics.uci.edu</a><br><a href=\"../admin/icsb-mjolsness-tutorial\">Icsb-mjolsness-tutorial administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/isg-friends", "content": "\n<html> <head>\n <title>isg-friends Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/isg-friends\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">isg-friends Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/isg-friends\">isg-friends</a> list run by <a href=\"mailto:isg-friends-owner@ics.uci.edu\">chenli at ics.uci.edu, yingyib at ics.uci.edu, imaxon at uci.edu</a><br><a href=\"../admin/isg-friends\">isg-friends administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/visionturk", "content": "\n<html> <head>\n <title>visionturk Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/visionturk/\"\nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">visionturk Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/visionturk", "content": "\n<html> <head>\n <title>visionturk Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/visionturk\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">visionturk Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/visionturk\">visionturk</a> list run by <a href=\"mailto:visionturk-owner@ics.uci.edu\"></a><br><a href=\"../admin/visionturk\">visionturk administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/cmpro", "content": "\n<html> <head>\n <title>cmpro Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/cmpro\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">cmpro Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/cmpro\">cmpro</a> list run by <a href=\"mailto:cmpro-owner@ics.uci.edu\">yuzok at ics.uci.edu</a><br><a href=\"../admin/cmpro\">cmpro administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/statistics-alum", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>Statistics-alum list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Statistics-alum list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/statistics-alum\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/statistics-alum\">Statistics-alum</a> list run by <a href=\"mailto:statistics-alum-owner@ics.uci.edu\">rbusta at ics.uci.edu</a><br><a href=\"../admin/statistics-alum\">Statistics-alum administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/hanalab-researchers", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>HanaLab-Researchers Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>HanaLab-Researchers Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/hanalab-researchers\">HanaLab-Researchers</a> list run by <a href=\"mailto:hanalab-researchers-owner@ics.uci.edu\">jingwz2 at uci.edu</a><br><a href=\"../admin/hanalab-researchers\">HanaLab-Researchers administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/sislgram", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>SISLgram list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>SISLgram list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/sislgram\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/sislgram\">SISLgram</a> list run by <a href=\"mailto:sislgram-owner@ics.uci.edu\">emj at uci.edu</a><br><a href=\"../admin/sislgram\">SISLgram administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/insa-news", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>INSA-news list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>INSA-news list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/insa-news\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/insa-news\">INSA-news</a> list run by <a href=\"mailto:insa-news-owner@ics.uci.edu\">yunanc at ics.uci.edu</a><br><a href=\"../admin/insa-news\">INSA-news administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/igb-community", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>Igb-community Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>Igb-community Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/igb-community\">Igb-community</a> list run by <a href=\"mailto:igb-community-owner@ics.uci.edu\">janetmk at ics.uci.edu</a><br><a href=\"../admin/igb-community\">Igb-community administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/uicds", "content": "\n<html> <head>\n <title>uicds Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/uicds\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">uicds Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/uicds\">uicds</a> list run by <a href=\"mailto:uicds-owner@ics.uci.edu\">sharad at ics.uci.edu</a><br><a href=\"../admin/uicds\">uicds administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/baldi-group", "content": "\n<html> <head>\n <title>baldi-group Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/baldi-group/\"\nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">baldi-group Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/hobbes", "content": "\n<html> <head>\n <title>hobbes Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/hobbes\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">hobbes Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/hobbes\">hobbes</a> list run by <a href=\"mailto:hobbes-owner@ics.uci.edu\">xhx at ics.uci.edu</a><br><a href=\"../admin/hobbes\">hobbes administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/cmpro", "content": "\n<html> <head>\n <title>cmpro Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/cmpro/\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">cmpro Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/collapseomatic", "content": "\n<html> <head>\n <title>collapseomatic Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/collapseomatic\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">collapseomatic Administrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/collapseomatic\">collapseomatic</a> list run by <a href=\"mailto:collapseomatic-owner@ics.uci.edu\">wmt at ics.uci.edu, d_j_p_3 at djp3.net</a><br><a href=\"../admin/collapseomatic\">collapseomatic administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/hobbes", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>hobbes Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>hobbes Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/hobbes\">hobbes</a> list run by <a href=\"mailto:hobbes-owner@ics.uci.edu\">xhx at ics.uci.edu</a><br><a href=\"../admin/hobbes\">hobbes administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/uicds", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>uicds list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>uicds list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/uicds\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/uicds\">uicds</a> list run by <a href=\"mailto:uicds-owner@ics.uci.edu\">sharad at ics.uci.edu</a><br><a href=\"../admin/uicds\">uicds administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/subscribe/hans-subtest", "content": "<!-- $Revision: 3550 $ -->\n<html>\n<head><title>Hans-subtest Subscription results</title></head>\n<body bgcolor=\"white\">\n<h1>Hans-subtest Subscription results</h1>\nYou must supply a valid email address.\n<hr><address><a href=\"../listinfo/hans-subtest\">Hans-subtest</a> list run by <a href=\"mailto:hans-subtest-owner@ics.uci.edu\">hans at ics.uci.edu</a><br><a href=\"../admin/hans-subtest\">Hans-subtest administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</body>\n</html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/admin/icsb-mjolsness-tutorial", "content": "\n<html> <head>\n <title>Icsb-mjolsness-tutorial Administrator Authentication</title>\n<script>function sf(){document.f.adminpw.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"/mailman/admin/icsb-mjolsness-tutorial\" name=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Icsb-mjolsness-tutorial\nAdministrator\n\t Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">List Administrator Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"adminpw\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=middle><INPUT type=\"SUBMIT\"\n name=\"admlogin\"\n\t\t\t\t\tvalue=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise no\n administrative changes will take effect.\n\n <p>Session cookies are used in Mailman's\n administrative interface so that you don't need to\n re-authenticate with every administrative operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by hitting the\n <em>Logout</em> link under <em>Other Administrative\n Activities</em> (which you'll see once you successfully log in).\n</FORM> </body> </html>\n\n<hr><address><a href=\"../listinfo/icsb-mjolsness-tutorial\">Icsb-mjolsness-tutorial</a> list run by <a href=\"mailto:icsb-mjolsness-tutorial-owner@ics.uci.edu\">emj at ics.uci.edu</a><br><a href=\"../admin/icsb-mjolsness-tutorial\">Icsb-mjolsness-tutorial administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

File diff suppressed because one or more lines are too long

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/private/hanalab-researchers", "content": "\n<html> <head>\n <title>HanaLab-Researchers Private Archives Authentication</title>\n<script>function sf(){document.f.username.focus();}</script> </head>\n<body bgcolor=\"#ffffff\" onLoad=\"sf()\"> <FORM METHOD=POST\nACTION=\"https://mailman.ics.uci.edu/mailman/private/hanalab-researchers/\" \nname=\"f\">\n\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">HanaLab-Researchers Private\n\t Archives Authentication</FONT></B>\n </TD>\n </TR>\n <tr>\n <TD><div ALIGN=\"Right\">Email address:</div></TD>\n <TD><INPUT TYPE=\"text\" NAME=\"username\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <TD><div ALIGN=\"Right\">Password:</div></TD>\n <TD><INPUT TYPE=\"password\" NAME=\"password\" SIZE=\"30\"></TD>\n </tr>\n <tr>\n <td colspan=2 align=\"middle\"><INPUT type=\"SUBMIT\"\n name=\"submit\"\n\t\t\t\t\t value=\"Let me in...\">\n </td>\n </tr>\n </TABLE>\n <p><strong><em>Important:</em></strong> From this point on, you\n must have cookies enabled in your browser, otherwise\n you will have to re-authenticate with every operation.\n\n <p>Session cookies are used in Mailman's\n private archive interface so that you don't need to\n re-authenticate with every operation. This\n cookie will expire automatically when you exit your browser, or\n you can explicitly expire the cookie by visiting your\n member options page and clicking the\n <em>Log out</em> button.\n <p>\n <TABLE WIDTH=\"100%\" BORDER=\"0\" CELLSPACING=\"4\" CELLPADDING=\"5\">\n <TR>\n <TD COLSPAN=\"2\" WIDTH=\"100%\" BGCOLOR=\"#99CCFF\" ALIGN=\"CENTER\">\n\t<B><FONT COLOR=\"#000000\" SIZE=\"+1\">Password Reminder</FONT></B>\n </TD>\n </TR>\n <tr>\n <td>If you don't remember your password, enter your email\naddress\n above and click the <em>Remind</em> button and your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\"\nvalue=\"Remind\" ></center></td>\n </tr>\n </TABLE>\n</FORM> </body> </html>\n\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/cmpro", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>cmpro list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>cmpro list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/cmpro\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/cmpro\">cmpro</a> list run by <a href=\"mailto:cmpro-owner@ics.uci.edu\">yuzok at ics.uci.edu</a><br><a href=\"../admin/cmpro\">cmpro administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

View File

@ -0,0 +1 @@
{"url": "https://mailman.ics.uci.edu/mailman/options/emme", "content": "\n<HTML>\n<HEAD>\n<LINK REL=\"SHORTCUT ICON\" HREF=\"/icons/mm-icon.png\">\n<META http-equiv=\"Content-Type\" content=\"text/html; charset=us-ascii\">\n<TITLE>emme list: member options login page</TITLE>\n</HEAD>\n<BODY bgcolor=\"white\"\ndir=\"ltr\">\n\n<table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>emme list: member options login page</h2></center></td>\n </tr>\n</table>\n\n<FORM action=\"../options/emme\" method=\"POST\" >\n<INPUT name=\"language\" type=\"HIDDEN\" value=\"en\" >\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"100%\">\n <tr>\n <td>In order to change your membership option, you must\n first log in by giving your email address and membership password in the section\n below. If you don't remember your membership password, you can have it\n emailed to you by clicking on the button below. If you just want to\n unsubscribe from this list, click on the <em>Unsubscribe</em> button and a\n confirmation message will be sent to you.\n\n <p><strong><em>Important:</em></strong> From this point on, you must have\n cookies enabled in your browser, otherwise none of your changes will take\n effect.\n </td>\n </tr>\n <tr>\n <td><center>\n <table CELLPADDING=\"5\" CELLSPACING=\"4\" BORDER=\"0\" WIDTH=\"50%\">\n <tr>\n <td><div align=\"right\">Email address:</div></td>\n <td><INPUT name=\"email\" type=\"TEXT\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td><div align=\"right\">Password:</div></td>\n <td><INPUT name=\"password\" type=\"PASSWORD\" value=\"\" size=\"20\" ></td>\n </tr>\n <tr>\n <td COLSPAN=\"2\"><center><INPUT name=\"login\" type=\"SUBMIT\" value=\"Log in\" ></center></td>\n </tr>\n </table>\n</center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Unsubscribe</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Unsubscribe</em> button, a\n confirmation message will be emailed to you. This message will have a\n link that you should click on to complete the removal process (you can\n also confirm by email; see the instructions in the confirmation\n message).</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-unsub\" type=\"SUBMIT\" value=\"Unsubscribe\" ></center></td>\n </tr>\n <tr>\n <td BGCOLOR=\"#99ccff\"><center><h2>Password reminder</h2></center></td>\n </tr>\n <tr>\n <td>By clicking on the <em>Remind</em> button, your\n password will be emailed to you.</td>\n </tr>\n <tr>\n <td><center><INPUT name=\"login-remind\" type=\"SUBMIT\" value=\"Remind\" ></center></td>\n </tr>\n </table>\n\n</FORM>\n<hr><address><a href=\"../listinfo/emme\">emme</a> list run by <a href=\"mailto:emme-owner@ics.uci.edu\">psinha at ics.uci.edu, jain at ics.uci.edu</a><br><a href=\"../admin/emme\">emme administrative interface</a> (requires authorization)<br><a href=\"../listinfo\">Overview of all ics.uci.edu mailing lists</a><p>\n<table WIDTH=\"100%\" BORDER=\"0\">\n <tr>\n <td><img src=\"/icons/mailman.jpg\" alt=\"Delivered by Mailman\" border=0><br>version 2.1.15</td>\n <td><img src=\"/icons/PythonPowered.png\" alt=\"Python Powered\" border=0></td>\n <td><img src=\"/icons/gnu-head-tiny.jpg\" alt=\"GNU's Not Unix\" border=0></td>\n </tr>\n</table>\n</address>\n</BODY>\n</HTML>\n", "encoding": "ascii"}

File diff suppressed because one or more lines are too long

Some files were not shown because too many files have changed in this diff Show More