mirror of
https://github.com/titanscouting/tra-analysis.git
synced 2025-09-06 23:17:22 +00:00
depreciated files, titanlearn v 2.0.0.001
This commit is contained in:
1168
data analysis/dep/2019/analysis/analysis-dep.py
Normal file
1168
data analysis/dep/2019/analysis/analysis-dep.py
Normal file
File diff suppressed because it is too large
Load Diff
944
data analysis/dep/2019/analysis/analysis-low.py
Normal file
944
data analysis/dep/2019/analysis/analysis-low.py
Normal file
@@ -0,0 +1,944 @@
|
||||
# Titan Robotics Team 2022: Data Analysis Module
|
||||
# Written by Arthur Lu & Jacob Levine
|
||||
# Notes:
|
||||
# this should be imported as a python module using 'import analysis'
|
||||
# this should be included in the local directory or environment variable
|
||||
# this module has not been optimized for multhreaded computing
|
||||
# number of easter eggs: 2
|
||||
# setup:
|
||||
|
||||
__version__ = "1.0.9.000"
|
||||
|
||||
# changelog should be viewed using print(analysis.__changelog__)
|
||||
__changelog__ = """changelog:
|
||||
1.0.9.000:
|
||||
- refactored
|
||||
- numpyed everything
|
||||
- removed stats in favor of numpy functions
|
||||
1.0.8.005:
|
||||
- minor fixes
|
||||
1.0.8.004:
|
||||
- removed a few unused dependencies
|
||||
1.0.8.003:
|
||||
- added p_value function
|
||||
1.0.8.002:
|
||||
- updated __all__ correctly to contain changes made in v 1.0.8.000 and v 1.0.8.001
|
||||
1.0.8.001:
|
||||
- refactors
|
||||
- bugfixes
|
||||
1.0.8.000:
|
||||
- depreciated histo_analysis_old
|
||||
- depreciated debug
|
||||
- altered basic_analysis to take array data instead of filepath
|
||||
- refactor
|
||||
- optimization
|
||||
1.0.7.002:
|
||||
- bug fixes
|
||||
1.0.7.001:
|
||||
- bug fixes
|
||||
1.0.7.000:
|
||||
- added tanh_regression (logistical regression)
|
||||
- bug fixes
|
||||
1.0.6.005:
|
||||
- added z_normalize function to normalize dataset
|
||||
- bug fixes
|
||||
1.0.6.004:
|
||||
- bug fixes
|
||||
1.0.6.003:
|
||||
- bug fixes
|
||||
1.0.6.002:
|
||||
- bug fixes
|
||||
1.0.6.001:
|
||||
- corrected __all__ to contain all of the functions
|
||||
1.0.6.000:
|
||||
- added calc_overfit, which calculates two measures of overfit, error and performance
|
||||
- added calculating overfit to optimize_regression
|
||||
1.0.5.000:
|
||||
- added optimize_regression function, which is a sample function to find the optimal regressions
|
||||
- optimize_regression function filters out some overfit funtions (functions with r^2 = 1)
|
||||
- planned addition: overfit detection in the optimize_regression function
|
||||
1.0.4.002:
|
||||
- added __changelog__
|
||||
- updated debug function with log and exponential regressions
|
||||
1.0.4.001:
|
||||
- added log regressions
|
||||
- added exponential regressions
|
||||
- added log_regression and exp_regression to __all__
|
||||
1.0.3.008:
|
||||
- added debug function to further consolidate functions
|
||||
1.0.3.007:
|
||||
- added builtin benchmark function
|
||||
- added builtin random (linear) data generation function
|
||||
- added device initialization (_init_device)
|
||||
1.0.3.006:
|
||||
- reorganized the imports list to be in alphabetical order
|
||||
- added search and regurgitate functions to c_entities, nc_entities, obstacles, objectives
|
||||
1.0.3.005:
|
||||
- major bug fixes
|
||||
- updated historical analysis
|
||||
- depreciated old historical analysis
|
||||
1.0.3.004:
|
||||
- added __version__, __author__, __all__
|
||||
- added polynomial regression
|
||||
- added root mean squared function
|
||||
- added r squared function
|
||||
1.0.3.003:
|
||||
- bug fixes
|
||||
- added c_entities
|
||||
1.0.3.002:
|
||||
- bug fixes
|
||||
- added nc_entities, obstacles, objectives
|
||||
- consolidated statistics.py to analysis.py
|
||||
1.0.3.001:
|
||||
- compiled 1d, column, and row basic stats into basic stats function
|
||||
1.0.3.000:
|
||||
- added historical analysis function
|
||||
1.0.2.xxx:
|
||||
- added z score test
|
||||
1.0.1.xxx:
|
||||
- major bug fixes
|
||||
1.0.0.xxx:
|
||||
- added loading csv
|
||||
- added 1d, column, row basic stats
|
||||
"""
|
||||
|
||||
__author__ = (
|
||||
"Arthur Lu <arthurlu@ttic.edu>, "
|
||||
"Jacob Levine <jlevine@ttic.edu>,"
|
||||
)
|
||||
|
||||
__all__ = [
|
||||
'_init_device',
|
||||
'c_entities',
|
||||
'nc_entities',
|
||||
'obstacles',
|
||||
'objectives',
|
||||
'load_csv',
|
||||
'basic_stats',
|
||||
'z_score',
|
||||
'z_normalize',
|
||||
'stdev_z_split',
|
||||
'histo_analysis',
|
||||
'poly_regression',
|
||||
'log_regression',
|
||||
'exp_regression',
|
||||
'r_squared',
|
||||
'rms',
|
||||
'calc_overfit',
|
||||
'strip_data',
|
||||
'optimize_regression',
|
||||
'select_best_regression',
|
||||
'basic_analysis',
|
||||
# all statistics functions left out due to integration in other functions
|
||||
]
|
||||
|
||||
# now back to your regularly scheduled programming:
|
||||
|
||||
# imports (now in alphabetical order! v 1.0.3.006):
|
||||
|
||||
from bisect import bisect_left, bisect_right
|
||||
import collections
|
||||
import csv
|
||||
from decimal import Decimal
|
||||
import functools
|
||||
from fractions import Fraction
|
||||
from itertools import groupby
|
||||
import math
|
||||
import matplotlib
|
||||
import numbers
|
||||
import numpy as np
|
||||
import pandas
|
||||
import random
|
||||
import scipy
|
||||
from scipy.optimize import curve_fit
|
||||
from scipy import stats
|
||||
from sklearn import *
|
||||
# import statistics <-- statistics.py functions have been integrated into analysis.py as of v 1.0.3.002
|
||||
import time
|
||||
import torch
|
||||
|
||||
class error(ValueError):
|
||||
pass
|
||||
|
||||
def _init_device(setting, arg): # initiates computation device for ANNs
|
||||
if setting == "cuda":
|
||||
try:
|
||||
return torch.device(setting + ":" + str(arg) if torch.cuda.is_available() else "cpu")
|
||||
except:
|
||||
raise error("could not assign cuda or cpu")
|
||||
elif setting == "cpu":
|
||||
try:
|
||||
return torch.device("cpu")
|
||||
except:
|
||||
raise error("could not assign cpu")
|
||||
else:
|
||||
raise error("specified device does not exist")
|
||||
|
||||
def load_csv(filepath):
|
||||
with open(filepath, newline='') as csvfile:
|
||||
file_array = np.array(list(csv.reader(csvfile)))
|
||||
csvfile.close()
|
||||
return file_array
|
||||
|
||||
# data=array, mode = ['1d':1d_basic_stats, 'column':c_basic_stats, 'row':r_basic_stats], arg for mode 1 or mode 2 for column or row
|
||||
def basic_stats(data, method, arg):
|
||||
|
||||
if method == 'debug':
|
||||
return "basic_stats requires 3 args: data, mode, arg; where data is data to be analyzed, mode is an int from 0 - 2 depending on type of analysis (by column or by row) and is only applicable to 2d arrays (for 1d arrays use mode 1), and arg is row/column number for mode 1 or mode 2; function returns: [mean, median, mode, stdev, variance]"
|
||||
|
||||
if method == "1d" or method == 0:
|
||||
|
||||
data_t = np.array(data).astype(float)
|
||||
|
||||
_mean = mean(data_t)
|
||||
_median = median(data_t)
|
||||
try:
|
||||
_mode = mode(data_t)
|
||||
except:
|
||||
_mode = None
|
||||
try:
|
||||
_stdev = stdev(data_t)
|
||||
except:
|
||||
_stdev = None
|
||||
try:
|
||||
_variance = variance(data_t)
|
||||
except:
|
||||
_variance = None
|
||||
|
||||
return _mean, _median, _mode, _stdev, _variance
|
||||
"""
|
||||
elif method == "column" or method == 1:
|
||||
|
||||
c_data = []
|
||||
c_data_sorted = []
|
||||
|
||||
for i in data:
|
||||
try:
|
||||
c_data.append(float(i[arg]))
|
||||
except:
|
||||
pass
|
||||
|
||||
_mean = mean(c_data)
|
||||
_median = median(c_data)
|
||||
try:
|
||||
_mode = mode(c_data)
|
||||
except:
|
||||
_mode = None
|
||||
try:
|
||||
_stdev = stdev(c_data)
|
||||
except:
|
||||
_stdev = None
|
||||
try:
|
||||
_variance = variance(c_data)
|
||||
except:
|
||||
_variance = None
|
||||
|
||||
return _mean, _median, _mode, _stdev, _variance
|
||||
|
||||
elif method == "row" or method == 2:
|
||||
|
||||
r_data = []
|
||||
|
||||
for i in range(len(data[arg])):
|
||||
r_data.append(float(data[arg][i]))
|
||||
|
||||
_mean = mean(r_data)
|
||||
_median = median(r_data)
|
||||
try:
|
||||
_mode = mode(r_data)
|
||||
except:
|
||||
_mode = None
|
||||
try:
|
||||
_stdev = stdev(r_data)
|
||||
except:
|
||||
_stdev = None
|
||||
try:
|
||||
_variance = variance(r_data)
|
||||
except:
|
||||
_variance = None
|
||||
|
||||
return _mean, _median, _mode, _stdev, _variance
|
||||
|
||||
else:
|
||||
raise error("method error")
|
||||
"""
|
||||
|
||||
|
||||
# returns z score with inputs of point, mean and standard deviation of spread
|
||||
def z_score(point, mean, stdev):
|
||||
score = (point - mean) / stdev
|
||||
return score
|
||||
|
||||
# mode is either 'x' or 'y' or 'both' depending on the variable(s) to be normalized
|
||||
def z_normalize(x, y, mode):
|
||||
|
||||
x_norm = np.array().astype(float)
|
||||
y_norm = np.array().astype(float)
|
||||
|
||||
mean = 0
|
||||
stdev = 0
|
||||
|
||||
if mode == 'x':
|
||||
_mean, _median, _mode, _stdev, _variance = basic_stats(x, "1d", 0)
|
||||
|
||||
for i in range(0, len(x), 1):
|
||||
x_norm.append(z_score(x[i], _mean, _stdev))
|
||||
|
||||
return x_norm, y
|
||||
|
||||
if mode == 'y':
|
||||
_mean, _median, _mode, _stdev, _variance = basic_stats(y, "1d", 0)
|
||||
|
||||
for i in range(0, len(y), 1):
|
||||
y_norm.append(z_score(y[i], _mean, _stdev))
|
||||
|
||||
return x, y_norm
|
||||
|
||||
if mode == 'both':
|
||||
_mean, _median, _mode, _stdev, _variance = basic_stats(x, "1d", 0)
|
||||
|
||||
for i in range(0, len(x), 1):
|
||||
x_norm.append(z_score(x[i], _mean, _stdev))
|
||||
|
||||
_mean, _median, _mode, _stdev, _variance = basic_stats(y, "1d", 0)
|
||||
|
||||
for i in range(0, len(y), 1):
|
||||
y_norm.append(z_score(y[i], _mean, _stdev))
|
||||
|
||||
return x_norm, y_norm
|
||||
|
||||
else:
|
||||
|
||||
return error('method error')
|
||||
|
||||
|
||||
# returns n-th percentile of spread given mean, standard deviation, lower z-score, and upper z-score
|
||||
def stdev_z_split(mean, stdev, delta, low_bound, high_bound):
|
||||
|
||||
z_split = np.array().astype(float)
|
||||
i = low_bound
|
||||
|
||||
while True:
|
||||
z_split.append(float((1 / (stdev * math.sqrt(2 * math.pi))) *
|
||||
math.e ** (-0.5 * (((i - mean) / stdev) ** 2))))
|
||||
i = i + delta
|
||||
if i > high_bound:
|
||||
break
|
||||
|
||||
return z_split
|
||||
|
||||
|
||||
def histo_analysis(hist_data, delta, low_bound, high_bound):
|
||||
|
||||
if hist_data == 'debug':
|
||||
return ('returns list of predicted values based on historical data; input delta for delta step in z-score and lower and higher bounds in number of standard deviations')
|
||||
|
||||
derivative = []
|
||||
|
||||
for i in range(0, len(hist_data), 1):
|
||||
try:
|
||||
derivative.append(float(hist_data[i - 1]) - float(hist_data[i]))
|
||||
except:
|
||||
pass
|
||||
|
||||
derivative_sorted = sorted(derivative, key=int)
|
||||
mean_derivative = basic_stats(derivative_sorted, "1d", 0)[0]
|
||||
stdev_derivative = basic_stats(derivative_sorted, "1d", 0)[3]
|
||||
|
||||
predictions = []
|
||||
pred_change = 0
|
||||
|
||||
i = low_bound
|
||||
|
||||
while True:
|
||||
if i > high_bound:
|
||||
break
|
||||
|
||||
try:
|
||||
pred_change = mean_derivative + i * stdev_derivative
|
||||
except:
|
||||
pred_change = mean_derivative
|
||||
|
||||
predictions.append(float(hist_data[-1:][0]) + pred_change)
|
||||
|
||||
i = i + delta
|
||||
|
||||
return predictions
|
||||
|
||||
|
||||
def poly_regression(x, y, power):
|
||||
|
||||
if x == "null": # if x is 'null', then x will be filled with integer points between 1 and the size of y
|
||||
x = []
|
||||
|
||||
for i in range(len(y)):
|
||||
print(i)
|
||||
x.append(i + 1)
|
||||
|
||||
reg_eq = scipy.polyfit(x, y, deg=power)
|
||||
eq_str = ""
|
||||
|
||||
for i in range(0, len(reg_eq), 1):
|
||||
if i < len(reg_eq) - 1:
|
||||
eq_str = eq_str + str(reg_eq[i]) + \
|
||||
"*(z**" + str(len(reg_eq) - i - 1) + ")+"
|
||||
else:
|
||||
eq_str = eq_str + str(reg_eq[i]) + \
|
||||
"*(z**" + str(len(reg_eq) - i - 1) + ")"
|
||||
|
||||
vals = []
|
||||
|
||||
for i in range(0, len(x), 1):
|
||||
z = x[i]
|
||||
|
||||
try:
|
||||
exec("vals.append(" + eq_str + ")")
|
||||
except:
|
||||
pass
|
||||
|
||||
_rms = rms(vals, y)
|
||||
r2_d2 = r_squared(vals, y)
|
||||
|
||||
return [eq_str, _rms, r2_d2]
|
||||
|
||||
|
||||
def log_regression(x, y, base):
|
||||
|
||||
x_fit = []
|
||||
|
||||
for i in range(len(x)):
|
||||
try:
|
||||
# change of base for logs
|
||||
x_fit.append(np.log(x[i]) / np.log(base))
|
||||
except:
|
||||
pass
|
||||
|
||||
# y = reg_eq[0] * log(x, base) + reg_eq[1]
|
||||
reg_eq = np.polyfit(x_fit, y, 1)
|
||||
q_str = str(reg_eq[0]) + "* (np.log(z) / np.log(" + \
|
||||
str(base) + "))+" + str(reg_eq[1])
|
||||
vals = []
|
||||
|
||||
for i in range(len(x)):
|
||||
z = x[i]
|
||||
|
||||
try:
|
||||
exec("vals.append(" + eq_str + ")")
|
||||
except:
|
||||
pass
|
||||
|
||||
_rms = rms(vals, y)
|
||||
r2_d2 = r_squared(vals, y)
|
||||
|
||||
return eq_str, _rms, r2_d2
|
||||
|
||||
|
||||
def exp_regression(x, y, base):
|
||||
|
||||
y_fit = []
|
||||
|
||||
for i in range(len(y)):
|
||||
try:
|
||||
# change of base for logs
|
||||
y_fit.append(np.log(y[i]) / np.log(base))
|
||||
except:
|
||||
pass
|
||||
|
||||
# y = base ^ (reg_eq[0] * x) * base ^ (reg_eq[1])
|
||||
reg_eq = np.polyfit(x, y_fit, 1, w=np.sqrt(y_fit))
|
||||
eq_str = "(" + str(base) + "**(" + \
|
||||
str(reg_eq[0]) + "*z))*(" + str(base) + "**(" + str(reg_eq[1]) + "))"
|
||||
vals = []
|
||||
|
||||
for i in range(len(x)):
|
||||
z = x[i]
|
||||
|
||||
try:
|
||||
exec("vals.append(" + eq_str + ")")
|
||||
except:
|
||||
pass
|
||||
|
||||
_rms = rms(vals, y)
|
||||
r2_d2 = r_squared(vals, y)
|
||||
|
||||
return eq_str, _rms, r2_d2
|
||||
|
||||
|
||||
def tanh_regression(x, y):
|
||||
|
||||
def tanh(x, a, b, c, d):
|
||||
|
||||
return a * np.tanh(b * (x - c)) + d
|
||||
|
||||
reg_eq = np.float64(curve_fit(tanh, np.array(x), np.array(y))[0]).tolist()
|
||||
eq_str = str(reg_eq[0]) + " * np.tanh(" + str(reg_eq[1]) + \
|
||||
"*(z - " + str(reg_eq[2]) + ")) + " + str(reg_eq[3])
|
||||
vals = []
|
||||
|
||||
for i in range(len(x)):
|
||||
z = x[i]
|
||||
try:
|
||||
exec("vals.append(" + eq_str + ")")
|
||||
except:
|
||||
pass
|
||||
|
||||
_rms = rms(vals, y)
|
||||
r2_d2 = r_squared(vals, y)
|
||||
|
||||
return eq_str, _rms, r2_d2
|
||||
|
||||
|
||||
def r_squared(predictions, targets): # assumes equal size inputs
|
||||
|
||||
return metrics.r2_score(np.array(targets), np.array(predictions))
|
||||
|
||||
|
||||
def rms(predictions, targets): # assumes equal size inputs
|
||||
|
||||
_sum = 0
|
||||
|
||||
for i in range(0, len(targets), 1):
|
||||
_sum = (targets[i] - predictions[i]) ** 2
|
||||
|
||||
return float(math.sqrt(_sum / len(targets)))
|
||||
|
||||
|
||||
def calc_overfit(equation, rms_train, r2_train, x_test, y_test):
|
||||
|
||||
# performance overfit = performance(train) - performance(test) where performance is r^2
|
||||
# error overfit = error(train) - error(test) where error is rms; biased towards smaller values
|
||||
|
||||
vals = []
|
||||
|
||||
for i in range(0, len(x_test), 1):
|
||||
|
||||
z = x_test[i]
|
||||
|
||||
exec("vals.append(" + equation + ")")
|
||||
|
||||
r2_test = r_squared(vals, y_test)
|
||||
rms_test = rms(vals, y_test)
|
||||
|
||||
return r2_train - r2_test
|
||||
|
||||
|
||||
def strip_data(data, mode):
|
||||
|
||||
if mode == "adam": # x is the row number, y are the data
|
||||
pass
|
||||
|
||||
if mode == "eve": # x are the data, y is the column number
|
||||
pass
|
||||
|
||||
else:
|
||||
raise error("mode error")
|
||||
|
||||
|
||||
# _range in poly regression is the range of powers tried, and in log/exp it is the inverse of the stepsize taken from -1000 to 1000
|
||||
def optimize_regression(x, y, _range, resolution):
|
||||
# usage not: for demonstration purpose only, performance is shit
|
||||
if type(resolution) != int:
|
||||
raise error("resolution must be int")
|
||||
|
||||
x_train = x
|
||||
y_train = []
|
||||
|
||||
for i in range(len(y)):
|
||||
y_train.append(float(y[i]))
|
||||
|
||||
x_test = []
|
||||
y_test = []
|
||||
|
||||
for i in range(0, math.floor(len(x) * 0.5), 1):
|
||||
index = random.randint(0, len(x) - 1)
|
||||
|
||||
x_test.append(x[index])
|
||||
y_test.append(float(y[index]))
|
||||
|
||||
x_train.pop(index)
|
||||
y_train.pop(index)
|
||||
|
||||
#print(x_train, x_test)
|
||||
#print(y_train, y_test)
|
||||
|
||||
eqs = []
|
||||
rmss = []
|
||||
r2s = []
|
||||
|
||||
for i in range(0, _range + 1, 1):
|
||||
try:
|
||||
x, y, z = poly_regression(x_train, y_train, i)
|
||||
eqs.append(x)
|
||||
rmss.append(y)
|
||||
r2s.append(z)
|
||||
except:
|
||||
pass
|
||||
|
||||
for i in range(1, 100 * resolution + 1):
|
||||
try:
|
||||
x, y, z = exp_regression(x_train, y_train, float(i / resolution))
|
||||
eqs.append(x)
|
||||
rmss.append(y)
|
||||
r2s.append(z)
|
||||
except:
|
||||
pass
|
||||
|
||||
for i in range(1, 100 * resolution + 1):
|
||||
try:
|
||||
x, y, z = log_regression(x_train, y_train, float(i / resolution))
|
||||
eqs.append(x)
|
||||
rmss.append(y)
|
||||
r2s.append(z)
|
||||
except:
|
||||
pass
|
||||
|
||||
try:
|
||||
x, y, z = tanh_regression(x_train, y_train)
|
||||
|
||||
eqs.append(x)
|
||||
rmss.append(y)
|
||||
r2s.append(z)
|
||||
except:
|
||||
pass
|
||||
|
||||
# marks all equations where r2 = 1 as they 95% of the time overfit the data
|
||||
for i in range(0, len(eqs), 1):
|
||||
if r2s[i] == 1:
|
||||
eqs[i] = ""
|
||||
rmss[i] = ""
|
||||
r2s[i] = ""
|
||||
|
||||
while True: # removes all equations marked for removal
|
||||
try:
|
||||
eqs.remove('')
|
||||
rmss.remove('')
|
||||
r2s.remove('')
|
||||
except:
|
||||
break
|
||||
|
||||
overfit = []
|
||||
|
||||
for i in range(0, len(eqs), 1):
|
||||
|
||||
overfit.append(calc_overfit(eqs[i], rmss[i], r2s[i], x_test, y_test))
|
||||
|
||||
return eqs, rmss, r2s, overfit
|
||||
|
||||
|
||||
def select_best_regression(eqs, rmss, r2s, overfit, selector):
|
||||
|
||||
b_eq = ""
|
||||
b_rms = 0
|
||||
b_r2 = 0
|
||||
b_overfit = 0
|
||||
|
||||
ind = 0
|
||||
|
||||
if selector == "min_overfit":
|
||||
|
||||
ind = np.argmin(overfit)
|
||||
|
||||
b_eq = eqs[ind]
|
||||
b_rms = rmss[ind]
|
||||
b_r2 = r2s[ind]
|
||||
b_overfit = overfit[ind]
|
||||
|
||||
if selector == "max_r2s":
|
||||
|
||||
ind = np.argmax(r2s)
|
||||
b_eq = eqs[ind]
|
||||
b_rms = rmss[ind]
|
||||
b_r2 = r2s[ind]
|
||||
b_overfit = overfit[ind]
|
||||
|
||||
return b_eq, b_rms, b_r2, b_overfit
|
||||
|
||||
|
||||
def p_value(x, y): # takes 2 1d arrays
|
||||
|
||||
return stats.ttest_ind(x, y)[1]
|
||||
|
||||
|
||||
# assumes that rows are the independent variable and columns are the dependant. also assumes that time flows from lowest column to highest column.
|
||||
def basic_analysis(data):
|
||||
|
||||
row = len(data)
|
||||
column = []
|
||||
|
||||
for i in range(0, row, 1):
|
||||
column.append(len(data[i]))
|
||||
|
||||
column_max = max(column)
|
||||
row_b_stats = []
|
||||
row_histo = []
|
||||
|
||||
for i in range(0, row, 1):
|
||||
row_b_stats.append(basic_stats(data, "row", i))
|
||||
row_histo.append(histo_analysis(data[i], 0.67449, -0.67449, 0.67449))
|
||||
|
||||
column_b_stats = []
|
||||
|
||||
for i in range(0, column_max, 1):
|
||||
column_b_stats.append(basic_stats(data, "column", i))
|
||||
|
||||
return[row_b_stats, column_b_stats, row_histo]
|
||||
|
||||
|
||||
def benchmark(x, y):
|
||||
|
||||
start_g = time.time()
|
||||
generate_data("data/data.csv", x, y, -10, 10)
|
||||
end_g = time.time()
|
||||
|
||||
start_a = time.time()
|
||||
basic_analysis("data/data.csv")
|
||||
end_a = time.time()
|
||||
|
||||
return [(end_g - start_g), (end_a - start_a)]
|
||||
|
||||
|
||||
def generate_data(filename, x, y, low, high):
|
||||
|
||||
file = open(filename, "w")
|
||||
|
||||
for i in range(0, y, 1):
|
||||
temp = ""
|
||||
|
||||
for j in range(0, x - 1, 1):
|
||||
temp = str(random.uniform(low, high)) + "," + temp
|
||||
|
||||
temp = temp + str(random.uniform(low, high))
|
||||
file.write(temp + "\n")
|
||||
|
||||
def mean(data):
|
||||
|
||||
return np.mean(data)
|
||||
|
||||
def median(data):
|
||||
|
||||
return np.median(data)
|
||||
|
||||
def mode(data):
|
||||
|
||||
return np.argmax(np.bincount(data))
|
||||
|
||||
def stdev(data):
|
||||
|
||||
return np.std(data)
|
||||
|
||||
def variance(data):
|
||||
|
||||
return np.var(data)
|
||||
|
||||
"""
|
||||
|
||||
class StatisticsError(ValueError):
|
||||
pass
|
||||
|
||||
|
||||
def _sum(data, start=0):
|
||||
count = 0
|
||||
n, d = _exact_ratio(start)
|
||||
partials = {d: n}
|
||||
partials_get = partials.get
|
||||
T = _coerce(int, type(start))
|
||||
for typ, values in groupby(data, type):
|
||||
T = _coerce(T, typ) # or raise TypeError
|
||||
for n, d in map(_exact_ratio, values):
|
||||
count += 1
|
||||
partials[d] = partials_get(d, 0) + n
|
||||
if None in partials:
|
||||
|
||||
total = partials[None]
|
||||
assert not _isfinite(total)
|
||||
else:
|
||||
|
||||
total = sum(Fraction(n, d) for d, n in sorted(partials.items()))
|
||||
return (T, total, count)
|
||||
|
||||
|
||||
def _isfinite(x):
|
||||
try:
|
||||
return x.is_finite() # Likely a Decimal.
|
||||
except AttributeError:
|
||||
return math.isfinite(x) # Coerces to float first.
|
||||
|
||||
|
||||
def _coerce(T, S):
|
||||
|
||||
assert T is not bool, "initial type T is bool"
|
||||
|
||||
if T is S:
|
||||
return T
|
||||
|
||||
if S is int or S is bool:
|
||||
return T
|
||||
if T is int:
|
||||
return S
|
||||
|
||||
if issubclass(S, T):
|
||||
return S
|
||||
if issubclass(T, S):
|
||||
return T
|
||||
|
||||
if issubclass(T, int):
|
||||
return S
|
||||
if issubclass(S, int):
|
||||
return T
|
||||
|
||||
if issubclass(T, Fraction) and issubclass(S, float):
|
||||
return S
|
||||
if issubclass(T, float) and issubclass(S, Fraction):
|
||||
return T
|
||||
|
||||
msg = "don't know how to coerce %s and %s"
|
||||
raise TypeError(msg % (T.__name__, S.__name__))
|
||||
|
||||
|
||||
def _exact_ratio(x):
|
||||
|
||||
try:
|
||||
|
||||
if type(x) is float or type(x) is Decimal:
|
||||
return x.as_integer_ratio()
|
||||
try:
|
||||
|
||||
return (x.numerator, x.denominator)
|
||||
except AttributeError:
|
||||
try:
|
||||
|
||||
return x.as_integer_ratio()
|
||||
except AttributeError:
|
||||
|
||||
pass
|
||||
except (OverflowError, ValueError):
|
||||
|
||||
assert not _isfinite(x)
|
||||
return (x, None)
|
||||
msg = "can't convert type '{}' to numerator/denominator"
|
||||
raise TypeError(msg.format(type(x).__name__))
|
||||
|
||||
|
||||
def _convert(value, T):
|
||||
|
||||
if type(value) is T:
|
||||
|
||||
return value
|
||||
if issubclass(T, int) and value.denominator != 1:
|
||||
T = float
|
||||
try:
|
||||
|
||||
return T(value)
|
||||
except TypeError:
|
||||
if issubclass(T, Decimal):
|
||||
return T(value.numerator) / T(value.denominator)
|
||||
else:
|
||||
raise
|
||||
|
||||
|
||||
def _counts(data):
|
||||
|
||||
table = collections.Counter(iter(data)).most_common()
|
||||
if not table:
|
||||
return table
|
||||
|
||||
maxfreq = table[0][1]
|
||||
for i in range(1, len(table)):
|
||||
if table[i][1] != maxfreq:
|
||||
table = table[:i]
|
||||
break
|
||||
return table
|
||||
|
||||
|
||||
def _find_lteq(a, x):
|
||||
|
||||
i = bisect_left(a, x)
|
||||
if i != len(a) and a[i] == x:
|
||||
return i
|
||||
raise ValueError
|
||||
|
||||
|
||||
def _find_rteq(a, l, x):
|
||||
|
||||
i = bisect_right(a, x, lo=l)
|
||||
if i != (len(a) + 1) and a[i - 1] == x:
|
||||
return i - 1
|
||||
raise ValueError
|
||||
|
||||
|
||||
def _fail_neg(values, errmsg='negative value'):
|
||||
|
||||
for x in values:
|
||||
if x < 0:
|
||||
raise StatisticsError(errmsg)
|
||||
yield x
|
||||
def mean(data):
|
||||
|
||||
if iter(data) is data:
|
||||
data = list(data)
|
||||
n = len(data)
|
||||
if n < 1:
|
||||
raise StatisticsError('mean requires at least one data point')
|
||||
T, total, count = _sum(data)
|
||||
assert count == n
|
||||
return _convert(total / n, T)
|
||||
|
||||
|
||||
def median(data):
|
||||
|
||||
data = sorted(data)
|
||||
n = len(data)
|
||||
if n == 0:
|
||||
raise StatisticsError("no median for empty data")
|
||||
if n % 2 == 1:
|
||||
return data[n // 2]
|
||||
else:
|
||||
i = n // 2
|
||||
return (data[i - 1] + data[i]) / 2
|
||||
|
||||
|
||||
def mode(data):
|
||||
|
||||
table = _counts(data)
|
||||
if len(table) == 1:
|
||||
return table[0][0]
|
||||
elif table:
|
||||
raise StatisticsError(
|
||||
'no unique mode; found %d equally common values' % len(table)
|
||||
)
|
||||
else:
|
||||
raise StatisticsError('no mode for empty data')
|
||||
|
||||
|
||||
def _ss(data, c=None):
|
||||
|
||||
if c is None:
|
||||
c = mean(data)
|
||||
T, total, count = _sum((x - c)**2 for x in data)
|
||||
|
||||
U, total2, count2 = _sum((x - c) for x in data)
|
||||
assert T == U and count == count2
|
||||
total -= total2**2 / len(data)
|
||||
assert not total < 0, 'negative sum of square deviations: %f' % total
|
||||
return (T, total)
|
||||
|
||||
|
||||
def variance(data, xbar=None):
|
||||
|
||||
if iter(data) is data:
|
||||
data = list(data)
|
||||
n = len(data)
|
||||
if n < 2:
|
||||
raise StatisticsError('variance requires at least two data points')
|
||||
T, ss = _ss(data, xbar)
|
||||
return _convert(ss / (n - 1), T)
|
||||
|
||||
|
||||
def stdev(data, xbar=None):
|
||||
|
||||
var = variance(data, xbar)
|
||||
try:
|
||||
return var.sqrt()
|
||||
except AttributeError:
|
||||
return math.sqrt(var)
|
||||
"""
|
35536
data analysis/dep/2019/analysis/analysis.c
Normal file
35536
data analysis/dep/2019/analysis/analysis.c
Normal file
File diff suppressed because it is too large
Load Diff
BIN
data analysis/dep/2019/analysis/analysis.cp37-win_amd64.pyd
Normal file
BIN
data analysis/dep/2019/analysis/analysis.cp37-win_amd64.pyd
Normal file
Binary file not shown.
2
data analysis/dep/2019/analysis/compile.bat
Normal file
2
data analysis/dep/2019/analysis/compile.bat
Normal file
@@ -0,0 +1,2 @@
|
||||
python setup.py build_ext --inplace
|
||||
pause
|
1
data analysis/dep/2019/analysis/compile.sh
Normal file
1
data analysis/dep/2019/analysis/compile.sh
Normal file
@@ -0,0 +1 @@
|
||||
python setup.py build_ext --inplace
|
5
data analysis/dep/2019/analysis/setup.py
Normal file
5
data analysis/dep/2019/analysis/setup.py
Normal file
@@ -0,0 +1,5 @@
|
||||
from distutils.core import setup
|
||||
from Cython.Build import cythonize
|
||||
|
||||
setup(name='analysis',
|
||||
ext_modules=cythonize("analysis.py"))
|
178
data analysis/dep/2019/documentation/analysis.docs
Normal file
178
data analysis/dep/2019/documentation/analysis.docs
Normal file
@@ -0,0 +1,178 @@
|
||||
Doccumentation of python module: analysis.py
|
||||
|
||||
revision version: 1.0.8.003
|
||||
|
||||
|
||||
|
||||
analysis.py{
|
||||
|
||||
analysis.py should be imported as a python module using "import analysis" in the tr2022 directory, or using "from tr2022 import analysis" if tr2022 modules are installed in the python Libs directory
|
||||
|
||||
analysis.py is a module designed for statistical analyses and artifician neural network analyses
|
||||
|
||||
functions{
|
||||
|
||||
|
||||
_init_device{
|
||||
|
||||
|
||||
initiates device for tensor flow with either a cuda device (device specified via the "arg" argument) or cpu (ignored "arg" argument)
|
||||
|
||||
usage{
|
||||
|
||||
analysis._init_device("cuda", arg) , where arg is the cuda device number
|
||||
|
||||
analysis._init_device("cpu", 0) , which initiates the cpu as the tensorflow device
|
||||
|
||||
}
|
||||
|
||||
|
||||
|
||||
}
|
||||
|
||||
load_csv{
|
||||
|
||||
loads a csv file as a 2 dimentional array
|
||||
|
||||
usage{
|
||||
|
||||
analysis.load_csv(filepath) , where filepath is the path to the csv file to be loaded
|
||||
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
basic_stats{
|
||||
|
||||
performs basic stats such as mean, median, mode, standard deviation, and varaince on a set of data
|
||||
|
||||
the function can do stats on a 1 dimentional array, or on a specified row or column in a 2 dimentional array
|
||||
|
||||
the method in which it does the statistics is specified by the "method" argument
|
||||
|
||||
usage{
|
||||
|
||||
analysis.basic_stats(data, "1d", 0) , where data is a 1 dimentional array
|
||||
|
||||
analysis.basic_stats(data, "row", rownum) , where data is a 2 dimentional array and "rownum" is the row to run statistics on
|
||||
|
||||
analysis.basic_stats(data, "column", columnnum) , where data is a 2 dimentional array and "columnnum" is the column to run statistics on
|
||||
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
z_score{
|
||||
|
||||
returns the z score of a point relative to the population mean and standard deviation
|
||||
|
||||
usage{
|
||||
|
||||
analysis.z_score(datapoint, mean, stdev) , where "datapoint" is the specific data point to assign a z score, mean is the mean of the entire data set, and stdev is the standard deviation of the data set
|
||||
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
z_normalize{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
stdev_z_split{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
histo_analysis{
|
||||
|
||||
returns an analysis of historical data, the analysis predicts a range of possible next data poins given historical data
|
||||
|
||||
usage{
|
||||
|
||||
analysis.histo_analysis(data, delta, low, high) , where data is the historical data to be predicted, delta are the steps (in standard deviations) that the predictor uses, and the low and high bounds are the ranges of standard deviations that the function predicts within
|
||||
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
poly_regression{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
log_regression{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
exp_regression{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
tanh_regression{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
r_squared{
|
||||
|
||||
used in other functions
|
||||
|
||||
returns the r^2 score of a curve and corresponding data
|
||||
|
||||
}
|
||||
|
||||
rms{
|
||||
|
||||
used in other functions
|
||||
|
||||
returns the root mean squared score of a curve and corresponding data
|
||||
|
||||
}
|
||||
|
||||
calc_overfit{
|
||||
|
||||
used in other functions, not important
|
||||
|
||||
}
|
||||
|
||||
optimize_regression{
|
||||
|
||||
returns a list of possible regressions given the x and y coordinates of the data
|
||||
|
||||
usage{
|
||||
|
||||
analysis.optimize_regression(x, y, range, resolution) , where x and y are the x and y values of each data point, range is the range of polynomial equations tried, and resolution is the detail of bases used for exponential and logorithmic regressions
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
select_best_regression{
|
||||
|
||||
takes a list of equations and returns the best equation, either based on minimizing overfit or based on maximizing root mean squareds
|
||||
|
||||
}
|
||||
|
||||
p_value{
|
||||
|
||||
returns the p value of two data sets
|
||||
|
||||
}
|
||||
|
||||
basic_analysis{
|
||||
|
||||
runs every stat on a given file
|
||||
|
||||
}
|
||||
|
||||
}
|
||||
|
||||
}
|
12
data analysis/dep/2019/keys/firebasekey.json
Normal file
12
data analysis/dep/2019/keys/firebasekey.json
Normal file
@@ -0,0 +1,12 @@
|
||||
{
|
||||
"type": "service_account",
|
||||
"project_id": "titanscoutandroid",
|
||||
"private_key_id": "e7cde706a13a6fade555cce2bc46ee53f05a0b11",
|
||||
"private_key": "-----BEGIN PRIVATE KEY-----\(gottem)/B\ntvFNxi7l6IsHUa+ijrDKGP3O2jbQCWjfBS0gNxpx65JXdKw4l+5p1lIyO5xe5b2m\nKOGQQf9Vd3X6xP9ttHD9ILjvdDRGvtR/bkD3e1ZdFSvt1PDddcLLPnIeDgkNQHXd\nzAYv0TIspJe6bUL3a5+HGK7nyfH7dGXZksNB/hiy3WS/eAgAnL6xzCRsdjK40Cf4\nP7B79bCNNnxnOy/GBpXG/CE8H+xGRr1Xuj5pmJFTc6GbaDbLc8bKMvVOzbCPYKgu\nbCaidtDoiMEJqy8AakrvN39DrlUOT3+kbAhJpw/fk9Rq4A2Mo+J2BuApze2hoYET\noI5HysuLAgMBAAECggEAGYkXgTTrxFmKLUC1+yFI3YO6yaIxrH4bdEStgF6Rq784\nWX+SZCjBKAYC5BrDOrp66/pavEJDo2Oi3WU9su2OqTu3nRJyD+2Uplan//3VnH+p\nOg06XVtGMQxoKghIcvRtj03z4K2CeQsGYXs/juIF4MOUCmMMezbVpkrn0CvyMZGM\n5vrFXvOwdKHyZaDXvql8nQIq6b46RC6ozLUBidEW37pHvuZm+QWD0W7VS2na4DKw\n+jIJz8zjsg3vCLpdTOMFxymW/LmusFTubn3evv4/8BLvw69seWPOyNi/PEjZWwgR\npQA7VYkETlZopZ6paHutmD5Yy4N0FjcJ6PMocwgKQQKBgQDnf6oFvZFV/QO1RACi\nhc0skytc7h96ePUWLwIMSMed3Jdr5ANC6tD4OIwGyrCDfKuLvsUCyEjHKhW8tarb\nTioaqgzM8Jwn+HMTyLJjzU4j8KhxgQWoLWri2HgRlqZV2Y1XNO3fRA8Zs3CsT7Fa\nIyEnKylWM6u0kQ2mMQicgQpulQKBgQC/BjSELv43ZGZKBg5m+Ps+PEFxJArvJgqA\nd+lXSHYkALWynyvukAuhmciAEKN1NKL7/DvxzfNRRXB32kmQkcjcsFZnnqbEkpq+\nzCOIJcesYN0k3kiCJuoNENdQXtAKGJrtHF1ilJfpt5Yuw67VC/B/JwkPF2wCsSfU\nHusyguFpnwKBgGKzVaRY7KxC0d/o/HROo+nLXYOjqxwmkihBJphiN2mg8ZZ4gsN3\nJl2OjnUe2h9VejZ8wbar+gugb+AjfJNAQkdYFVkThSCtlzLqMNTIZfaA1vB92BGa\nO6Y4MQkeuBCGTvLNiFXWyLFmhjWRTMZnj+0JQ/iS0zSLW8xtv4QqqG35AoGBAIee\n3zAtsP0gweKyNA11neLMouWx4jVx+6jD+Z2na4EaI+YiTe18xVVBOnF53qM68LAY\nn3KIdsRvmW7uQqZqaoIMi/vbTqlnMIhfpKZntEC1MKyZSD9nY2pNV6DO/8L7Pxsy\ntTZlKwma9vxSn9DQPjn4O91EEsJChnV6Uh+1flYfAoGADfomBP+kLm0jdvKm3Q+u\nA5S4ng3erDbCbZK0ADeVY5H0fNNJihx1yXx12g02T0biH6Efj+VpCeYC6W0wb2A1\nT/HqY1JSSsKQ7cPe1VEPKbbfn6PPrs+HbsHB8DDVPi9pysVfG7351PgNX/tb+iz/\nvJCSRvjRtxyFafuX4YQzWu0=\n-----END PRIVATE KEY-----\n",
|
||||
"client_email": "firebase-adminsdk-wpsvx@titanscoutandroid.iam.gserviceaccount.com",
|
||||
"client_id": "114864465329268712237",
|
||||
"auth_uri": "https://accounts.google.com/o/oauth2/auth",
|
||||
"token_uri": "https://oauth2.googleapis.com/token",
|
||||
"auth_provider_x509_cert_url": "https://www.googleapis.com/oauth2/v1/certs",
|
||||
"client_x509_cert_url": "https://www.googleapis.com/robot/v1/metadata/x509/firebase-adminsdk-wpsvx%40titanscoutandroid.iam.gserviceaccount.com"
|
||||
}
|
@@ -0,0 +1,132 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import firebase_admin\n",
|
||||
"from firebase_admin import credentials\n",
|
||||
"from firebase_admin import firestore\n",
|
||||
"import csv\n",
|
||||
"import numpy as np\n",
|
||||
"# Use a service account\n",
|
||||
"cred = credentials.Certificate(r'../keys/fsk.json')\n",
|
||||
"#add your own key as this is public. email me for details\n",
|
||||
"firebase_admin.initialize_app(cred)\n",
|
||||
"\n",
|
||||
"db = firestore.client()"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"teams=db.collection('data').document('team-2022').collection(\"Midwest 2019\").get()\n",
|
||||
"full=[]\n",
|
||||
"tms=[]\n",
|
||||
"for team in teams:\n",
|
||||
" data=[]\n",
|
||||
" tms.append(team.id)\n",
|
||||
" reports=db.collection('data').document('team-2022').collection(\"Midwest 2019\").document(team.id).collection(\"matches\").get()\n",
|
||||
" for report in reports:\n",
|
||||
" data.append(db.collection('data').document('team-2022').collection(\"Midwest 2019\").document(team.id).collection(\"matches\").document(report.id).get().to_dict())\n",
|
||||
" full.append(data)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def expcsv(loc,data):\n",
|
||||
" with open(loc+'.csv', 'w', newline='', encoding='utf-8') as csvfile:\n",
|
||||
" w = csv.writer(csvfile, delimiter=',', quotechar=\"\\\"\", quoting=csv.QUOTE_MINIMAL)\n",
|
||||
" for i in data:\n",
|
||||
" w.writerow(i)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 12,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def keymatch(ld):\n",
|
||||
" keys=set([])\n",
|
||||
" for i in ld:\n",
|
||||
" for j in i.keys():\n",
|
||||
" keys.add(j)\n",
|
||||
" kl=list(keys)\n",
|
||||
" data=[]\n",
|
||||
" for i in kl:\n",
|
||||
" data.append([i])\n",
|
||||
" for i in kl:\n",
|
||||
" for j in ld:\n",
|
||||
" try:\n",
|
||||
" (data[kl.index(i)]).append(j[i])\n",
|
||||
" except:\n",
|
||||
" (data[kl.index(i)]).append(\"\")\n",
|
||||
" return data\n",
|
||||
"wn=[]\n",
|
||||
"for i in full:\n",
|
||||
" wn.append(np.transpose(np.array(keymatch(i))).tolist())\n",
|
||||
"for i in range(len(wn)):\n",
|
||||
" expcsv(tms[i],wn[i])"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.6.5"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 2
|
||||
}
|
@@ -0,0 +1,191 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import operator\n",
|
||||
"import csv\n",
|
||||
"#constants\n",
|
||||
"k=100\n",
|
||||
"rdf=400\n",
|
||||
"\n",
|
||||
"def win_prob(yas,oas):\n",
|
||||
" return 1/(1+10**(1/rdf*(oas-yas)))\n",
|
||||
"def new_score(oscore,yas,oas,outcome):\n",
|
||||
" return (oscore)+k*(outcome-win_prob(yas,oas))\n",
|
||||
"\n",
|
||||
"def readFile(filepath):\n",
|
||||
"\n",
|
||||
" with open(filepath) as csvfile:\n",
|
||||
" lines = csv.reader(csvfile, delimiter=',', quotechar='|')\n",
|
||||
" data = []\n",
|
||||
" try:\n",
|
||||
" for row in lines:\n",
|
||||
" data.append((', '.join(row)).split(\", \"))\n",
|
||||
" except:\n",
|
||||
" pass\n",
|
||||
"\n",
|
||||
" return data\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"sb=readFile('scoreboard.csv')\n",
|
||||
"teams=set([])\n",
|
||||
"for i in sb:\n",
|
||||
" teams.add(i[2])\n",
|
||||
" teams.add(i[3])\n",
|
||||
" teams.add(i[4])\n",
|
||||
" teams.add(i[5])\n",
|
||||
" teams.add(i[6])\n",
|
||||
" teams.add(i[7])\n",
|
||||
"list(teams)\n",
|
||||
"tsd={}\n",
|
||||
"for i in list(teams):\n",
|
||||
" tsd[i]=500\n",
|
||||
"for i in sb:\n",
|
||||
" ras=tsd[i[2]]+tsd[i[3]]+tsd[i[4]]\n",
|
||||
" bas=tsd[i[5]]+tsd[i[6]]+tsd[i[7]]\n",
|
||||
" outcome=0\n",
|
||||
" if i[8]>i[9]:\n",
|
||||
" outcome=1\n",
|
||||
" elif i[9]==i[8]:\n",
|
||||
" outcome=.5\n",
|
||||
" for j in range(2,5,1):\n",
|
||||
" tsd[i[j]]=new_score(tsd[i[j]],ras,bas,outcome)\n",
|
||||
" for j in range(5,8,1):\n",
|
||||
" tsd[i[j]]=new_score(tsd[i[j]],bas,ras,1-outcome)\n",
|
||||
" \n",
|
||||
"rankinfs = sorted(tsd.items(), key=operator.itemgetter(1), reverse=True) "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"[('5934', 833.1830859510761),\n",
|
||||
" ('48', 739.9728094005745),\n",
|
||||
" ('16', 705.9551102513088),\n",
|
||||
" ('3061', 702.9024075826381),\n",
|
||||
" ('3695', 700.1366129603175),\n",
|
||||
" ('2338', 696.932652524603),\n",
|
||||
" ('4096', 652.7038522070818),\n",
|
||||
" ('3488', 648.9766694246662),\n",
|
||||
" ('4156', 638.0881039843185),\n",
|
||||
" ('101', 626.9019952260375),\n",
|
||||
" ('6823', 613.1453027540894),\n",
|
||||
" ('930', 610.7992869961017),\n",
|
||||
" ('2062', 608.0647276785079),\n",
|
||||
" ('2830', 600.0239706519325),\n",
|
||||
" ('5847', 589.0350788865741),\n",
|
||||
" ('1736', 584.367394696335),\n",
|
||||
" ('2358', 577.5524744241919),\n",
|
||||
" ('5822', 575.4792058357157),\n",
|
||||
" ('1675', 569.9944280943398),\n",
|
||||
" ('111', 559.5150813478114),\n",
|
||||
" ('1797', 537.9429025884093),\n",
|
||||
" ('5148', 533.9623603303631),\n",
|
||||
" ('1781', 519.5609268991466),\n",
|
||||
" ('6651', 516.3195829730869),\n",
|
||||
" ('6906', 501.7408783344565),\n",
|
||||
" ('2022', 482.2765218696747),\n",
|
||||
" ('7237', 474.4616019824547),\n",
|
||||
" ('1884', 468.87487164611116),\n",
|
||||
" ('2039', 467.0990375388428),\n",
|
||||
" ('2451', 462.70812165138807),\n",
|
||||
" ('7608', 462.0188420364676),\n",
|
||||
" ('1739', 459.00590084129664),\n",
|
||||
" ('2252', 456.43201385653043),\n",
|
||||
" ('2151', 439.4118535382677),\n",
|
||||
" ('4702', 435.5729578944645),\n",
|
||||
" ('7738', 423.16353418538296),\n",
|
||||
" ('4296', 420.5085609998351),\n",
|
||||
" ('3734', 418.47615429198186),\n",
|
||||
" ('7609', 409.29347746836567),\n",
|
||||
" ('2709', 403.9793052336144),\n",
|
||||
" ('3067', 402.77020998279653),\n",
|
||||
" ('2136', 386.0798688817299),\n",
|
||||
" ('5350', 383.4109800245315),\n",
|
||||
" ('5125', 377.1609505922246),\n",
|
||||
" ('4292', 357.43188113820975),\n",
|
||||
" ('3110', 344.8643460008074),\n",
|
||||
" ('2725', 332.21429556184444),\n",
|
||||
" ('4645', 329.6452389079341),\n",
|
||||
" ('6968', 329.08368400289095),\n",
|
||||
" ('4241', 315.12115012426335),\n",
|
||||
" ('4787', 288.64374620808815),\n",
|
||||
" ('7560', 279.7779164676232),\n",
|
||||
" ('2016', 247.25607506869346)]"
|
||||
]
|
||||
},
|
||||
"execution_count": 3,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"rankinfs"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.6.5"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 2
|
||||
}
|
@@ -0,0 +1,57 @@
|
||||
Match,Time,Red1,Red2,Red3,Blue1,Blue2,Blue3,RedScore,BlueScore
|
||||
Qualification 1 ,Fri 3/8 - 9:00 AM,7560,3061,3488,1675,2451,5148,37,26
|
||||
Qualification 2 ,Fri 3/8 - 9:09 AM,7608,1884,2338,4702,2151,111,23,33
|
||||
Qualification 3 ,Fri 3/8 - 9:18 AM,2830,7609,101,2039,4292,16,45,35
|
||||
Qualification 4 ,Fri 3/8 - 9:27 AM,6968,1736,4096,4645,3067,2252,40,20
|
||||
Qualification 5 ,Fri 3/8 - 9:36 AM,4156,2016,3695,2022,3110,3734,46,29
|
||||
Qualification 6 ,Fri 3/8 - 9:45 AM,5934,5822,1739,7738,2062,4296,38,33
|
||||
Qualification 7 ,Fri 3/8 - 9:54 AM,930,5125,4787,7237,6906,1781,37,41
|
||||
Qualification 8 ,Fri 3/8 - 10:03 AM,2725,5847,5350,2709,1797,4241,25,24
|
||||
Qualification 9 ,Fri 3/8 - 10:12 AM,2358,6823,2136,48,6651,3734,17,40
|
||||
Qualification 10 ,Fri 3/8 - 10:21 AM,3067,7608,5148,2062,4292,5822,15,39
|
||||
Qualification 11 ,Fri 3/8 - 10:30 AM,111,6968,4787,16,2022,1675,41,63
|
||||
Qualification 12 ,Fri 3/8 - 10:39 AM,4702,7738,2830,6906,2725,2016,52,24
|
||||
Qualification 13 ,Fri 3/8 - 10:48 AM,2709,2358,7609,101,930,6823,16,42
|
||||
Qualification 14 ,Fri 3/8 - 10:56 AM,2136,5934,3695,1736,7237,2151,45,25
|
||||
Qualification 15 ,Fri 3/8 - 11:04 AM,3110,1781,2252,1797,2338,3488,35,65
|
||||
Qualification 16 ,Fri 3/8 - 11:12 AM,48,4156,4241,4296,1884,3061,48,34
|
||||
Qualification 17 ,Fri 3/8 - 11:20 AM,2039,6651,5125,4096,7560,5350,31,23
|
||||
Qualification 18 ,Fri 3/8 - 11:28 AM,5847,2451,16,4645,1739,7237,62,15
|
||||
Qualification 19 ,Fri 3/8 - 11:36 AM,3734,3067,1797,7609,5148,5934,18,31
|
||||
Qualification 20 ,Fri 3/8 - 11:44 AM,5822,2725,4241,2338,4156,930,20,55
|
||||
Qualification 21 ,Fri 3/8 - 11:52 AM,6968,2016,2709,7608,2151,6823,12,14
|
||||
Qualification 22,Fri 3/8 - 1:00 PM,1736,7560,1739,4292,5350,48,43,58
|
||||
Qualification 23,Fri 3/8 - 1:09 PM,2062,1781,2022,2451,4096,6651,35,45
|
||||
Qualification 24,Fri 3/8 - 1:18 PM,111,4296,3488,4787,2136,2039,49,27
|
||||
Qualification 25,Fri 3/8 - 1:27 PM,101,3061,5847,2252,2830,6906,53,40
|
||||
Qualification 26,Fri 3/8 - 1:36 PM,1675,4645,4702,3695,3110,7738,15,71
|
||||
Qualification 27,Fri 3/8 - 1:44 PM,1736,1884,2358,2016,5125,7560,25,23
|
||||
Qualification 28,Fri 3/8 - 1:52 PM,4156,2725,6651,3488,7237,3067,42,39
|
||||
Qualification 29,Fri 3/8 - 2:00 PM,3734,5350,2151,6906,2062,101,18,36
|
||||
Qualification 30,Fri 3/8 - 2:08 PM,5847,7738,6823,2338,111,4096,54,58
|
||||
Qualification 31,Fri 3/8 - 2:16 PM,2709,48,4702,5934,2039,2252,20,49
|
||||
Qualification 32,Fri 3/8 - 2:24 PM,1884,930,2830,1797,1675,6968,61,49
|
||||
Qualification 33,Fri 3/8 - 2:32 PM,7609,1739,3695,5148,4241,4787,85,54
|
||||
Qualification 34,Fri 3/8 - 2:40 PM,5125,4645,2022,3061,2136,4292,37,39
|
||||
Qualification 35,Fri 3/8 - 2:48 PM,2451,2358,7608,4296,16,3110,37,18
|
||||
Qualification 36,Fri 3/8 - 2:56 PM,1781,2039,3734,5822,7237,5847,30,61
|
||||
Qualification 37,Fri 3/8 - 3:04 PM,3488,5350,930,1884,3695,111,52,54
|
||||
Qualification 38,Fri 3/8 - 3:12 PM,2016,5934,2338,7609,7560,4156,66,24
|
||||
Qualification 39,Fri 3/8 - 3:20 PM,2252,6651,2136,4787,7608,1739,27,23
|
||||
Qualification 40,Fri 3/8 - 3:28 PM,4096,4702,5148,2358,4241,101,37,28
|
||||
Qualification 41,Fri 3/8 - 3:36 PM,3110,5822,2451,48,6968,6906,42,68
|
||||
Qualification 42,Fri 3/8 - 3:44 PM,16,1736,1781,7738,3061,2725,56,43
|
||||
Qualification 43,Fri 3/8 - 3:52 PM,1797,5125,4292,6823,2709,2062,32,42
|
||||
Qualification 44,Fri 3/8 - 4:00 PM,2022,4296,3067,2151,2830,1675,26,31
|
||||
Qualification 45,Fri 3/8 - 4:08 PM,4645,48,5847,5148,3488,2016,63,48
|
||||
Qualification 46,Fri 3/8 - 4:16 PM,3110,4096,930,3061,4787,5934,42,56
|
||||
Qualification 47,Fri 3/8 - 4:24 PM,2725,6823,2451,7608,3695,2039,29,57
|
||||
Qualification 48,Fri 3/8 - 4:32 PM,2062,1675,4156,101,4702,2136,40,31
|
||||
Qualification 49,Fri 3/8 - 4:40 PM,2022,7738,7237,5350,2252,7609,51,37
|
||||
Qualification 50,Fri 3/8 - 4:48 PM,7560,4296,2151,1781,1797,4645,21,39
|
||||
Qualification 51,Fri 3/8 - 4:56 PM,2338,1736,5822,2830,2709,6651,68,37
|
||||
Qualification 52,Fri 3/8 - 5:04 PM,6906,1739,2358,4292,6968,1884,33,29
|
||||
Qualification 53,Fri 3/8 - 5:12 PM,111,16,3067,4241,3734,5125,65,41
|
||||
Qualification 54,Fri 3/8 - 5:20 PM,3061,1675,48,7609,5847,7608,65,42
|
||||
Qualification 55,Fri 3/8 - 5:28 PM,6651,2016,2062,930,2252,4296,43,77
|
||||
Qualification 56,Fri 3/8 - 5:36 PM,4292,5148,2725,2151,4787,3110,19,3
|
|
@@ -0,0 +1,4 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,,1,0,,slow,,team-101,L2,,1,2,0,,0,0,,0,,"{'notes': 'not good with balls, was able to reach high with hatch', 'contribution': '', 'fillChoice': 'Cargo', 'strategy': 'place hatches, shoe off long arm. not defensive', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-101', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': '', 'match': 'match-13', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,0,,,0,0,0,,,None,match-13,,,0
|
||||
,,,,Neither,,,Medium,Medium,"Cargo, but couldn't pick up",team-101,L1,L1,,,,High,,,Mid,,Hab I,,Cargo,,Hatch,Yes,,,,Low Rocket,Weak,,match-25,N/A,L1,
|
||||
"{'notes': '', 'contribution': 'Great', 'fillChoice': '', 'strategy': 'quick bottom hatches but still slow', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-101', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-29', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'None', 'functional': 'No', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
@@ -0,0 +1,4 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,strongMediumTeleop,jouGPhPF0qME5wNIbd86MzYFsGw2,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,cargoSuccessTeleop,functional,fillChoice,strongMedium,fillChoiceTeleop,contrubution,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
"{'contribution': 'Weak', 'notes': 'team ups, robot malfunction VOID THIS INFO', 'fillChoice': '', 'cargoSuccess': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-1675', 'hiRocketSuccessTeleop': '', 'speed': 'Slow', 'lowRocketSuccess': '', 'match': 'match-1', 'size': 'Medium', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II', 'hiRocketSuccess': ''}",,"{'notes': '', 'contribution': 'Weak', 'cargoSuccess': '', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-1675', 'speed': '', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'match': 'match-1', 'size': 'Large', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II', 'hiRocketSuccess': ''}",,,,,,,,,,,,,,,,,,
|
||||
,Hatch,,IDK,,slow,Hatch panels for rocket,team-1675,None,None,High,N/A,Yes,None,Neither,Low Rocket,Weak,N/A,match-26,L1,IDK
|
||||
,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': 'pinning opponent and placing hatches on rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-1675', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': 'Large', 'match': 'match-54', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,
|
|
@@ -0,0 +1,3 @@
|
||||
sandstormCrossBonus,9fv7QhcLPsfU59sRrPq7LcJlD8J3,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,hiRocketSuccessTeleop,speed,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
,"{'contribution': '', 'notes': '', 'fillChoice': 'High Rocket', 'strategy': 'place high hatches. except- it’s very inaccurate. has the reach, though ', 'cargoSuccessTeleop': '', 'strongMedium': 'Hatch', 'teamDBRef': 'team-1736', 'hiRocketSuccessTeleop': 'Low', 'speed': '', 'match': 'match-14', 'size': '', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': '', 'endingHab': '', 'functional': 'Yes', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,
|
||||
L2,,Ball,Cargo,Low,Equal,No,N/A,Hab II,Medium,N/A,Medium,"Hatches, then balls",match-27,Cargo,None,team-1736,Neither,L2
|
|
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,"{'contribution': 'Equal', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'hatch panels ', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Ball', 'teamDBRef': 'team-5934', 'hiRocketSuccessTeleop': '', 'speed': 'Fast', 'match': 'match-31', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,Both,,,,Large,,Fast,,team-5934,L1,L1,,,,N/A,,,Mid,,,Yes,Cargo,,Ball,,,,Cargo,Equal,,N/A,match-37,None,Hab I
|
||||
0,0,,0,0,,,0,Ludicrous,,team-5934,L1,,2,0,0,,0,0,,0,5,,,1,,0,0,0,,,L1,,match-6,,
|
|
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,sandstormRocketCargoSuccess,jouGPhPF0qME5wNIbd86MzYFsGw2,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,9fv7QhcLPsfU59sRrPq7LcJlD8J3,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'did not do anything ', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-6906', 'speed': 'Slow', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Jumbo', 'match': 'match-12', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",0,,,slow,,team-6906,L1,,0,0,0,,0,0,,0,,,,0,,,0,0,0,,,L1,match-12,,,0
|
||||
,,,,,,,"{'notes': 'plays defense', 'contribution': 'Equal', 'fillChoice': 'None', 'strategy': 'very strong defensive robot also had limited capability to attach hatch panels', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-6906', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Jumbo', 'match': 'match-29', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,Neither,,,,,Medium,slow,Defense,team-6906,L1,L1,,,,N/A,,,N/A,,Hab I,None,Yes,,Neither,,,,,None,Weak,,match-53,N/A,L1,
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': 'defensive but miserably slow', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-6906', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'match': 'match-7', 'size': '', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Neither', 'endingHab': 'None', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'None'}",,,,,,,,,,
|
|
132
data analysis/dep/2019/matches/Untitled.ipynb
Normal file
132
data analysis/dep/2019/matches/Untitled.ipynb
Normal file
@@ -0,0 +1,132 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import firebase_admin\n",
|
||||
"from firebase_admin import credentials\n",
|
||||
"from firebase_admin import firestore\n",
|
||||
"import csv\n",
|
||||
"import numpy as np\n",
|
||||
"# Use a service account\n",
|
||||
"cred = credentials.Certificate(r'../keys/fsk.json')\n",
|
||||
"#add your own key as this is public. email me for details\n",
|
||||
"firebase_admin.initialize_app(cred)\n",
|
||||
"\n",
|
||||
"db = firestore.client()"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"teams=db.collection('data').document('team-2022').collection(\"Midwest 2019\").get()\n",
|
||||
"full=[]\n",
|
||||
"tms=[]\n",
|
||||
"for team in teams:\n",
|
||||
" data=[]\n",
|
||||
" tms.append(team.id)\n",
|
||||
" reports=db.collection('data').document('team-2022').collection(\"Midwest 2019\").document(team.id).collection(\"matches\").get()\n",
|
||||
" for report in reports:\n",
|
||||
" data.append(db.collection('data').document('team-2022').collection(\"Midwest 2019\").document(team.id).collection(\"matches\").document(report.id).get().to_dict())\n",
|
||||
" full.append(data)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 4,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def expcsv(loc,data):\n",
|
||||
" with open(loc+'.csv', 'w', newline='', encoding='utf-8') as csvfile:\n",
|
||||
" w = csv.writer(csvfile, delimiter=',', quotechar=\"\\\"\", quoting=csv.QUOTE_MINIMAL)\n",
|
||||
" for i in data:\n",
|
||||
" w.writerow(i)"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 12,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"def keymatch(ld):\n",
|
||||
" keys=set([])\n",
|
||||
" for i in ld:\n",
|
||||
" for j in i.keys():\n",
|
||||
" keys.add(j)\n",
|
||||
" kl=list(keys)\n",
|
||||
" data=[]\n",
|
||||
" for i in kl:\n",
|
||||
" data.append([i])\n",
|
||||
" for i in kl:\n",
|
||||
" for j in ld:\n",
|
||||
" try:\n",
|
||||
" (data[kl.index(i)]).append(j[i])\n",
|
||||
" except:\n",
|
||||
" (data[kl.index(i)]).append(\"\")\n",
|
||||
" return data\n",
|
||||
"wn=[]\n",
|
||||
"for i in full:\n",
|
||||
" wn.append(np.transpose(np.array(keymatch(i))).tolist())\n",
|
||||
"for i in range(len(wn)):\n",
|
||||
" expcsv(tms[i],wn[i])"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.6.5"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 2
|
||||
}
|
191
data analysis/dep/2019/matches/frc-elo.ipynb
Normal file
191
data analysis/dep/2019/matches/frc-elo.ipynb
Normal file
@@ -0,0 +1,191 @@
|
||||
{
|
||||
"cells": [
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 1,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"import operator\n",
|
||||
"import csv\n",
|
||||
"#constants\n",
|
||||
"k=100\n",
|
||||
"rdf=400\n",
|
||||
"\n",
|
||||
"def win_prob(yas,oas):\n",
|
||||
" return 1/(1+10**(1/rdf*(oas-yas)))\n",
|
||||
"def new_score(oscore,yas,oas,outcome):\n",
|
||||
" return (oscore)+k*(outcome-win_prob(yas,oas))\n",
|
||||
"\n",
|
||||
"def readFile(filepath):\n",
|
||||
"\n",
|
||||
" with open(filepath) as csvfile:\n",
|
||||
" lines = csv.reader(csvfile, delimiter=',', quotechar='|')\n",
|
||||
" data = []\n",
|
||||
" try:\n",
|
||||
" for row in lines:\n",
|
||||
" data.append((', '.join(row)).split(\", \"))\n",
|
||||
" except:\n",
|
||||
" pass\n",
|
||||
"\n",
|
||||
" return data\n"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 2,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": [
|
||||
"sb=readFile('scoreboard.csv')\n",
|
||||
"teams=set([])\n",
|
||||
"for i in sb:\n",
|
||||
" teams.add(i[2])\n",
|
||||
" teams.add(i[3])\n",
|
||||
" teams.add(i[4])\n",
|
||||
" teams.add(i[5])\n",
|
||||
" teams.add(i[6])\n",
|
||||
" teams.add(i[7])\n",
|
||||
"list(teams)\n",
|
||||
"tsd={}\n",
|
||||
"for i in list(teams):\n",
|
||||
" tsd[i]=500\n",
|
||||
"for i in sb:\n",
|
||||
" ras=tsd[i[2]]+tsd[i[3]]+tsd[i[4]]\n",
|
||||
" bas=tsd[i[5]]+tsd[i[6]]+tsd[i[7]]\n",
|
||||
" outcome=0\n",
|
||||
" if i[8]>i[9]:\n",
|
||||
" outcome=1\n",
|
||||
" elif i[9]==i[8]:\n",
|
||||
" outcome=.5\n",
|
||||
" for j in range(2,5,1):\n",
|
||||
" tsd[i[j]]=new_score(tsd[i[j]],ras,bas,outcome)\n",
|
||||
" for j in range(5,8,1):\n",
|
||||
" tsd[i[j]]=new_score(tsd[i[j]],bas,ras,1-outcome)\n",
|
||||
" \n",
|
||||
"rankinfs = sorted(tsd.items(), key=operator.itemgetter(1), reverse=True) "
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": 3,
|
||||
"metadata": {},
|
||||
"outputs": [
|
||||
{
|
||||
"data": {
|
||||
"text/plain": [
|
||||
"[('5934', 833.1830859510761),\n",
|
||||
" ('48', 739.9728094005745),\n",
|
||||
" ('16', 705.9551102513088),\n",
|
||||
" ('3061', 702.9024075826381),\n",
|
||||
" ('3695', 700.1366129603175),\n",
|
||||
" ('2338', 696.932652524603),\n",
|
||||
" ('4096', 652.7038522070818),\n",
|
||||
" ('3488', 648.9766694246662),\n",
|
||||
" ('4156', 638.0881039843185),\n",
|
||||
" ('101', 626.9019952260375),\n",
|
||||
" ('6823', 613.1453027540894),\n",
|
||||
" ('930', 610.7992869961017),\n",
|
||||
" ('2062', 608.0647276785079),\n",
|
||||
" ('2830', 600.0239706519325),\n",
|
||||
" ('5847', 589.0350788865741),\n",
|
||||
" ('1736', 584.367394696335),\n",
|
||||
" ('2358', 577.5524744241919),\n",
|
||||
" ('5822', 575.4792058357157),\n",
|
||||
" ('1675', 569.9944280943398),\n",
|
||||
" ('111', 559.5150813478114),\n",
|
||||
" ('1797', 537.9429025884093),\n",
|
||||
" ('5148', 533.9623603303631),\n",
|
||||
" ('1781', 519.5609268991466),\n",
|
||||
" ('6651', 516.3195829730869),\n",
|
||||
" ('6906', 501.7408783344565),\n",
|
||||
" ('2022', 482.2765218696747),\n",
|
||||
" ('7237', 474.4616019824547),\n",
|
||||
" ('1884', 468.87487164611116),\n",
|
||||
" ('2039', 467.0990375388428),\n",
|
||||
" ('2451', 462.70812165138807),\n",
|
||||
" ('7608', 462.0188420364676),\n",
|
||||
" ('1739', 459.00590084129664),\n",
|
||||
" ('2252', 456.43201385653043),\n",
|
||||
" ('2151', 439.4118535382677),\n",
|
||||
" ('4702', 435.5729578944645),\n",
|
||||
" ('7738', 423.16353418538296),\n",
|
||||
" ('4296', 420.5085609998351),\n",
|
||||
" ('3734', 418.47615429198186),\n",
|
||||
" ('7609', 409.29347746836567),\n",
|
||||
" ('2709', 403.9793052336144),\n",
|
||||
" ('3067', 402.77020998279653),\n",
|
||||
" ('2136', 386.0798688817299),\n",
|
||||
" ('5350', 383.4109800245315),\n",
|
||||
" ('5125', 377.1609505922246),\n",
|
||||
" ('4292', 357.43188113820975),\n",
|
||||
" ('3110', 344.8643460008074),\n",
|
||||
" ('2725', 332.21429556184444),\n",
|
||||
" ('4645', 329.6452389079341),\n",
|
||||
" ('6968', 329.08368400289095),\n",
|
||||
" ('4241', 315.12115012426335),\n",
|
||||
" ('4787', 288.64374620808815),\n",
|
||||
" ('7560', 279.7779164676232),\n",
|
||||
" ('2016', 247.25607506869346)]"
|
||||
]
|
||||
},
|
||||
"execution_count": 3,
|
||||
"metadata": {},
|
||||
"output_type": "execute_result"
|
||||
}
|
||||
],
|
||||
"source": [
|
||||
"rankinfs"
|
||||
]
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
},
|
||||
{
|
||||
"cell_type": "code",
|
||||
"execution_count": null,
|
||||
"metadata": {},
|
||||
"outputs": [],
|
||||
"source": []
|
||||
}
|
||||
],
|
||||
"metadata": {
|
||||
"kernelspec": {
|
||||
"display_name": "Python 3",
|
||||
"language": "python",
|
||||
"name": "python3"
|
||||
},
|
||||
"language_info": {
|
||||
"codemirror_mode": {
|
||||
"name": "ipython",
|
||||
"version": 3
|
||||
},
|
||||
"file_extension": ".py",
|
||||
"mimetype": "text/x-python",
|
||||
"name": "python",
|
||||
"nbconvert_exporter": "python",
|
||||
"pygments_lexer": "ipython3",
|
||||
"version": "3.6.5"
|
||||
}
|
||||
},
|
||||
"nbformat": 4,
|
||||
"nbformat_minor": 2
|
||||
}
|
80
data analysis/dep/2019/matches/scoreboard.csv
Normal file
80
data analysis/dep/2019/matches/scoreboard.csv
Normal file
@@ -0,0 +1,80 @@
|
||||
Qualification 1 ,Fri 3/8 - 9:00 AM,7560,3061,3488,1675,2451,5148,37,26
|
||||
Qualification 2 ,Fri 3/8 - 9:09 AM,7608,1884,2338,4702,2151,111,23,33
|
||||
Qualification 3 ,Fri 3/8 - 9:18 AM,2830,7609,101,2039,4292,16,45,35
|
||||
Qualification 4 ,Fri 3/8 - 9:27 AM,6968,1736,4096,4645,3067,2252,40,20
|
||||
Qualification 5 ,Fri 3/8 - 9:36 AM,4156,2016,3695,2022,3110,3734,46,29
|
||||
Qualification 6 ,Fri 3/8 - 9:45 AM,5934,5822,1739,7738,2062,4296,38,33
|
||||
Qualification 7 ,Fri 3/8 - 9:54 AM,930,5125,4787,7237,6906,1781,37,41
|
||||
Qualification 8 ,Fri 3/8 - 10:03 AM,2725,5847,5350,2709,1797,4241,25,24
|
||||
Qualification 9 ,Fri 3/8 - 10:12 AM,2358,6823,2136,48,6651,3734,17,40
|
||||
Qualification 10 ,Fri 3/8 - 10:21 AM,3067,7608,5148,2062,4292,5822,15,39
|
||||
Qualification 11 ,Fri 3/8 - 10:30 AM,111,6968,4787,16,2022,1675,41,63
|
||||
Qualification 12 ,Fri 3/8 - 10:39 AM,4702,7738,2830,6906,2725,2016,52,24
|
||||
Qualification 13 ,Fri 3/8 - 10:48 AM,2709,2358,7609,101,930,6823,16,42
|
||||
Qualification 14 ,Fri 3/8 - 10:56 AM,2136,5934,3695,1736,7237,2151,45,25
|
||||
Qualification 15 ,Fri 3/8 - 11:04 AM,3110,1781,2252,1797,2338,3488,35,65
|
||||
Qualification 16 ,Fri 3/8 - 11:12 AM,48,4156,4241,4296,1884,3061,48,34
|
||||
Qualification 17 ,Fri 3/8 - 11:20 AM,2039,6651,5125,4096,7560,5350,31,23
|
||||
Qualification 18 ,Fri 3/8 - 11:28 AM,5847,2451,16,4645,1739,7237,62,15
|
||||
Qualification 19 ,Fri 3/8 - 11:36 AM,3734,3067,1797,7609,5148,5934,18,31
|
||||
Qualification 20 ,Fri 3/8 - 11:44 AM,5822,2725,4241,2338,4156,930,20,55
|
||||
Qualification 21 ,Fri 3/8 - 11:52 AM,6968,2016,2709,7608,2151,6823,12,14
|
||||
Qualification 22,Fri 3/8 - 1:00 PM,1736,7560,1739,4292,5350,48,43,58
|
||||
Qualification 23,Fri 3/8 - 1:09 PM,2062,1781,2022,2451,4096,6651,35,45
|
||||
Qualification 24,Fri 3/8 - 1:18 PM,111,4296,3488,4787,2136,2039,49,27
|
||||
Qualification 25,Fri 3/8 - 1:27 PM,101,3061,5847,2252,2830,6906,53,40
|
||||
Qualification 26,Fri 3/8 - 1:36 PM,1675,4645,4702,3695,3110,7738,15,71
|
||||
Qualification 27,Fri 3/8 - 1:44 PM,1736,1884,2358,2016,5125,7560,25,23
|
||||
Qualification 28,Fri 3/8 - 1:52 PM,4156,2725,6651,3488,7237,3067,42,39
|
||||
Qualification 29,Fri 3/8 - 2:00 PM,3734,5350,2151,6906,2062,101,18,36
|
||||
Qualification 30,Fri 3/8 - 2:08 PM,5847,7738,6823,2338,111,4096,54,58
|
||||
Qualification 31,Fri 3/8 - 2:16 PM,2709,48,4702,5934,2039,2252,20,49
|
||||
Qualification 32,Fri 3/8 - 2:24 PM,1884,930,2830,1797,1675,6968,61,49
|
||||
Qualification 33,Fri 3/8 - 2:32 PM,7609,1739,3695,5148,4241,4787,85,54
|
||||
Qualification 34,Fri 3/8 - 2:40 PM,5125,4645,2022,3061,2136,4292,37,39
|
||||
Qualification 35,Fri 3/8 - 2:48 PM,2451,2358,7608,4296,16,3110,37,18
|
||||
Qualification 36,Fri 3/8 - 2:56 PM,1781,2039,3734,5822,7237,5847,30,61
|
||||
Qualification 37,Fri 3/8 - 3:04 PM,3488,5350,930,1884,3695,111,52,54
|
||||
Qualification 38,Fri 3/8 - 3:12 PM,2016,5934,2338,7609,7560,4156,66,24
|
||||
Qualification 39,Fri 3/8 - 3:20 PM,2252,6651,2136,4787,7608,1739,27,23
|
||||
Qualification 40,Fri 3/8 - 3:28 PM,4096,4702,5148,2358,4241,101,37,28
|
||||
Qualification 41,Fri 3/8 - 3:36 PM,3110,5822,2451,48,6968,6906,42,68
|
||||
Qualification 42,Fri 3/8 - 3:44 PM,16,1736,1781,7738,3061,2725,56,43
|
||||
Qualification 43,Fri 3/8 - 3:52 PM,1797,5125,4292,6823,2709,2062,32,42
|
||||
Qualification 44,Fri 3/8 - 4:00 PM,2022,4296,3067,2151,2830,1675,26,31
|
||||
Qualification 45,Fri 3/8 - 4:08 PM,4645,48,5847,5148,3488,2016,63,48
|
||||
Qualification 46,Fri 3/8 - 4:16 PM,3110,4096,930,3061,4787,5934,42,56
|
||||
Qualification 47,Fri 3/8 - 4:24 PM,2725,6823,2451,7608,3695,2039,29,57
|
||||
Qualification 48,Fri 3/8 - 4:32 PM,2062,1675,4156,101,4702,2136,40,31
|
||||
Qualification 49,Fri 3/8 - 4:40 PM,2022,7738,7237,5350,2252,7609,51,37
|
||||
Qualification 50,Fri 3/8 - 4:48 PM,7560,4296,2151,1781,1797,4645,21,39
|
||||
Qualification 51,Fri 3/8 - 4:56 PM,2338,1736,5822,2830,2709,6651,68,37
|
||||
Qualification 52,Fri 3/8 - 5:04 PM,6906,1739,2358,4292,6968,1884,33,29
|
||||
Qualification 53,Fri 3/8 - 5:12 PM,111,16,3067,4241,3734,5125,65,41
|
||||
Qualification 54,Fri 3/8 - 5:20 PM,3061,1675,48,7609,5847,7608,65,42
|
||||
Qualification 55,Fri 3/8 - 5:28 PM,6651,2016,2062,930,2252,4296,43,77
|
||||
Qualification 56,Fri 3/8 - 5:36 PM,4292,5148,2725,2151,4787,3110,19,3
|
||||
Qualification 57,Sat 3/9 - 9:00 AM,2136,6906,1884,4096,16,2709,15,42
|
||||
Qualification 58,Sat 3/9 - 9:09 AM,4156,101,1797,2451,111,1736,99,59
|
||||
Qualification 59,Sat 3/9 - 9:18 AM,7237,3695,7560,3067,7738,6968,52,27
|
||||
Qualification 60,Sat 3/9 - 9:27 AM,3734,3488,2830,1739,4702,5125,60,35
|
||||
Qualification 61,Sat 3/9 - 9:36 AM,2039,2022,4241,4645,2338,2358,35,41
|
||||
Qualification 62,Sat 3/9 - 9:44 AM,6823,5934,16,5822,5350,1781,77,48
|
||||
Qualification 63,Sat 3/9 - 9:52 AM,7237,4096,4292,4296,2016,1675,43,35
|
||||
Qualification 64,Sat 3/9 - 10:00 AM,7609,2151,7738,5125,3488,2451,29,44
|
||||
Qualification 65,Sat 3/9 - 10:08 AM,2725,7608,1797,1739,101,2022,43,58
|
||||
Qualification 66,Sat 3/9 - 10:16 AM,3695,3067,48,1781,111,2709,66,49
|
||||
Qualification 67,Sat 3/9 - 10:24 AM,4241,3110,6906,6651,6823,1736,27,46
|
||||
Qualification 68,Sat 3/9 - 10:32 AM,4702,930,5822,5847,2136,7560,65,14
|
||||
Qualification 69,Sat 3/9 - 10:40 AM,4787,4156,4645,2358,2830,5350,39,42
|
||||
Qualification 70,Sat 3/9 - 10:48 AM,5148,2062,3061,6968,2039,2338,56,34
|
||||
Qualification 71,Sat 3/9 - 10:56 AM,1884,2252,2451,5934,3734,2725,40,46
|
||||
Qualification 72,Sat 3/9 - 11:04 AM,2151,2022,4096,930,48,1736,30,72
|
||||
Qualification 73,Sat 3/9 - 11:12 AM,4241,4292,7608,3488,1781,7738,28,71
|
||||
Qualification 74,Sat 3/9 - 11:20 AM,16,1797,3061,6651,3695,4702,82,47
|
||||
Qualification 75,Sat 3/9 - 11:28 AM,5350,6906,4645,3067,2338,7609,15,53
|
||||
Qualification 76,Sat 3/9 - 11:36 AM,1675,2709,2039,1739,3734,4156,41,41
|
||||
Qualification 77,Sat 3/9 - 11:44 AM,2830,4787,7237,6823,5148,1884,44,69
|
||||
Qualification 78,Sat 3/9 - 11:52 AM,5125,101,6968,5934,5847,4296,35,59
|
||||
Qualification 79,Sat 3/9 - 12:00 PM,2252,111,2062,7560,2358,3110,56,33
|
||||
Qualification 80,Sat 3/9 - 12:08 PM,2016,7609,4241,2136,5822,1797,32,48
|
|
2
data analysis/dep/2019/matches/team-1.csv
Normal file
2
data analysis/dep/2019/matches/team-1.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,slow,team-1,L1,0,0,0,0,0,0,0,0,0,0,L1,match-5148,2
|
|
4
data analysis/dep/2019/matches/team-101.csv
Normal file
4
data analysis/dep/2019/matches/team-101.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,,1,0,,slow,,team-101,L2,,1,2,0,,0,0,,0,,"{'notes': 'not good with balls, was able to reach high with hatch', 'contribution': '', 'fillChoice': 'Cargo', 'strategy': 'place hatches, shoe off long arm. not defensive', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-101', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': '', 'match': 'match-13', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,0,,,0,0,0,,,None,match-13,,,0
|
||||
,,,,Neither,,,Medium,Medium,"Cargo, but couldn't pick up",team-101,L1,L1,,,,High,,,Mid,,Hab I,,Cargo,,Hatch,Yes,,,,Low Rocket,Weak,,match-25,N/A,L1,
|
||||
"{'notes': '', 'contribution': 'Great', 'fillChoice': '', 'strategy': 'quick bottom hatches but still slow', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-101', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-29', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'None', 'functional': 'No', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
6
data analysis/dep/2019/matches/team-111.csv
Normal file
6
data analysis/dep/2019/matches/team-111.csv
Normal file
@@ -0,0 +1,6 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,5,1,,0,0,,,Medium,,team-111,L1,,0,4,0,,1,1,,0,,,,0,,0,0,0,,,None,match-11,,,0
|
||||
"{'contribution': 'Great', 'notes': '', 'cargoSuccess': '', 'fillChoice': 'Cargo', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-111', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'High', 'lowRocketSuccess': '', 'size': 'Medium', 'match': 'match-2', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': '', 'hiRocketSuccess': 'High'}",0,0,0,,0,0,,,Fast,,team-111,L1,,0,1,0,,1,1,,1,,,,0,,0,0,0,,,L1,match-2,,,0
|
||||
,,,,Ball,,,Large,,Fast,Top-down rocket fill,team-111,L1,L1,,,,N/A,,,N/A,,Hab I,High Rocket,Yes,,Hatch,,,,High Rocket,Strong,,match-24,High,L2,
|
||||
,,,,,,,,"{'contribution': 'Equal', 'notes': '', 'fillChoice': 'High Rocket', 'strategy': 'rocket. i lost track of the robot', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-111', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'High', 'size': 'Large', 'match': 'match-30', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'N/A'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,"{'notes': '', 'contribution': 'Great', 'fillChoice': 'High Rocket', 'strategy': 'hatch and ball in rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-111', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': 'Medium', 'match': 'match-37', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab II'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
6
data analysis/dep/2019/matches/team-16.csv
Normal file
6
data analysis/dep/2019/matches/team-16.csv
Normal file
@@ -0,0 +1,6 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,sandstormRocketCargoSuccess,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,,1,"{'notes': 'working with us didn’t see most of the match', 'contribution': 'Idk', 'fillChoice': 'Cargo', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': 'Ball', 'teamDBRef': 'team-16', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Jumbo', 'match': 'match-11', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Sorta', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': ''}",0,,,slow,,team-16,L2,,0,1,0,,0,0,,0,,,,0,,0,0,1,,,L3,match-11,,,4
|
||||
,0,0,0,,0,,0,,,Ludicrous,,team-16,L1,,0,0,0,,0,0,,0,,,,0,,0,0,1,,,L3,match-18,,,4
|
||||
"{'contribution': 'Great', 'notes': 'almost ended on hab 3', 'cargoSuccess': 'High', 'fillChoice': 'Cargo', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-16', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'size': 'Large', 'match': 'match-3', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Both', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': '', 'hiRocketSuccess': ''}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,"{'notes': 'tipped over', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strategy': 'did not stay up long enough to determine ', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-16', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-35', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,,Both,,,,,Large,Ludicrous,,team-16,L1,L1,,,,Mid,,,High,,Hab I,Cargo,No,,Neither,,,,Cargo,Strong,,match-41,N/A,L3,
|
|
4
data analysis/dep/2019/matches/team-1675.csv
Normal file
4
data analysis/dep/2019/matches/team-1675.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,strongMediumTeleop,jouGPhPF0qME5wNIbd86MzYFsGw2,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,cargoSuccessTeleop,functional,fillChoice,strongMedium,fillChoiceTeleop,contrubution,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
"{'contribution': 'Weak', 'notes': 'team ups, robot malfunction VOID THIS INFO', 'fillChoice': '', 'cargoSuccess': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-1675', 'hiRocketSuccessTeleop': '', 'speed': 'Slow', 'lowRocketSuccess': '', 'match': 'match-1', 'size': 'Medium', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II', 'hiRocketSuccess': ''}",,"{'notes': '', 'contribution': 'Weak', 'cargoSuccess': '', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-1675', 'speed': '', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'match': 'match-1', 'size': 'Large', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II', 'hiRocketSuccess': ''}",,,,,,,,,,,,,,,,,,
|
||||
,Hatch,,IDK,,slow,Hatch panels for rocket,team-1675,None,None,High,N/A,Yes,None,Neither,Low Rocket,Weak,N/A,match-26,L1,IDK
|
||||
,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': 'pinning opponent and placing hatches on rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-1675', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': 'Large', 'match': 'match-54', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,
|
|
2
data analysis/dep/2019/matches/team-1702.csv
Normal file
2
data analysis/dep/2019/matches/team-1702.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
sandstormCrossBonus,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,hiRocketSuccessTeleop,speed,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
L1,Neither,Cargo,Low,Weak,No,N/A,Hab I,Small,N/A,slow,,match-31,None,L1,team-1702,Neither,L1
|
|
3
data analysis/dep/2019/matches/team-1736.csv
Normal file
3
data analysis/dep/2019/matches/team-1736.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormCrossBonus,9fv7QhcLPsfU59sRrPq7LcJlD8J3,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,hiRocketSuccessTeleop,speed,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
,"{'contribution': '', 'notes': '', 'fillChoice': 'High Rocket', 'strategy': 'place high hatches. except- it’s very inaccurate. has the reach, though ', 'cargoSuccessTeleop': '', 'strongMedium': 'Hatch', 'teamDBRef': 'team-1736', 'hiRocketSuccessTeleop': 'Low', 'speed': '', 'match': 'match-14', 'size': '', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': '', 'endingHab': '', 'functional': 'Yes', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,
|
||||
L2,,Ball,Cargo,Low,Equal,No,N/A,Hab II,Medium,N/A,Medium,"Hatches, then balls",match-27,Cargo,None,team-1736,Neither,L2
|
|
6
data analysis/dep/2019/matches/team-1739.csv
Normal file
6
data analysis/dep/2019/matches/team-1739.csv
Normal file
@@ -0,0 +1,6 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,"{'notes': 'don’t know how accurate storm is', 'contribution': '', 'fillChoice': '', 'strategy': 'i got confused. i didnt really see what the robot did', 'cargoSuccessTeleop': 'N/A', 'strongMedium': 'Ball', 'teamDBRef': 'team-1739', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-18', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,Ball,,,,Medium,,Medium,,team-1739,L1,L1,,,,Low,,,High,,,Sorta,Cargo,,Hatch,,,,Cargo,Equal,,Low,match-22,L2,Hab I
|
||||
,,Neither,,,,Jumbo,,Medium,,team-1739,L1,L1,,,,N/A,,,Low,,,No,None,,Neither,,,,Cargo,Weak,,N/A,match-33,None,Hab I
|
||||
,,Neither,,,,Small,,Medium,,team-1739,L1,L1,,,,N/A,,,Low,,,No,None,,Neither,,,,Cargo,Weak,,N/A,match-52,L1,Hab I
|
||||
0,0,,0,0,,,0,slow,,team-1739,L1,,0,0,0,,0,0,,0,0,,,0,,0,0,0,,,L1,,match-6,,
|
|
4
data analysis/dep/2019/matches/team-1781.csv
Normal file
4
data analysis/dep/2019/matches/team-1781.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormCrossBonus,9fv7QhcLPsfU59sRrPq7LcJlD8J3,gmkR7hN4D1fQguey5X5V48d3PhO2,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,speed,hiRocketSuccessTeleop,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
,"{'contribution': 'Equal', 'notes': '', 'fillChoice': '', 'strategy': 'place balls in rocket, offensive, close to base', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-1781', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-15', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 3', 'functional': 'Yes', 'startingHatch': '', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,
|
||||
None,,,Neither,None,N/A,IDK,No,N/A,None,IDK,slow,N/A,FTA Deactivation,match-36,None,None,team-1781,Neither,None
|
||||
,,"{'contribution': 'Great', 'notes': 'potential for hab 3', 'fillChoice': 'Cargo', 'cargoSuccessTeleop': '', 'strongMedium': 'Ball', 'teamDBRef': 'team-1781', 'hiRocketSuccessTeleop': 'N/A', 'speed': 'Medium', 'match': 'match-7', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 2', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
|
3
data analysis/dep/2019/matches/team-1797.csv
Normal file
3
data analysis/dep/2019/matches/team-1797.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormCrossBonus,9fv7QhcLPsfU59sRrPq7LcJlD8J3,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,speed,hiRocketSuccessTeleop,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
L1,,Ball,Cargo,High,Equal,Yes,N/A,Hab I,Medium,slow,N/A,Cargo only,match-43,None,L1,team-1797,Neither,L1
|
||||
,"{'contribution': '', 'notes': 'had a reach with the height of their grabber, yet it was extremely inaccurate. with the fast frequency they could make attempts, they were able to land 3', 'fillChoice': '', 'cargoSuccessTeleop': 'Low', 'strongMedium': '', 'teamDBRef': 'team-1797', 'hiRocketSuccessTeleop': '', 'speed': 'Medium', 'match': 'match-8', 'size': 'Jumbo', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'None'}",,,,,,,,,,,,,,,,,
|
|
5
data analysis/dep/2019/matches/team-1884.csv
Normal file
5
data analysis/dep/2019/matches/team-1884.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,,,,,"{'contribution': '', 'notes': 'very unstable ', 'fillChoice': 'Cargo', 'strategy': 'ineffective ', 'cargoSuccessTeleop': 'Low', 'strongMedium': 'Hatch', 'teamDBRef': 'team-1884', 'hiRocketSuccessTeleop': 'N/A', 'speed': 'Fast', 'match': 'match-16', 'size': '', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
0,0,0,,0,,0,,slow,,team-1884,L1,,0,0,0,,0,0,,,0,,,,0,,0,0,1,,,None,match-2,,,0
|
||||
,,,,,,,,,,,,,,,,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-1884', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-27', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
||||
,,,Both,,,,Large,Fast,,team-1884,L1,L1,,,,N/A,,,,High,,Hab I,Cargo,Yes,,Ball,,,,Cargo,Equal,,match-32,N/A,None,
|
|
5
data analysis/dep/2019/matches/team-2016.csv
Normal file
5
data analysis/dep/2019/matches/team-2016.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': '', 'strategy': '', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2016', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-12', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Neither', 'endingHab': 'Hab 2', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,Ball,,,,Large,,Fast,Tried unsuccessfully to fill cargo ship then rammed defensively,team-2016,L2,L2,,,,N/A,,,Low,,,No,None,,Hatch,,,,Cargo,Weak,,N/A,match-27,L2,Hab II
|
||||
,,Ball,,,,Small,,Medium,Pure cargo,team-2016,L2,L2,,,,N/A,,,High,,,Yes,None,,Neither,,,,Cargo,Weak,,Low,match-38,L1,Hab II
|
||||
0,0,,0,0,,,0,slow,,team-2016,None,,0,0,0,,0,0,,0,0,,,0,,0,0,0,,,None,,match-5,,
|
|
2
data analysis/dep/2019/matches/team-2022.csv
Normal file
2
data analysis/dep/2019/matches/team-2022.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
jouGPhPF0qME5wNIbd86MzYFsGw2
|
||||
"{'notes': 'it’s us', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2022', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-5', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}"
|
|
4
data analysis/dep/2019/matches/team-2039.csv
Normal file
4
data analysis/dep/2019/matches/team-2039.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,jouGPhPF0qME5wNIbd86MzYFsGw2,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,mf0oyBolLjZgC9wALSwSb6IvE0T2,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,,slow,team-2039,L2,0,0,0,0,0,0,,0,0,0,0,L1,match-17,1
|
||||
,,,,,"{'notes': '', 'contribution': 'Weak', 'cargoSuccess': 'Low', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2039', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': 'N/A', 'match': 'match-3', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II', 'hiRocketSuccess': 'N/A'}",,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,,,,,"{'notes': 'robot was kind of fast and was good at what it did', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2039', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Large', 'match': 'match-31', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Ball', 'endingHab': 'idk', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'idk'}",,,,,,,
|
|
7
data analysis/dep/2019/matches/team-2062.csv
Normal file
7
data analysis/dep/2019/matches/team-2062.csv
Normal file
@@ -0,0 +1,7 @@
|
||||
strongMediumTeleop,jouGPhPF0qME5wNIbd86MzYFsGw2,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,cargoSuccessTeleop,9fv7QhcLPsfU59sRrPq7LcJlD8J3,functional,fillChoice,strongMedium,fillChoiceTeleop,contrubution,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,"{'contribution': 'Equal', 'notes': '', 'fillChoice': '', 'strategy': '', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2062', 'hiRocketSuccessTeleop': 'N/A', 'speed': 'Medium', 'match': 'match-10', 'size': 'Small', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,
|
||||
Ball,,IDK,,slow,"Hatches, then cargo",team-2062,L1,L1,Mid,Mid,,Yes,None,Hatch,Low Rocket,IDK,N/A,match-23,None,IDK
|
||||
Hatch,,Medium,,Fast,,team-2062,L1,L1,N/A,High,,No,None,Neither,High Rocket,Weak,High,match-28,L1,Hab I
|
||||
,,,"{'notes': 'stopped working at twice i think', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strategy': 'ball in rocket and ship.', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-2062', 'speed': 'Slow', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Large', 'match': 'match-29', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
||||
,,,"{'contribution': 'Equal', 'notes': 'dropped hatch during storm', 'fillChoice': '', 'strategy': 'hatch on rocket and ball in cargo ', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-2062', 'hiRocketSuccessTeleop': 'N/A', 'speed': 'Medium', 'match': 'match-43', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,"{'contribution': 'Great', 'notes': '', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-2062', 'hiRocketSuccessTeleop': '', 'speed': 'Fast', 'match': 'match-6', 'size': 'Idk', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Sorta', 'lowRocketSuccessTeleop': '', 'startingHatch': 'None'}",,,,,,,,,
|
|
3
data analysis/dep/2019/matches/team-2125.csv
Normal file
3
data analysis/dep/2019/matches/team-2125.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,slow,,team-2125,None,,0,0,0,,0,0,,0,,,,0,,0,0,0,,,None,match-20,,,0
|
||||
,,,Neither,,,IDK,slow,Flawed defense,team-2125,None,None,,,,N/A,,,N/A,,Hab I,None,No,,Neither,,,,None,Weak,,match-27,N/A,None,
|
|
3
data analysis/dep/2019/matches/team-2136.csv
Normal file
3
data analysis/dep/2019/matches/team-2136.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,Medium,team-2136,None,0,0,0,0,0,0,0,0,0,0,None,match-14,0
|
||||
0,0,0,0,0,slow,team-2136,None,0,0,0,0,0,0,0,0,0,0,None,match-9,0
|
|
5
data analysis/dep/2019/matches/team-2151.csv
Normal file
5
data analysis/dep/2019/matches/team-2151.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,sandstormRocketCargoSuccess,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,"{'contribution': 'Weak', 'notes': '', 'fillChoice': '', 'strategy': 'slow and unreliable ', 'cargoSuccessTeleop': '', 'strongMedium': 'Neither', 'teamDBRef': 'team-2151', 'hiRocketSuccessTeleop': '', 'speed': 'Slow', 'match': 'match-14', 'size': 'Medium', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'None', 'functional': 'No', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'Hab I'}",0,,,slow,,team-2151,None,,0,1,0,,0,0,,0,,,,,0,,,0,0,0,,,None,match-14,,,0
|
||||
0,0,0,,0,,0,,,slow,,team-2151,None,,1,0,0,,0,0,,0,,,"{'contribution': '', 'notes': '', 'cargoSuccess': '', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'speed': '', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': '', 'hiRocketSuccess': ''}",,0,,,0,0,0,,,None,match-2,,,0
|
||||
,,,Neither,,,,Small,,slow,,team-2151,None,None,,,,N/A,,,N/A,,Hab I,"{'contribution': '', 'notes': 'The bot is idle. ', 'fillChoice': '', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-2151', 'hiRocketSuccessTeleop': '', 'speed': '', 'match': 'match-29', 'size': 'Medium', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': '', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,None,,Neither,No,,,,None,Weak,,match-29,N/A,None,
|
||||
,,,,,,,,"{'contribution': '', 'notes': '', 'fillChoice': '', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-2151', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-44', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'startingHatch': '', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
7
data analysis/dep/2019/matches/team-2252.csv
Normal file
7
data analysis/dep/2019/matches/team-2252.csv
Normal file
@@ -0,0 +1,7 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,5nO8yj26oEUhd3mS3noHWQNvqSE3,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,,0,0,,,slow,,team-2252,L1,,0,0,0,,0,0,"{'contribution': 'Equal', 'notes': 'alliance only had 2 robots', 'fillChoice': 'Cargo', 'strategy': '', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-2252', 'hiRocketSuccessTeleop': '', 'speed': 'Ludicrous', 'match': 'match-15', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'No', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab II'}",,0,,,,0,,0,0,1,,,L1,,match-15,,,4
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': '', 'fillChoice': 'Low Rocket', 'strategy': '', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-2252', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'Low', 'size': 'Medium', 'match': 'match-31', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'startingHatch': '', 'lowRocketSuccessTeleop': 'Mid'}",,,,
|
||||
,,,,Ball,,,Large,,slow,Cargo ship cargo,team-2252,L1,L1,,,,N/A,,,,Mid,,Hab I,Cargo,Yes,,Neither,,,,Cargo,Equal,,,match-38,N/A,L1,
|
||||
,,,,Ball,,,Small,,Fast,,team-2252,L1,L1,,,,N/A,,,,Mid,,Hab I,Cargo,No,,Neither,,,,Cargo,Weak,,,match-39,N/A,L1,
|
||||
"{'contribution': 'Great', 'notes': '', 'fillChoice': 'Low Rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2252', 'hiRocketSuccessTeleop': '', 'speed': 'Medium', 'match': 'match-4', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Both', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,"{'notes': 'i don’t know if hatch succeeded in storm for cargo ', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': 'ball for cargo ship and rocket ', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-2252', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-55', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
5
data analysis/dep/2019/matches/team-2338.csv
Normal file
5
data analysis/dep/2019/matches/team-2338.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
strongMediumTeleop,jouGPhPF0qME5wNIbd86MzYFsGw2,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,cargoSuccessTeleop,fillChoice,functional,9fv7QhcLPsfU59sRrPq7LcJlD8J3,strongMedium,fillChoiceTeleop,contrubution,TGTz9IhKPoQnv6CjEyHEJeqwhss1,5nO8yj26oEUhd3mS3noHWQNvqSE3,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': '', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2338', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'match': 'match-15', 'size': '', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 3', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,
|
||||
,,,,,,,,,,,,"{'contribution': 'Great', 'notes': '', 'cargoSuccess': '', 'fillChoice': '', 'cargoSuccessTeleop': '', 'strongMedium': 'Hatch', 'teamDBRef': 'team-2338', 'speed': '', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'size': 'Large', 'match': 'match-2', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'startingHatch': '', 'lowRocketSuccessTeleop': '', 'hiRocketSuccess': 'High'}",,,,,,,,,
|
||||
,"{'contribution': '', 'notes': 'starts with hatchū', 'fillChoice': 'Cargo', 'strategy': 'best robot I have seen this tournament, amazing all-rounder even played some defense, almost too good to be true', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-2338', 'speed': '', 'hiRocketSuccessTeleop': 'High', 'size': 'Idk', 'match': 'match-30', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'Hab 3', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'High'}",,,,,,,,,,,,,,,,"{'notes': '', 'contribution': 'Great', 'fillChoice': 'High Rocket', 'strategy': '', 'strongMedium': 'Both', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-2338', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'High', 'size': 'Large', 'match': 'match-30', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'Hab 3', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': ''}",,,,
|
||||
Ball,,Medium,Medium,Rocket,team-2338,L1,L1,High,N/A,Low Rocket,Yes,,Hatch,High Rocket,Strong,,,High,match-51,L3,Hab I
|
|
5
data analysis/dep/2019/matches/team-2358.csv
Normal file
5
data analysis/dep/2019/matches/team-2358.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,slow,,team-2358,L1,,2,0,0,,0,0,,0,,,,0,,0,0,0,,,L1,match-13,,,0
|
||||
,,,Neither,,,IDK,slow,,team-2358,None,None,,,,N/A,,,N/A,,Hab I,None,No,,Neither,,,,None,Weak,,match-27,N/A,None,
|
||||
,,,Hatch,,,Medium,Medium,,team-2358,None,None,,,,N/A,,,Low,,Hab I,None,No,,Neither,,,,Cargo,Weak,,match-35,N/A,L1,
|
||||
0,0,0,,0,0,,slow,,team-2358,L1,,1,0,0,,0,0,,0,,,,0,,0,0,1,,,None,match-9,,,0
|
|
4
data analysis/dep/2019/matches/team-2451.csv
Normal file
4
data analysis/dep/2019/matches/team-2451.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormCrossBonus,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,speed,hiRocketSuccessTeleop,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
,,,,,,,,"{'notes': '', 'contribution': 'Great', 'fillChoice': 'Cargo', 'strategy': 'ball in cargo ship ', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-2451', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-23', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II'}",,,,,,,,,,
|
||||
L2,Hatch,High Rocket,Mid,Strong,Yes,High,Hab II,,Small,Medium,High,"Cargo ship, then rocket hatch",match-35,Cargo,L1,team-2451,Ball,L2
|
||||
L1,Neither,Cargo,High,Equal,Yes,N/A,Hab I,,Medium,Ludicrous,N/A,,match-41,Cargo,None,team-2451,Ball,L1
|
|
4
data analysis/dep/2019/matches/team-2709.csv
Normal file
4
data analysis/dep/2019/matches/team-2709.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,jouGPhPF0qME5wNIbd86MzYFsGw2,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,TGTz9IhKPoQnv6CjEyHEJeqwhss1,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,,slow,,team-2709,None,,0,0,0,,0,0,,0,,,,0,,,0,0,0,,,None,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-2709', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-13', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",match-13,,,0
|
||||
,,,Neither,,,Small,,Medium,No mechanisms to do anything,team-2709,None,None,,,,N/A,,,N/A,,Hab II,"{'notes': 'potato', 'contribution': '', 'fillChoice': '', 'strategy': 'wasn’t even defensive, didn’t have a grabber . absolutely useless', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-2709', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-31', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",None,,Neither,Yes,,,,None,Weak,,,match-31,N/A,None,
|
||||
,,,,,,,"{'notes': 'tried hab 3 via ramp, failed', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2709', 'speed': '', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Idk', 'match': 'match-8', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
4
data analysis/dep/2019/matches/team-2725.csv
Normal file
4
data analysis/dep/2019/matches/team-2725.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,TGTz9IhKPoQnv6CjEyHEJeqwhss1,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'notes': 'they didn’t move from HAB 1 at all during this match', 'contribution': 'Weak', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-2725', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-12', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,
|
||||
,,Neither,,,,Medium,Medium,Defense,team-2725,None,None,,,,N/A,,,N/A,,,No,None,,Neither,,,,None,Weak,,,N/A,match-47,None,Hab I
|
||||
0,0,,0,0,0,,slow,,team-2725,None,,0,0,0,,0,0,,0,0,,,0,,0,0,0,,,None,,,match-8,,
|
|
4
data analysis/dep/2019/matches/team-2830.csv
Normal file
4
data analysis/dep/2019/matches/team-2830.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,,,,,,,"{'contribution': 'Equal', 'notes': 'Attempt at hab 3', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-2830', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'match': 'match-12', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
||||
,,Ball,,,"{'notes': '', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strategy': 'cargo balls in cargo ship ', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-2830', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-25', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II'}",IDK,,Medium,Cargo ship hatch/fill,team-2830,L2,L2,,,,N/A,,,,Mid,,,Yes,None,,Hatch,,,,Cargo,Strong,,N/A,match-25,L2,Hab II
|
||||
0,0,,0,0,,,0,Fast,,team-2830,L1,,0,1,0,,0,0,,,1,2,,,0,,0,0,0,,,L1,,match-3,,
|
|
4
data analysis/dep/2019/matches/team-3061.csv
Normal file
4
data analysis/dep/2019/matches/team-3061.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,TGTz9IhKPoQnv6CjEyHEJeqwhss1,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,1,0,,slow,,team-3061,None,,1,1,0,,0,0,,1,,,,0,,0,0,0,,,L1,,match-1,,,0
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': 'really good at defense', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-3061', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-16', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': '', 'endingHab': 'Hab 2', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,
|
||||
,,,Hatch,,,Small,slow,Hatches on bottom level,team-3061,L2,L2,,,,Mid,,,Mid,,Hab II,Cargo,Yes,,Hatch,,,,Cargo,Equal,,,match-54,N/A,L2,
|
|
3
data analysis/dep/2019/matches/team-3067.csv
Normal file
3
data analysis/dep/2019/matches/team-3067.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,Medium,team-3067,None,0,0,0,0,0,0,,0,0,0,0,None,match-10,0
|
||||
,,,,,,,,,,,,,,"{'notes': '', 'contribution': '', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-3067', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-28', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",,,,,,,
|
|
4
data analysis/dep/2019/matches/team-3110.csv
Normal file
4
data analysis/dep/2019/matches/team-3110.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,,slow,,team-3110,None,,0,0,0,,0,0,,0,,"{'contribution': '', 'notes': 'wasn’t on the field ', 'fillChoice': '', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-3110', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-15', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'startingHatch': '', 'lowRocketSuccessTeleop': ''}",,0,,,0,0,0,,,None,match-15,,,0
|
||||
,,,,,,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'the robot didn’t do anyrhing', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-3110', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-26', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,Neither,,,,IDK,slow,Limited movement,team-3110,None,None,,,,N/A,,,N/A,,Hab I,,None,,Neither,No,,,,None,Weak,,match-40,N/A,None,
|
|
7
data analysis/dep/2019/matches/team-3488.csv
Normal file
7
data analysis/dep/2019/matches/team-3488.csv
Normal file
@@ -0,0 +1,7 @@
|
||||
strongMediumTeleop,jouGPhPF0qME5wNIbd86MzYFsGw2,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,cargoSuccessTeleop,fillChoice,functional,9fv7QhcLPsfU59sRrPq7LcJlD8J3,strongMedium,fillChoiceTeleop,contrubution,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,"{'contribution': 'Equal', 'notes': 'sucks at hatches, fast robot with slow driver', 'cargoSuccess': '', 'fillChoice': '', 'cargoSuccessTeleop': 'High', 'strongMedium': '', 'teamDBRef': 'team-3488', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'size': 'Medium', 'match': 'match-1', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'startingHatch': 'None', 'lowRocketSuccessTeleop': '', 'hiRocketSuccess': 'N/A'}",,,,,,,
|
||||
,"{'contribution': 'Weak', 'notes': '', 'fillChoice': '', 'strategy': 'quick at reloading from drive station ', 'strongMedium': '', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-3488', 'hiRocketSuccessTeleop': '', 'speed': '', 'match': 'match-15', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Both', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,
|
||||
Both,,IDK,,Ludicrous,,team-3488,L1,L1,N/A,Mid,Cargo,No,,Hatch,Cargo,Equal,N/A,match-24,L1,Hab I
|
||||
,,,,,,,,,,,,,"{'notes': '', 'contribution': '', 'fillChoice': 'None', 'strategy': 'have auto drive to fill zone, quickly load cargo', 'strongMedium': '', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-3488', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-28', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,
|
||||
Ball,,Medium,,Medium,Ship,team-3488,L1,L1,N/A,Mid,Cargo,Yes,,Ball,Cargo,Equal,N/A,match-37,L1,Hab I
|
||||
,,,"{'notes': '', 'contribution': 'Great', 'fillChoice': 'Cargo', 'strategy': 'fill cargo shuo', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-3488', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'match': 'match-45', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
|
4
data analysis/dep/2019/matches/team-3695.csv
Normal file
4
data analysis/dep/2019/matches/team-3695.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,2,0,,0,0,,slow,,team-3695,L1,,1,3,0,,0,0,"{'contribution': 'Great', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'attempted hab 3', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-3695', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'High', 'size': 'Medium', 'match': 'match-14', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': 'High'}",,0,,,,0,,0,0,0,,,L1,match-14,,,2
|
||||
"{'contribution': '', 'notes': '', 'fillChoice': 'Cargo', 'strategy': '', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-3695', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-26', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Both', 'endingHab': '', 'functional': 'Yes', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}",,,,Ball,,,Jumbo,Fast,Fill cargo ship,team-3695,L2,L2,,,,N/A,,,,High,,Hab II,Cargo,Yes,,Hatch,,,,Cargo,Strong,,match-26,N/A,L3,
|
||||
,0,3,0,,0,0,,slow,,team-3695,L1,,0,3,0,,0,0,,,0,,,,0,,0,0,0,,,L1,match-5,,,0
|
|
5
data analysis/dep/2019/matches/team-3734.csv
Normal file
5
data analysis/dep/2019/matches/team-3734.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,,0,0,,slow,,team-3734,L1,,0,0,0,,0,0,,0,,,,1,,,0,0,0,,,L1,match-19,,,3
|
||||
,,,,Ball,,,Medium,Medium,Cargo ship cargo,team-3734,L1,L1,,,,N/A,,,Mid,,Hab I,"{'notes': 'awesome autonomous, ball into cargo. slow mechanics with high accuracy', 'contribution': '', 'fillChoice': 'Cargo', 'strategy': 'Defensive, yet still placed balls in cargo ', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-3734', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-29', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",Cargo,,Ball,Yes,,,,Cargo,Strong,,match-29,N/A,L1,
|
||||
,,,,Ball,,,IDK,Medium,,team-3734,L1,L1,,,,N/A,,,Mid,,Hab I,,Cargo,,Ball,Yes,,,,Cargo,IDK,,match-36,N/A,L1,
|
||||
"{'notes': '', 'contribution': '', 'fillChoice': 'Cargo', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Ball', 'teamDBRef': 'team-3734', 'hiRocketSuccessTeleop': 'N/A', 'speed': 'Medium', 'size': 'Medium', 'match': 'match-5', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'N/A'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
6
data analysis/dep/2019/matches/team-4096.csv
Normal file
6
data analysis/dep/2019/matches/team-4096.csv
Normal file
@@ -0,0 +1,6 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,9fv7QhcLPsfU59sRrPq7LcJlD8J3,functional,fillChoice,strongMedium,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,TGTz9IhKPoQnv6CjEyHEJeqwhss1,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'notes': '', 'contribution': '', 'fillChoice': 'None', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-4096', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-17', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,
|
||||
,,,,,,,,,,,,,,,,,,,,,"{'notes': 'versatile, accurate. of course we want them.', 'contribution': 'Great', 'fillChoice': 'Cargo', 'strategy': 'place hatches on the cargo, balls in rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-4096', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': '', 'match': 'match-30', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",,,,,,,,,,,,,,,
|
||||
,,Ball,,,,Large,Fast,"Ship, L3 climb via deployed ranp",team-4096,L1,L1,,,,N/A,,,High,,,,Yes,None,Neither,,,,,Cargo,Strong,,,N/A,match-39,L3,Hab I
|
||||
0,0,,0,1,0,,Fast,,team-4096,L1,,1,1,0,,0,0,,0,2,,,,,0,0,0,0,,,L1,,,match-4,,
|
||||
,,Neither,,,,Medium,Fast,,team-4096,L1,L1,,,,N/A,,,Low,,,,No,Cargo,Neither,,,,,Cargo,Weak,,,N/A,match-46,None,Hab I
|
|
4
data analysis/dep/2019/matches/team-4156.csv
Normal file
4
data analysis/dep/2019/matches/team-4156.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,9fv7QhcLPsfU59sRrPq7LcJlD8J3,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,functional,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,Ludicrous,,team-4156,L1,,0,1,0,,0,0,,,0,,"{'contribution': 'Equal', 'notes': 'awkward grabber', 'fillChoice': '', 'strategy': 'place balls in cargo, solely offensive', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-4156', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'match': 'match-16', 'size': '', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': '', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': ''}",,0,,,0,0,0,,,L1,match-16,,,3
|
||||
,,,Ball,,,Large,slow,,team-4156,L2,L2,,,,N/A,,,"{'notes': 'super cool hab 3 climbing', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-4156', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-28', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 3', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",Low,,Hab II,,Cargo,,Neither,Yes,,,,Cargo,Equal,,match-28,N/A,L3,
|
||||
0,0,0,,0,0,,slow,,team-4156,L1,,0,3,0,,0,0,,,0,,,,0,,,0,0,0,,,None,match-5,,,0
|
|
3
data analysis/dep/2019/matches/team-4292.csv
Normal file
3
data analysis/dep/2019/matches/team-4292.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
nTG6cThsi9TB9mTkcwuo5bKEo9B3,9fv7QhcLPsfU59sRrPq7LcJlD8J3
|
||||
"{'contribution': 'Weak', 'notes': 'did not put hatch on in storm', 'fillChoice': '', 'strategy': 'no great strategy. hatch for cargo ship once but was not efficient. then switched to pinning but wasn’t great eirher', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-4292', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-22', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}",
|
||||
,"{'contribution': '', 'notes': 'potato ', 'fillChoice': '', 'cargoSuccess': '', 'cargoSuccessTeleop': '', 'strongMedium': '', 'teamDBRef': 'team-4292', 'hiRocketSuccessTeleop': '', 'speed': '', 'lowRocketSuccess': '', 'match': 'match-3', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': '', 'hiRocketSuccess': ''}"
|
|
2
data analysis/dep/2019/matches/team-4296.csv
Normal file
2
data analysis/dep/2019/matches/team-4296.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2
|
||||
"{'contribution': 'Equal', 'notes': 'slow cycle time', 'fillChoice': '', 'strategy': 'fill cargo w balls (speed doesn’t matter)', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Neither', 'teamDBRef': 'team-4296', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-16', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': '', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'N/A'}"
|
|
6
data analysis/dep/2019/matches/team-4645.csv
Normal file
6
data analysis/dep/2019/matches/team-4645.csv
Normal file
@@ -0,0 +1,6 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,strongMediumTeleop,nTG6cThsi9TB9mTkcwuo5bKEo9B3,jouGPhPF0qME5wNIbd86MzYFsGw2,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,lowRocketSuccessTeleop,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,functional,fillChoice,strongMedium,fillChoiceTeleop,contrubution,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
"{'notes': 'dud, malfunction', 'contribution': 'Weak', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-4645', 'speed': '', 'hiRocketSuccessTeleop': '', 'match': 'match-18', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",,,,,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,"{'contribution': 'Weak', 'notes': '', 'fillChoice': '', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': 'Neither', 'teamDBRef': 'team-4645', 'hiRocketSuccessTeleop': '', 'speed': 'Slow', 'match': 'match-26', 'size': 'Medium', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'None', 'functional': 'No', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,
|
||||
,,"{'contribution': 'Weak', 'notes': '', 'fillChoice': '', 'strategy': 'tried to pin opponent i think.', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-4645', 'hiRocketSuccessTeleop': '', 'speed': 'Slow', 'match': 'match-34', 'size': 'Medium', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,
|
||||
,,,"{'notes': '', 'contribution': '', 'fillChoice': '', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'N/A', 'teamDBRef': 'team-4645', 'speed': 'idk', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-4', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'No', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,
|
||||
,Neither,,,IDK,slow,Defense,team-4645,None,None,N/A,,N/A,No,None,Neither,None,IDK,N/A,match-45,L1,Hab I
|
|
7
data analysis/dep/2019/matches/team-4702.csv
Normal file
7
data analysis/dep/2019/matches/team-4702.csv
Normal file
@@ -0,0 +1,7 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,jouGPhPF0qME5wNIbd86MzYFsGw2,size,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,1,0,,,,Medium,,team-4702,L1,,1,2,0,,0,0,,,0,,,,0,,0,0,0,,,L1,match-12,,,0
|
||||
,,,,,,"{'notes': 'tried to let another robot climb to have 3', 'contribution': 'Weak', 'cargoSuccess': 'Low', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-4702', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'size': 'Large', 'match': 'match-2', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'Hab I', 'hiRocketSuccess': 'N/A'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,Hatch,,,,Small,,Fast,,team-4702,L1,L1,,,,N/A,,,,Low,,Hab I,Cargo,No,,Neither,,,,Cargo,Weak,,match-26,N/A,L1,
|
||||
,,,,,,,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': 'has a ramp to hab 3 for another team to climb on', 'fillChoice': '', 'strategy': '', 'cargoSuccessTeleop': 'Low', 'strongMedium': '', 'teamDBRef': 'team-4702', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-31', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': '', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,
|
||||
,,,Hatch,,,,Large,,slow,,team-4702,L1,L1,,,,N/A,,,,Low,,Hab I,None,No,,Neither,,,,Cargo,Equal,,match-40,N/A,L3,
|
||||
,,,,,,,,"{'contribution': 'Weak', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'hatch on cargi', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-4702', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-48', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
|
2
data analysis/dep/2019/matches/team-4748.csv
Normal file
2
data analysis/dep/2019/matches/team-4748.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
sandstormCrossBonus,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,size,speed,hiRocketSuccessTeleop,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
L2,Neither,None,N/A,IDK,No,N/A,Hab II,IDK,Medium,N/A,Blocking/raming,match-24,None,None,team-4748,Neither,L2
|
|
4
data analysis/dep/2019/matches/team-4787.csv
Normal file
4
data analysis/dep/2019/matches/team-4787.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
nTG6cThsi9TB9mTkcwuo5bKEo9B3
|
||||
"{'notes': '', 'contribution': 'Equal', 'fillChoice': '', 'strategy': 'pinned and prevented opponent from moving freely and scoring ', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-4787', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-24', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'None', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}"
|
||||
"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'pin opponent but just ran around most of the time', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-4787', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-33', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}"
|
||||
"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'robot doesn’t work', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-4787', 'speed': '', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-56', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 2', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II'}"
|
|
5
data analysis/dep/2019/matches/team-48.csv
Normal file
5
data analysis/dep/2019/matches/team-48.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,jouGPhPF0qME5wNIbd86MzYFsGw2,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,,Medium,team-48,L2,0,1,0,1,1,1,,0,0,0,0,L1,match-17,0
|
||||
,,,,,"{'contribution': 'Great', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'good jab climber and hatch placer ', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-48', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'match': 'match-22', 'size': 'Small', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 3', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,,,,,"{'contribution': '', 'notes': 'this team is really good, really strong with balls, fast, and has a ramp system to get up to hab 3 ', 'fillChoice': 'Cargo', 'strategy': '', 'cargoSuccessTeleop': '', 'strongMedium': 'Ball', 'teamDBRef': 'team-48', 'hiRocketSuccessTeleop': '', 'speed': 'Fast', 'match': 'match-31', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Yes', 'startingHatch': 'idk', 'lowRocketSuccessTeleop': ''}",,,,,,,
|
||||
0,0,0,0,0,"{'notes': '', 'contribution': 'Great', 'fillChoice': 'Cargo', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-48', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Large', 'match': 'match-9', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}",Fast,team-48,None,0,0,0,0,0,1,,0,0,0,0,L1,match-9,1
|
|
5
data analysis/dep/2019/matches/team-5125.csv
Normal file
5
data analysis/dep/2019/matches/team-5125.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,9fv7QhcLPsfU59sRrPq7LcJlD8J3,functional,fillChoice,strongMedium,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,,,,,,,,,,,,,,,,,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'defensive / offensive bad driver', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-5125', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-17', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,,,,,,,,,,,"{'contribution': '', 'notes': 'had an autonomous period, went fast but ran into something and couldn’t place a hatch', 'fillChoice': 'Cargo', 'strategy': 'fill low ball in cargo, offensive. ', 'cargoSuccessTeleop': '', 'strongMedium': 'Ball', 'teamDBRef': 'team-5125', 'hiRocketSuccessTeleop': '', 'speed': '', 'match': 'match-27', 'size': '', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 2', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': ''}",,,,,,,,,,,,,,
|
||||
,,Ball,,,,IDK,slow,"Cargo, but under heavy defense",team-5125,L2,L2,,,,Low,,,N/A,,,,No,None,Neither,,,,,Low Rocket,IDK,,N/A,match-34,None,Hab II
|
||||
0,0,,0,0,0,,Medium,,team-5125,None,,0,0,0,,0,0,,0,1,,,,,0,0,0,0,,,L1,,match-7,,
|
|
3
data analysis/dep/2019/matches/team-5148.csv
Normal file
3
data analysis/dep/2019/matches/team-5148.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,9fv7QhcLPsfU59sRrPq7LcJlD8J3,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,Medium,team-5148,L1,0,0,0,0,0,0,,0,0,0,1,L1,match-10,2
|
||||
,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': 'giant, cumbersome grabber ', 'fillChoice': 'Low Rocket', 'strategy': 'somewhat defensive, concentrate on cargo balls', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-5148', 'hiRocketSuccessTeleop': '', 'speed': '', 'match': 'match-33', 'size': 'Jumbo', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,
|
|
4
data analysis/dep/2019/matches/team-5350.csv
Normal file
4
data analysis/dep/2019/matches/team-5350.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,sandstormCargoShipHatchSuccess,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
,,,,"{'notes': 'unable to move can only pivot', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'did nothing ', 'cargoSuccessTeleop': '', 'strongMedium': 'Neither', 'teamDBRef': 'team-5350', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-17', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'No', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,,,,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': '', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-5350', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-29', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,
|
||||
0,0,0,0,,0,slow,team-5350,None,0,0,0,0,0,,0,0,0,0,0,None,match-8,0
|
|
5
data analysis/dep/2019/matches/team-5822.csv
Normal file
5
data analysis/dep/2019/matches/team-5822.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
gmkR7hN4D1fQguey5X5V48d3PhO2,sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,nTG6cThsi9TB9mTkcwuo5bKEo9B3,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
,0,0,0,0,0,,Fast,team-5822,L2,0,4,0,1,1,0,0,0,0,0,L1,match-10,0
|
||||
,0,0,1,0,0,,slow,team-5822,L2,1,3,0,1,1,0,0,0,0,0,L1,match-20,0
|
||||
"{'notes': '', 'contribution': '', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Mid', 'teamDBRef': 'team-5822', 'speed': '', 'hiRocketSuccessTeleop': 'High', 'size': 'Medium', 'match': 'match-36', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': '', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'Hab II'}",,,,,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': 'placed hatch on rocket', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-5822', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'size': 'Jumbo', 'match': 'match-36', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'High', 'startingHatch': 'idk'}",,,,,,,,,,,,,,,,
|
||||
,0,0,0,0,0,,slow,team-5822,L2,1,2,0,1,1,0,0,0,0,0,L1,match-6,0
|
|
5
data analysis/dep/2019/matches/team-5847.csv
Normal file
5
data analysis/dep/2019/matches/team-5847.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,slow,,team-5847,L2,,1,1,0,,0,0,,1,,,,,0,,0,0,0,,,L1,match-18,,,0
|
||||
,,,Neither,,,Medium,slow,Defense,team-5847,L2,L2,,,,N/A,,,Low,,Hab II,"{'notes': '', 'contribution': '', 'fillChoice': 'Low Rocket', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'N/A', 'teamDBRef': 'team-5847', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-30', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab II'}",None,Yes,,Neither,,,,None,Equal,,match-30,N/A,L3,
|
||||
,,,,,,,,,,,,,,,,,,,,,"{'contribution': 'Equal', 'notes': '', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-5847', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'match': 'match-36', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,
|
||||
0,0,0,,0,0,,Fast,,team-5847,L2,,3,0,0,,0,0,,1,,,,,0,,0,0,0,,,L3,match-8,,,0
|
|
4
data analysis/dep/2019/matches/team-5934.csv
Normal file
4
data analysis/dep/2019/matches/team-5934.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,"{'contribution': 'Equal', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'hatch panels ', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Ball', 'teamDBRef': 'team-5934', 'hiRocketSuccessTeleop': '', 'speed': 'Fast', 'match': 'match-31', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,Both,,,,Large,,Fast,,team-5934,L1,L1,,,,N/A,,,Mid,,,Yes,Cargo,,Ball,,,,Cargo,Equal,,N/A,match-37,None,Hab I
|
||||
0,0,,0,0,,,0,Ludicrous,,team-5934,L1,,2,0,0,,0,0,,0,5,,,1,,0,0,0,,,L1,,match-6,,
|
|
2
data analysis/dep/2019/matches/team-6651.csv
Normal file
2
data analysis/dep/2019/matches/team-6651.csv
Normal file
@@ -0,0 +1,2 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,sandstormCargoShipHatchSuccess,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,Medium,team-6651,L1,0,0,0,0,0,"{'notes': '', 'contribution': '', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-6651', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-17', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Sorta', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",0,0,0,0,1,L1,match-17,0
|
|
4
data analysis/dep/2019/matches/team-6823.csv
Normal file
4
data analysis/dep/2019/matches/team-6823.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,strongMediumTeleop,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,jouGPhPF0qME5wNIbd86MzYFsGw2,size,sandstormRocketCargoSuccess,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,mf0oyBolLjZgC9wALSwSb6IvE0T2,teleOpCargoShipCargoSuccess,functional,fillChoice,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,hiRocketSuccessTeleop,match,endingHab,startingHatch
|
||||
,,,,,"{'contribution': 'Weak', 'notes': 'never moved', 'fillChoice': '', 'strategy': 'never moved', 'cargoSuccessTeleop': '', 'strongMedium': 'Neither', 'teamDBRef': 'team-6823', 'hiRocketSuccessTeleop': '', 'speed': '', 'match': 'match-13', 'size': 'Large', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'None', 'functional': 'No', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': ''}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,Ball,,,,Large,,Medium,,team-6823,L1,L1,,,,N/A,,,High,,"{'notes': '', 'contribution': 'Equal', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-6823', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'Low', 'size': 'Large', 'match': 'match-30', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'Hab II'}",,Sorta,Cargo,,Neither,,,,Cargo,Equal,,N/A,match-30,L1,Hab I
|
||||
0,0,,0,0,,,0,Fast,,team-6823,None,,2,0,0,,0,0,,0,,0,,,0,,0,0,0,,,L1,,match-9,,
|
|
5
data analysis/dep/2019/matches/team-6906.csv
Normal file
5
data analysis/dep/2019/matches/team-6906.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,sandstormRocketCargoSuccess,jouGPhPF0qME5wNIbd86MzYFsGw2,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,9fv7QhcLPsfU59sRrPq7LcJlD8J3,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,"{'notes': '', 'contribution': 'Weak', 'fillChoice': '', 'strategy': 'did not do anything ', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-6906', 'speed': 'Slow', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Jumbo', 'match': 'match-12', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",0,,,slow,,team-6906,L1,,0,0,0,,0,0,,0,,,,0,,,0,0,0,,,L1,match-12,,,0
|
||||
,,,,,,,"{'notes': 'plays defense', 'contribution': 'Equal', 'fillChoice': 'None', 'strategy': 'very strong defensive robot also had limited capability to attach hatch panels', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-6906', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Jumbo', 'match': 'match-29', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,,,,,,,,,,,,,
|
||||
,,,Neither,,,,,Medium,slow,Defense,team-6906,L1,L1,,,,N/A,,,N/A,,Hab I,None,Yes,,Neither,,,,,None,Weak,,match-53,N/A,L1,
|
||||
,,,,,,,,,,,,,,,,,,,,,,,,,,,"{'contribution': 'Weak', 'notes': 'defensive but miserably slow', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-6906', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'match': 'match-7', 'size': '', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': 'Neither', 'endingHab': 'None', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'Low', 'startingHatch': 'None'}",,,,,,,,,,
|
|
4
data analysis/dep/2019/matches/team-6968.csv
Normal file
4
data analysis/dep/2019/matches/team-6968.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,9fv7QhcLPsfU59sRrPq7LcJlD8J3,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
0,0,0,0,0,slow,team-6968,L1,0,1,0,0,0,1,,0,0,0,0,None,match-11,0
|
||||
,,,,,,,,,,,,,,"{'contribution': 'Equal', 'notes': 'weak auto, yet filled a lot of hatches offensively on Teleop on the rocket', 'fillChoice': 'Cargo', 'strategy': 'fill all hatches on rocket', 'cargoSuccessTeleop': '', 'strongMedium': 'Hatch', 'teamDBRef': 'team-6968', 'hiRocketSuccessTeleop': 'Mid', 'speed': '', 'match': 'match-32', 'size': '', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'No', 'startingHatch': '', 'lowRocketSuccessTeleop': 'Mid'}",,,,,,,
|
||||
0,0,0,0,0,Medium,team-6968,L1,0,0,0,1,1,0,,0,0,0,1,L1,match-4,0
|
|
5
data analysis/dep/2019/matches/team-7237.csv
Normal file
5
data analysis/dep/2019/matches/team-7237.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
nTG6cThsi9TB9mTkcwuo5bKEo9B3,gmkR7hN4D1fQguey5X5V48d3PhO2,jouGPhPF0qME5wNIbd86MzYFsGw2
|
||||
"{'notes': 'hatch was not stuck on during storm ', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strategy': 'place ball into cargo ship', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7237', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Small', 'match': 'match-14', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,
|
||||
,,"{'notes': '', 'contribution': 'Weak', 'fillChoice': 'Cargo', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7237', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-18', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Both', 'endingHab': '', 'functional': 'Sorta', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}"
|
||||
"{'notes': '', 'contribution': 'Great', 'fillChoice': '', 'strategy': 'hatch and ball in cargo ship', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'High', 'teamDBRef': 'team-7237', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-28', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}","{'contribution': 'Great', 'notes': '', 'fillChoice': 'Cargo', 'strategy': 'hatches, slow and steady', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Hatch', 'teamDBRef': 'team-7237', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-28', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Sorta', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'High'}",
|
||||
,,"{'notes': 'collected 1 ball and couldn’t do anything with it', 'contribution': '', 'fillChoice': 'Cargo', 'strongMedium': 'Ball', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7237', 'speed': 'Slow', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-7', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'Yes', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'Hab I'}"
|
|
4
data analysis/dep/2019/matches/team-7560.csv
Normal file
4
data analysis/dep/2019/matches/team-7560.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
sandstormCrossBonus,gmkR7hN4D1fQguey5X5V48d3PhO2,strongMediumTeleop,fillChoiceTeleop,cargoSuccessTeleop,contrubution,functional,lowRocketSuccessTeleop,startingHatch,nTG6cThsi9TB9mTkcwuo5bKEo9B3,size,speed,hiRocketSuccessTeleop,strategy,match,fillChoice,endingHab,teamDBRef,strongMedium,sandstormCross
|
||||
,"{'notes': 'dud bot can’t complete objectives ', 'contribution': '', 'fillChoice': '', 'strategy': 'defense only', 'strongMedium': 'Neither', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-7560', 'speed': 'Fast', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-17', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'None', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,"{'notes': 'i think it got stuck on the habitat ', 'contribution': 'Weak', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-7560', 'speed': '', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-27', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': 'Hab 2', 'functional': 'Sorta', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II'}",,,,,,,,,,
|
||||
None,,Neither,None,N/A,Weak,Yes,N/A,Hab I,,IDK,slow,N/A,None,match-50,None,None,team-7560,Neither,None
|
|
4
data analysis/dep/2019/matches/team-7608.csv
Normal file
4
data analysis/dep/2019/matches/team-7608.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
nTG6cThsi9TB9mTkcwuo5bKEo9B3,9fv7QhcLPsfU59sRrPq7LcJlD8J3
|
||||
,"{'notes': 'potato', 'contribution': '', 'cargoSuccess': '', 'fillChoice': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-7608', 'speed': '', 'hiRocketSuccessTeleop': '', 'lowRocketSuccess': '', 'match': 'match-2', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'lowRocketSuccessTeleop': '', 'startingHatch': '', 'hiRocketSuccess': ''}"
|
||||
,"{'contribution': 'Weak', 'notes': 'miserably slow', 'fillChoice': '', 'strategy': 'try to place hatches', 'cargoSuccessTeleop': 'Low', 'strongMedium': 'Hatch', 'teamDBRef': 'team-7608', 'speed': 'Slow', 'hiRocketSuccessTeleop': 'N/A', 'size': 'Medium', 'match': 'match-35', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'No', 'startingHatch': '', 'lowRocketSuccessTeleop': 'Low'}"
|
||||
"{'contribution': 'Weak', 'notes': '', 'fillChoice': '', 'strategy': 'pinning opponent', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7608', 'hiRocketSuccessTeleop': '', 'speed': 'Medium', 'match': 'match-47', 'size': 'Small', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'No', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",
|
|
3
data analysis/dep/2019/matches/team-7609.csv
Normal file
3
data analysis/dep/2019/matches/team-7609.csv
Normal file
@@ -0,0 +1,3 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,strongMediumTeleop,teleOpCargoShipHatchFailure,sandstormRocketCargoSuccess,size,speed,strategy,teamDBRef,sandstormCross,sandstormCrossBonus,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,lowRocketSuccessTeleop,teleOpRocketHatchFailure,teleOpRocketCargoFailure,klQQqapPjwO3jnpN8Dieequh3OI3,cargoSuccessTeleop,sandstormCargoShipHatchSuccess,startingHatch,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,fillChoice,functional,sandstormCargoShipCargoSuccess,strongMedium,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,fillChoiceTeleop,contrubution,HABClimb,match,hiRocketSuccessTeleop,endingHab,teleOpCargoShipCargoSuccess
|
||||
0,0,0,,0,0,,slow,,team-7609,L1,,0,0,0,,0,0,"{'notes': '', 'contribution': 'Weak', 'fillChoice': 'None', 'strategy': 'resorted to defense after couldn’t collect hatches', 'strongMedium': 'Neither', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-7609', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-13', 'fillChoiceTeleop': 'Low Rocket', 'strongMediumTeleop': '', 'endingHab': 'Hab 1', 'functional': '', 'lowRocketSuccessTeleop': 'N/A', 'startingHatch': 'idk'}",,0,,,,,0,,0,0,0,,,L1,match-13,,,0
|
||||
,,,Neither,,,IDK,Fast,Defense,team-7609,L1,L1,,,,N/A,,,,N/A,,Hab I,"{'contribution': '', 'notes': 'literally useless just drove around trying to defend I think ', 'fillChoice': '', 'strategy': '', 'strongMedium': '', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-7609', 'speed': 'Medium', 'hiRocketSuccessTeleop': '', 'match': 'match-33', 'size': '', 'fillChoiceTeleop': '', 'strongMediumTeleop': '', 'endingHab': '', 'functional': '', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab I'}",None,Yes,,Neither,,,,None,Weak,,match-33,N/A,L1,
|
|
4
data analysis/dep/2019/matches/team-7738.csv
Normal file
4
data analysis/dep/2019/matches/team-7738.csv
Normal file
@@ -0,0 +1,4 @@
|
||||
klQQqapPjwO3jnpN8Dieequh3OI3,jouGPhPF0qME5wNIbd86MzYFsGw2,9fv7QhcLPsfU59sRrPq7LcJlD8J3,gmkR7hN4D1fQguey5X5V48d3PhO2
|
||||
,,"{'contribution': 'Equal', 'notes': 'sort of slow, yet was able to land cargo balls', 'fillChoice': '', 'strategy': 'capture low-height low distance ', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Neither', 'teamDBRef': 'team-7738', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Small', 'match': 'match-26', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': '', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': 'Low'}",
|
||||
"{'notes': '', 'contribution': 'Equal', 'fillChoice': '', 'strategy': '', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7738', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'match': 'match-30', 'size': 'Medium', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'Hab 1', 'functional': 'No', 'lowRocketSuccessTeleop': 'Mid', 'startingHatch': 'Hab I'}",,,
|
||||
,"{'contribution': '', 'notes': '', 'fillChoice': '', 'strongMedium': 'Neither', 'cargoSuccessTeleop': 'Low', 'teamDBRef': 'team-7738', 'hiRocketSuccessTeleop': '', 'speed': 'Medium', 'match': 'match-6', 'size': 'Large', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': 'None', 'functional': 'Sorta', 'lowRocketSuccessTeleop': '', 'startingHatch': 'Hab II'}",,"{'contribution': '', 'notes': 'dc’ed in the middle', 'fillChoice': '', 'cargoSuccessTeleop': 'Mid', 'strongMedium': 'Neither', 'teamDBRef': 'team-7738', 'speed': 'Slow', 'hiRocketSuccessTeleop': '', 'size': 'Medium', 'match': 'match-6', 'fillChoiceTeleop': 'Cargo', 'strongMediumTeleop': 'Ball', 'endingHab': '', 'functional': 'idk', 'startingHatch': 'Hab II', 'lowRocketSuccessTeleop': ''}"
|
|
5
data analysis/dep/2019/matches/team-930.csv
Normal file
5
data analysis/dep/2019/matches/team-930.csv
Normal file
@@ -0,0 +1,5 @@
|
||||
sandstormRocketCargoFailure,teleOpRocketCargoSuccess,sandstormRocketHatchSuccess,teleOpCargoShipHatchFailure,nTG6cThsi9TB9mTkcwuo5bKEo9B3,sandstormRocketCargoSuccess,speed,teamDBRef,sandstormCross,teleOpCargoShipHatchSuccess,teleOpRocketHatchSuccess,sandstormCargoShipCargoFailure,teleOpRocketHatchFailure,teleOpRocketCargoFailure,sandstormCargoShipHatchSuccess,e0Q3j2NrXuYvSrgZ5UZQ89UMvXY2,sandstormCargoShipCargoSuccess,teleOpCargoShipCargoFailure,sandstormRocketHatchFailure,sandstormCargoShipHatchFailure,HABClimb,match,teleOpCargoShipCargoSuccess
|
||||
,,,,"{'contribution': 'Great', 'notes': 'hatch did not stick on during storm', 'fillChoice': 'Low Rocket', 'strategy': 'focused on getting hatch and cargo on the rocket', 'cargoSuccessTeleop': '', 'strongMedium': 'Hatch', 'teamDBRef': 'team-930', 'speed': 'Fast', 'hiRocketSuccessTeleop': 'High', 'size': 'Large', 'match': 'match-13', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Both', 'endingHab': 'None', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'High'}",,,,,,,,,,,,,,,,,,
|
||||
,,,,,,,,,,,,,,,"{'contribution': 'Equal', 'notes': 'the hatch mechanism is good it can get the high rocket hatch easily', 'fillChoice': 'High Rocket', 'strategy': '', 'strongMedium': 'Hatch', 'cargoSuccessTeleop': '', 'teamDBRef': 'team-930', 'speed': 'Medium', 'hiRocketSuccessTeleop': 'High', 'match': 'match-32', 'size': 'Large', 'fillChoiceTeleop': 'High Rocket', 'strongMediumTeleop': 'Hatch', 'endingHab': '', 'functional': 'Yes', 'lowRocketSuccessTeleop': '', 'startingHatch': 'idk'}",,,,,,,
|
||||
,,,,"{'contribution': 'Great', 'notes': '', 'fillChoice': 'Low Rocket', 'strategy': 'hatch and ball in rocket. very successful in these areas. then ball in cargo ships', 'cargoSuccessTeleop': 'High', 'strongMedium': 'Hatch', 'teamDBRef': 'team-930', 'hiRocketSuccessTeleop': 'High', 'speed': 'Fast', 'match': 'match-46', 'size': 'Large', 'fillChoiceTeleop': '', 'strongMediumTeleop': 'Hatch', 'endingHab': 'Hab 1', 'functional': 'Yes', 'startingHatch': 'Hab I', 'lowRocketSuccessTeleop': 'High'}",,,,,,,,,,,,,,,,,,
|
||||
0,2,0,0,,0,slow,team-930,L1,0,5,0,1,1,1,,0,0,0,0,None,match-7,0
|
|
Reference in New Issue
Block a user