code
stringlengths 501
5.19M
| package
stringlengths 2
81
| path
stringlengths 9
304
| filename
stringlengths 4
145
|
---|---|---|---|
from __future__ import absolute_import, division, print_function
# This breaks np.pad
# from __future__ import unicode_literals
from future import standard_library
standard_library.install_aliases()
from .discretization import BaseDiscretization, DiscretizationWrapper
import copy
import numpy as np
import scipy.sparse
import scipy.sparse.linalg
from functools import reduce
try:
from multiprocessing import Pool
except ImportError:
PARALLEL = False
else:
PARALLEL = True
PARTASK_TIMEOUT = 60
class MiniZephyr(BaseDiscretization):
'''
Implements 2D (visco)acoustic frequency-domain wave physics, with
some accommodations for 2.5D wave modelling.
'''
initMap = {
# Argument Required Rename as ... Store as type
'nPML': (False, '_nPML', np.int64),
'ky': (False, '_ky', np.float64),
'mord': (False, '_mord', tuple),
}
def _initHelmholtzNinePoint(self):
'''
An attempt to reproduce the finite-difference stencil and the
general behaviour of OMEGA by Pratt et al. The stencil is a 9-point
second-order version based on work by a number of people in the mid-90s
including Ivan Stekl. The boundary conditions are based on the PML
implementation by Steve Roecker in fdfdpml.f.
Returns:
a sparse system matrix
'''
nx = self.nx
nz = self.nz
dims = (nz, nx)
nrows = nx*nz
c = self.c.reshape(dims)
rho = self.rho.reshape(dims)
nf, ns = self.mord
# fast --> slow is x --> y --> z as Fortran
# Set up physical properties in matrices with padding
omega = 2*np.pi * self.freq
omegaDamped = omega - self.dampCoeff
def pad(arr):
return np.pad(arr, 1, 'edge')
cPad = pad(c.real) + 1j * pad(c.imag)
rhoPad = pad(rho)
aky = 2*np.pi * self.ky
# Horizontal, vertical and diagonal geometry terms
dx = self.dx
dz = self.dz
freeSurf = self.freeSurf
dxx = dx**2
dzz = dz**2
dxz = (dxx+dzz)/2
dd = np.sqrt(dxz)
iom = 1j * omegaDamped
# PML decay terms
# NB: Arrays are padded later, but 'c' in these lines
# comes from the original (un-padded) version
nPML = self.nPML
pmldx = dx*(nPML - 1)
pmldz = dz*(nPML - 1)
pmlr = 1e-3
pmlfx = 3.0 * np.log(1/pmlr)/(2*pmldx**3)
pmlfz = 3.0 * np.log(1/pmlr)/(2*pmldz**3)
dpmlx = np.zeros(dims, dtype=np.complex128)
dpmlz = np.zeros(dims, dtype=np.complex128)
isnx = np.zeros(dims, dtype=np.float64)
isnz = np.zeros(dims, dtype=np.float64)
# Only enable PML if the free surface isn't set
if not freeSurf[2]:
isnz[-nPML:,:] = -1 # Top
if not freeSurf[1]:
isnx[:,-nPML:] = -1 # Right Side
if not freeSurf[0]:
isnz[:nPML,:] = 1 # Bottom
if not freeSurf[3]:
isnx[:,:nPML] = 1 # Left side
dpmlx[:,:nPML] = (np.arange(nPML, 0, -1)*dx).reshape((1,nPML))
dpmlx[:,-nPML:] = (np.arange(1, nPML+1, 1)*dx).reshape((1,nPML))
dnx = pmlfx*c*dpmlx**2
ddnx = 2*pmlfx*c*dpmlx
denx = dnx + iom
r1x = iom / denx
r1xsq = r1x**2
r2x = isnx*r1xsq*ddnx/denx
dpmlz[:nPML,:] = (np.arange(nPML, 0, -1)*dz).reshape((nPML,1))
dpmlz[-nPML:,:] = (np.arange(1, nPML+1, 1)*dz).reshape((nPML,1))
dnz = pmlfz*c*dpmlz**2
ddnz = 2*pmlfz*c*dpmlz
denz = dnz + iom
r1z = iom / denz
r1zsq = r1z**2
r2z = isnz*r1zsq*ddnz/denz
# Visual key for finite-difference terms
# (per Pratt and Worthington, 1990)
#
# This Original
# AF FF CF vs. AD DD CD
# AA BE CC vs. AA BE CC
# AD DD CD vs. AF FF CF
# Set of keys to index the dictionaries
keys = ['AD', 'DD', 'CD', 'AA', 'BE', 'CC', 'AF', 'FF', 'CF']
# Diagonal offsets for the sparse matrix formation
offsets = {
'AD': -nf -ns,
'DD': -nf ,
'CD': -nf +ns,
'AA': -ns,
'BE': 0,
'CC': +ns,
'AF': +nf -ns,
'FF': +nf ,
'CF': +nf +ns,
}
def prepareDiagonals(diagonals):
for key in diagonals:
diagonals[key] = diagonals[key].ravel()
if offsets[key] < 0:
diagonals[key] = diagonals[key][-offsets[key]:]
elif offsets[key] > 0:
diagonals[key] = diagonals[key][:-offsets[key]]
diagonals[key] = diagonals[key].ravel()
# Buoyancies
bMM = 1. / rhoPad[0:-2,0:-2] # bottom left
bME = 1. / rhoPad[0:-2,1:-1] # bottom centre
bMP = 1. / rhoPad[0:-2,2: ] # bottom right
bEM = 1. / rhoPad[1:-1,0:-2] # middle left
bEE = 1. / rhoPad[1:-1,1:-1] # middle centre
bEP = 1. / rhoPad[1:-1,2: ] # middle right
bPM = 1. / rhoPad[2: ,0:-2] # top left
bPE = 1. / rhoPad[2: ,1:-1] # top centre
bPP = 1. / rhoPad[2: ,2: ] # top right
# Initialize averaged buoyancies on most of the grid
bMM = (bEE + bMM) / 2 # a2
bME = (bEE + bME) / 2 # d1
bMP = (bEE + bMP) / 2 # d2
bEM = (bEE + bEM) / 2 # a1
# ... middle
bEP = (bEE + bEP) / 2 # c1
bPM = (bEE + bPM) / 2 # f2
bPE = (bEE + bPE) / 2 # f1
bPP = (bEE + bPP) / 2 # c2
# Model parameter M
K = ((omegaDamped**2 / cPad**2) - aky**2) / rhoPad
# K = omega^2/(c^2 . rho)
kMM = K[0:-2,0:-2] # bottom left
kME = K[0:-2,1:-1] # bottom centre
kMP = K[0:-2,2: ] # bottom centre
kEM = K[1:-1,0:-2] # middle left
kEE = K[1:-1,1:-1] # middle centre
kEP = K[1:-1,2: ] # middle right
kPM = K[2: ,0:-2] # top left
kPE = K[2: ,1:-1] # top centre
kPP = K[2: ,2: ] # top right
# 9-point fd star
acoef = 0.5461
bcoef = 0.4539
ccoef = 0.6248
dcoef = 0.09381
ecoef = 0.000001297
# 5-point fd star
# acoef = 1.0
# bcoef = 0.0
# ecoef = 0.0
# NB: bPM and bMP here are switched relative to S. Roecker's version
# in OMEGA. This is because the labelling herein is always ?ZX.
diagonals = {
'AD': ecoef*kMM
+ bcoef*bMM*((r1zsq+r1xsq)/(4*dxz) - (r2z+r2x)/(4*dd)),
'DD': dcoef*kME
+ acoef*bME*(r1zsq/dz - r2z/2)/dz
+ bcoef*(r1zsq-r1xsq)*(bMP+bMM)/(4*dxz),
'CD': ecoef*kMP
+ bcoef*bMP*((r1zsq+r1xsq)/(4*dxz) - (r2z-r2x)/(4*dd)),
'AA': dcoef*kEM
+ acoef*bEM*(r1xsq/dx - r2x/2)/dx
+ bcoef*(r1xsq-r1zsq)*(bPM+bMM)/(4*dxz),
'BE': ccoef*kEE
+ acoef*(r2x*(bEM-bEP)/(2*dx) + r2z*(bME-bPE)/(2*dz) - r1xsq*(bEM+bEP)/dxx - r1zsq*(bME+bPE)/dzz)
+ bcoef*(((r2x+r2z)*(bMM-bPP) + (r2z-r2x)*(bMP-bPM))/(4*dd) - (r1xsq+r1zsq)*(bMM+bPP+bPM+bMP)/(4*dxz)),
'CC': dcoef*kEP
+ acoef*bEP*(r1xsq/dx + r2x/2)/dx
+ bcoef*(r1xsq-r1zsq)*(bMP+bPP)/(4*dxz),
'AF': ecoef*kPM
+ bcoef*bPM*((r1zsq+r1xsq)/(4*dxz) + (r2z-r2x)/(4*dd)),
'FF': dcoef*kPE
+ acoef*bPE*(r1zsq/dz + r2z/2)/dz
+ bcoef*(r1zsq-r1xsq)*(bPM+bPP)/(4*dxz),
'CF': ecoef*kPP
+ bcoef*bPP*((r1zsq+r1xsq)/(4*dxz) + (r2z+r2x)/(4*dd)),
}
self._setupBoundary(diagonals, freeSurf)
prepareDiagonals(diagonals)
diagonals = [diagonals[key] for key in keys]
offsets = [offsets[key] for key in keys]
A = scipy.sparse.diags(diagonals, offsets, shape=(nrows, nrows), format='csr', dtype=np.complex128)
return A
@staticmethod
def _setupBoundary(diagonals, freeSurf):
'''
Function to set up boundary regions for the Seismic FDFD problem
using the 9-point finite-difference stencil from OMEGA/FULLWV.
Args:
diagonals (dict): The diagonal vectors, indexed by appropriate string keys
freeSurf (tuple): Determines which free-surface conditions are active
The diagonals are modified in-place.
'''
keys = list(diagonals.keys())
pickDiag = lambda x: -1. if freeSurf[x] else 1.
# Left
for key in keys:
if key is 'BE':
diagonals[key][:,0] = pickDiag(3)
else:
diagonals[key][:,0] = 0.
# Right
for key in keys:
if key is 'BE':
diagonals[key][:,-1] = pickDiag(1)
else:
diagonals[key][:,-1] = 0.
# Bottom
for key in keys:
if key is 'BE':
diagonals[key][0,:] = pickDiag(0)
else:
diagonals[key][0,:] = 0.
# Top
for key in keys:
if key is 'BE':
diagonals[key][-1,:] = pickDiag(2)
else:
diagonals[key][-1,:] = 0.
@property
def A(self):
'The sparse system matrix'
if getattr(self, '_A', None) is None:
self._A = self._initHelmholtzNinePoint()
return self._A
@property
def mord(self):
'Determines matrix ordering'
return getattr(self, '_mord', (self.nx, +1))
@property
def nPML(self):
'The depth of the PML (Perfectly Matched Layer) region in gridpoints'
return getattr(self, '_nPML', 10)
@property
def ky(self):
'The cross-line wavenumber for 2.5D operation'
return getattr(self, '_ky', 0.)
class MiniZephyrHD(MiniZephyr):
'''
Implements 2D (visco)acoustic frequency-domain wave physics, with
some accommodations for 2.5D wave modelling.
Includes half-differentiation of the source by default.
'''
@property
def premul(self):
'''
A premultiplication factor, used by 2.5D. The default value implements
half-differentiation of the source, which corrects for 3D spreading.
'''
cfact = np.sqrt(2j*np.pi * self.freq)
return getattr(self, '_premul', cfact)
class MiniZephyr25D(BaseDiscretization,DiscretizationWrapper):
'''
Implements 2.5D (visco)acoustic frequency-domain wave physics,
by carrying out a Fourier summation over cross-line wavenumbers.
Wraps a series of MiniZephyr instances.
'''
initMap = {
# Argument Required Rename as ... Store as type
'Disc': (False, '_Disc', None),
'nky': (True, '_nky', np.int64),
'parallel': (False, '_parallel', bool),
'cmin': (False, '_cmin', np.float64),
}
maskKeys = ['nky', 'Disc', 'parallel']
@property
def Disc(self):
'The discretization to be applied to each wavenumber subproblem'
if getattr(self, '_Disc', None) is None:
from .minizephyr import MiniZephyr
self._Disc = MiniZephyr
return self._Disc
@property
def nky(self):
'The number of y-directional (cross-line) wavenumber components'
if getattr(self, '_nky', None) is None:
self._nky = 1
return self._nky
@property
def pkys(self):
'''
A 1D array containing the chosen wavenumbers to model.
The regular sampling of these wavenumbers corresponds to
Fourier quadrature; i.e., an inverse DFT.
'''
# By regular sampling strategy
indices = np.arange(self.nky)
if self.nky > 1:
dky = self.freq / (self.cmin * (self.nky-1))
else:
dky = 0.
return indices * dky
@property
def kyweights(self):
'''
The weights used for each corresponding ky term (i.e., .pkys).
Equal weights for each sample correspond to an inverse DFT.
'''
indices = np.arange(self.nky)
weights = 1. + (indices > 0)
return weights
@property
def cmin(self):
'The minimum velocity in the model, or a representative equivalent'
if getattr(self, '_cmin', None) is None:
return np.min(self.c)
else:
return self._cmin
@property
def spUpdates(self):
'A list of dictionaries that override the systemConfig for each subProblem'
weightfac = 1./(2*self.nky - 1) if self.nky > 1 else 1.
return [{'ky': ky, 'premul': weightfac*(1. + (ky > 0))} for ky in self.pkys]
@property
def parallel(self):
'Determines whether to operate in parallel'
return PARALLEL and getattr(self, '_parallel', True)
@property
def scaleTerm(self):
'A scaling term to apply to the output wavefield'
return getattr(self, '_scaleTerm', 1.) * np.exp(1j * np.pi) / (4*np.pi)
def __mul__(self, rhs):
'''
Carries out the multiplication of the composite system
by the right-hand-side vector(s).
Args:
rhs (array-like or list thereof): Source vectors
Returns:
u (iterator over np.ndarrays): Wavefields
'''
if self.parallel:
pool = Pool()
plist = []
for sp in self.subProblems:
p = pool.apply_async(sp, (rhs,))
plist.append(p)
u = (p.get(PARTASK_TIMEOUT) for p in plist)
pool.close()
pool.join()
else:
u = (sp*rhs for sp in self.subProblems)
return self.scaleTerm * reduce(np.add, u) | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/minizephyr.py | minizephyr.py |
from __future__ import division, print_function, absolute_import
# This breaks np.pad
# from __future__ import unicode_literals
from builtins import super
from future import standard_library
standard_library.install_aliases()
from .base import BaseAnisotropic
from .discretization import BaseDiscretization
import numpy as np
import scipy.sparse as sp
class Eurus(BaseDiscretization, BaseAnisotropic):
'''
Implements Transversely Isotropic 2D (visco)acoustic frequency-domain wave physics using a mixed-grid
finite-difference approach (Originally Proposed by Operto et al. (2009)).
'''
initMap = {
# Argument Required Rename as ... Store as type
'nPML': (False, '_nPML', np.int64),
'freq': (True, None, np.complex128),
'mord': (False, '_mord', tuple),
'cPML': (False, '_cPML', np.float64),
}
def _initHelmholtzNinePoint(self):
"""
An attempt to reproduce the finite-difference stencil and the
general behaviour of OMEGA by Pratt et al. The stencil is a 9-point
second-order version based on work by a number of people in the mid-90s
including Ivan Stekl. The boundary conditions are based on the PML
implementation by Steve Roecker in fdfdpml.f.
SMH 2015: I have modified this code to instead follow the 9-point
anisotropic stencil suggested by Operto et al. (2009)
"""
nx = self.nx
nz = self.nz
dims = (nz, nx)
nrows = nx*nz
c = self.c.reshape(dims)
rho = self.rho.reshape(dims)
nf, ns = self.mord
# fast --> slow is x --> y --> z as Fortran
# Set up physical properties in matrices with padding
omega = 2*np.pi * self.freq
def pad(arr):
return np.pad(arr, 1, 'edge')
cPad = pad(c.real) + 1j * pad(c.imag)
rhoPad = pad(rho)
# Horizontal, vertical and diagonal geometry terms
dx = self.dx
dz = self.dz
dxx = dx**2.
dzz = dz**2.
dxz = (dxx+dzz)/2.
dd = np.sqrt(dxz)
omegaDamped = omega - self.dampCoeff
# PML decay terms
# NB: Arrays are padded later, but 'c' in these lines
# comes from the original (un-padded) version
nPML = self.nPML
#Operto et al.(2009) PML implementation taken from Hudstedt et al.(2004)
pmldx = dx*(nPML - 1)
pmldz = dz*(nPML - 1)
cPML = self.cPML
gamma_x = np.zeros(nx, dtype=np.complex128)
gamma_z = np.zeros(nz, dtype=np.complex128)
x_vals = np.arange(0,pmldx+dx,dx)
z_vals = np.arange(0,pmldz+dz,dz)
gamma_x[:nPML] = cPML * (np.cos((np.pi/2)* (x_vals/pmldx)))
gamma_x[-nPML:] = cPML * (np.cos((np.pi/2)* (x_vals[::-1]/pmldx)))
gamma_z[:nPML] = cPML * (np.cos((np.pi/2)* (z_vals/pmldz)))
gamma_z[-nPML:] = cPML * (np.cos((np.pi/2)* (z_vals[::-1]/pmldz)))
gamma_x = pad(gamma_x.real) + 1j * pad(gamma_x.imag)
gamma_z = pad(gamma_z.real) + 1j * pad(gamma_z.imag)
Xi_x = 1 - ((1j *gamma_x.reshape((1,nx+2)))/omegaDamped)
Xi_z = 1 - ((1j *gamma_z.reshape((nz+2,1)))/omegaDamped)
# Visual key for finite-difference terms
# (per Pratt and Worthington, 1990)
#
# This Original
# AA BB CC vs. AD DD CD
# DD EE FF vs. AA BE CC
# GG HH II vs. AF FF CF
# Set of keys to index the dictionaries
# Anisotropic Stencil is 4 times the size, so we define 4 quadrants
#
# A = M1 M2
# M3 M4
# Diagonal offsets for the sparse matrix formation
offsets = {
'GG': -nf -ns,
'HH': -nf ,
'II': -nf +ns,
'DD': -ns,
'EE': 0,
'FF': +ns,
'AA': +nf -ns,
'BB': +nf ,
'CC': +nf +ns,
}
def prepareDiagonals(diagonals):
for key in diagonals:
diagonals[key] = diagonals[key].ravel()
if offsets[key] < 0:
diagonals[key] = diagonals[key][-offsets[key]:]
elif offsets[key] > 0:
diagonals[key] = diagonals[key][:-offsets[key]]
diagonals[key] = diagonals[key].ravel()
# Need to initialize the PML values
Xi_x1 = Xi_x[:,0:-2] #left
Xi_x2 = Xi_x[:,1:-1] #middle
Xi_x3 = Xi_x[:,2: ] #right
Xi_z1= Xi_z[0:-2,:] #left
Xi_z2= Xi_z[1:-1,:] #middle
Xi_z3= Xi_z[2: ,:] #right
# Here we will use the following notation
# Xi_x_M = (Xi_x(i)+Xi_(i-1))/2 --- M = 'minus'
# Xi_x_C = (Xi_x(i) --- C = 'centre'
# Xi_x_P = (Xi_x(i)+Xi_(i+1))/2 --- P = 'plus'
Xi_x_M = (Xi_x1+Xi_x2) / 2
Xi_x_C = (Xi_x2)
Xi_x_P = (Xi_x2+Xi_x3) / 2
Xi_z_M = (Xi_z1+Xi_z2) / 2
Xi_z_C = (Xi_z2)
Xi_z_P = (Xi_z2+Xi_z3) / 2
# Define Laplacian terms to shorten Stencil eqns
L_x4 = 1 / (4*Xi_x_C*dxx)
L_x = 1 / (Xi_x_C*dxx)
L_z4 = 1 / (4*Xi_z_C*dzz)
L_z = 1 / (Xi_z_C*dzz)
# Buoyancies
b_GG = 1. / rhoPad[0:-2,0:-2] # bottom left
b_HH = 1. / rhoPad[0:-2,1:-1] # bottom centre
b_II = 1. / rhoPad[0:-2,2: ] # bottom right
b_DD = 1. / rhoPad[1:-1,0:-2] # middle left
b_EE = 1. / rhoPad[1:-1,1:-1] # middle centre
b_FF = 1. / rhoPad[1:-1,2: ] # middle right
b_AA = 1. / rhoPad[2: ,0:-2] # top left
b_BB = 1. / rhoPad[2: ,1:-1] # top centre
b_CC = 1. / rhoPad[2: ,2: ] # top right
# Initialize averaged buoyancies on most of the grid
# Here we will use the convention of 'sq' to represent the averaged bouyancy over 4 grid points,
# and 'ln' to represent the bouyancy over 2 grid points:
# SQ1 = AA BB SQ2 = BB CC SQ3 = DD EE SQ4 = EE FF
# DD EE EE FF GG HH HH II
# LN1 = BB LN2 = DD EE LN3 = EE FF LN4 = EE
# EE HH
# We also introduce the suffixes 'x' and 'z' to
# the averaged bouyancy squares to distinguish between
# the x and z components with repsect to the PML decay
# This is done, as before, to decrease the length of the stencil terms
# Squares
b_SQ1_x = ((b_AA + b_BB + b_DD + b_EE) / 4) / Xi_x_M
b_SQ2_x = ((b_BB + b_CC + b_EE + b_FF) / 4) / Xi_x_P
b_SQ3_x = ((b_DD + b_EE + b_GG + b_HH) / 4) / Xi_x_M
b_SQ4_x = ((b_EE + b_FF + b_HH + b_II) / 4) / Xi_x_P
b_SQ1_z = ((b_AA + b_BB + b_DD + b_EE) / 4) / Xi_z_M
b_SQ2_z = ((b_BB + b_CC + b_EE + b_FF) / 4) / Xi_z_M
b_SQ3_z = ((b_DD + b_EE + b_GG + b_HH) / 4) / Xi_z_P
b_SQ4_z = ((b_EE + b_FF + b_HH + b_II) / 4) / Xi_z_P
# Lines
# Lines are in 1D, so no PML dim required
# We use the Suffix 'C' for those terms where PML is not
# calulated
b_LN1 = ((b_BB + b_EE) / 2) / Xi_z_M
b_LN2 = ((b_DD + b_EE) / 2) / Xi_x_M
b_LN3 = ((b_EE + b_FF) / 2) / Xi_x_P
b_LN4 = ((b_EE + b_HH) / 2) / Xi_z_P
b_LN1_C = ((b_BB + b_EE) / 2) / Xi_x_C
b_LN2_C = ((b_DD + b_EE) / 2) / Xi_z_C
b_LN3_C = ((b_EE + b_FF) / 2) / Xi_z_C
b_LN4_C = ((b_EE + b_HH) / 2) / Xi_x_C
# Model parameter M
K = (omegaDamped * omegaDamped) / (rhoPad * cPad**2)
#K = (omega**2) / (rhoPad * cPad**2)
# K = omega^2/(c^2 . rho)
KGG = K[0:-2,0:-2] # bottom left
KHH = K[0:-2,1:-1] # bottom centre
KII = K[0:-2,2: ] # bottom centre
KDD = K[1:-1,0:-2] # middle left
KEE = K[1:-1,1:-1] # middle centre
KFF = K[1:-1,2: ] # middle right
KAA = K[2: ,0:-2] # top left
KBB = K[2: ,1:-1] # top centre
KCC = K[2: ,2: ] # top right
# 9-point fd star
wm1 = 0.6287326
wm2 = 0.3712667
wm3 = 1.- wm1 -wm2
wm2 = 0.25 * wm2
wm3 = 0.25 * wm3
w1 = 0.4382634
#w1 = 0.
# Mass Averaging Term
# From Operto et al.(2009), anti-limped mass is calculted from 9 ponts
#
#K_avg = (wm1*K_EE) + ((wm2/4)*(K_BB + K_DD + K_FF + K_HH)) + (((1-wm1-wm2)/4)*(K_AA + K_CC + K_GG + K_II))
KGG = wm3 * KGG
KHH = wm2 * KHH
KII = wm3 * KII
KDD = wm2 * KDD
KEE = wm1 * KEE
KFF = wm2 * KFF
KAA = wm3 * KAA
KBB = wm2 * KBB
KCC = wm3 * KCC
# For now, set eps and delta to be constant
theta = self.theta
eps = self.eps
delta = self.delta
# Need to define Anisotropic Matrix coeffs as in OPerto et al. (2009)
Ax = 1. + (2.*delta)*(np.cos(theta)**2.)
Bx = (-1.*delta)*np.sin(2.*theta)
Cx = (1.+(2.*delta))*(np.cos(theta)**2.)
Dx = (-0.5*(1.+(2.*delta)))*((np.sin(2.*theta)))
Ex = (2.*(eps-delta))*(np.cos(theta)**2.)
Fx = (-1.*(eps-delta))*(np.sin(2.*theta))
Gx = Ex
Hx = Fx
Az = Bx
Bz = 1. + (2.*delta)*(np.sin(theta)**2.)
Cz = Dx
Dz = (1.+(2.*delta))*(np.sin(theta)**2.)
Ez = Fx
Fz = (2.*(eps-delta))*(np.sin(theta)**2.)
Gz = Fx
Hz = Fz
keys = ['GG', 'HH', 'II', 'DD', 'EE', 'FF', 'AA', 'BB', 'CC']
def generateDiagonals(massTerm, coeff1x, coeff1z, coeff2x, coeff2z, KAA, KBB, KCC, KDD, KEE, KFF, KGG, KHH, KII):
'''
Generates the sparse diagonals that comprise the 9-point mixed-grid anisotropic stencil.
See Appendix of Operto et a. (2009)
'''
diagonals = {
'GG': (massTerm * KGG)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ3_x))
+ (((-1 * L_x4) * coeff2x) * ( b_SQ3_z))
+ (((-1 * L_z4) * coeff1z) * ( b_SQ3_x))
+ ((( L_z4) * coeff2z) * ( b_SQ3_z))
)
+ (1-w1)
* (
(((-1 * L_x4) * coeff2x) * ( b_LN2_C))
+ (((-1 * L_z4) * coeff1z) * ( b_LN4_C))
),
'HH': (massTerm * KHH)
+ w1
* (
((( L_x4) * coeff1x) * ( - b_SQ3_x - b_SQ4_x))
+ ((( L_x4) * coeff2x) * ( - b_SQ3_z + b_SQ4_z))
+ ((( L_z4) * coeff1z) * ( b_SQ3_x - b_SQ4_x))
+ ((( L_z4) * coeff2z) * ( b_SQ3_z + b_SQ4_z))
)
+ (1-w1)
* (
((( L_x4) * coeff2x) * ( - b_LN2_C + b_LN3_C))
+ ((( L_z) * coeff2z) * ( b_LN4))
),
'II': (massTerm * KII)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ4_x))
+ ((( L_x4) * coeff2x) * ( b_SQ4_z))
+ ((( L_z4) * coeff1z) * ( b_SQ4_x))
+ ((( L_z4) * coeff2z) * ( b_SQ4_z))
)
+ (1-w1)
* (
((( L_x4) * coeff2x) * ( b_LN3_C))
+ ((( L_z4) * coeff1z) * ( b_LN4_C))
),
'DD': (massTerm * KDD)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ3_x + b_SQ1_x))
+ ((( L_x4) * coeff2x) * ( b_SQ3_z - b_SQ1_z))
+ ((( L_z4) * coeff1z) * ( - b_SQ3_x + b_SQ1_x))
+ ((( L_z4) * coeff2z) * ( - b_SQ3_z - b_SQ1_z))
)
+ (1-w1)
* (
((( L_x) * coeff1x) * ( b_LN2))
+ ((( L_z4) * coeff1z) * ( - b_LN4_C + b_LN1_C))
),
'EE': (massTerm * KEE)
+ w1
* (
(((-1 * L_x4) * coeff1x) * ( b_SQ1_x + b_SQ2_x + b_SQ3_x + b_SQ4_x))
+ ((( L_x4) * coeff2x) * ( b_SQ2_z + b_SQ3_z - b_SQ1_z - b_SQ4_z))
+ ((( L_z4) * coeff1z) * ( b_SQ2_x + b_SQ3_x - b_SQ1_x - b_SQ4_x))
+ (((-1 * L_z4) * coeff2z) * ( b_SQ1_z + b_SQ2_z + b_SQ3_z + b_SQ4_z))
)
+ (1-w1)
* (
((( L_x) * coeff1x) * ( - b_LN2 - b_LN3))
+ ((( L_z) * coeff2z) * ( - b_LN1 - b_LN4))
),
'FF': (massTerm * KFF)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ2_x + b_SQ4_x))
+ ((( L_x4) * coeff2x) * ( b_SQ2_z - b_SQ4_z))
+ ((( L_z4) * coeff1z) * ( - b_SQ2_x + b_SQ4_x))
+ ((( L_z4) * coeff2z) * ( - b_SQ2_z - b_SQ4_z))
)
+ (1-w1)
* (
((( L_x) * coeff1x) * ( b_LN3))
+ ((( L_z4) * coeff1z) * ( b_LN4_C - b_LN1_C))
),
'AA': (massTerm * KAA)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ1_x))
+ ((( L_x4) * coeff2x) * ( b_SQ1_z))
+ ((( L_z4) * coeff1z) * ( b_SQ1_x))
+ ((( L_z4) * coeff2z) * ( b_SQ1_z))
)
+ (1-w1)
* (
((( L_x4) * coeff2x) * ( b_LN2_C))
+ ((( L_z4) * coeff1z) * ( b_LN1_C))
),
'BB': (massTerm * KBB)
+ w1
* (
((( L_x4) * coeff1x) * ( - b_SQ2_x - b_SQ1_x))
+ ((( L_x4) * coeff2x) * ( - b_SQ2_z + b_SQ1_z))
+ ((( L_z4) * coeff1z) * ( b_SQ2_x - b_SQ1_x))
+ ((( L_z4) * coeff2z) * ( b_SQ2_z + b_SQ1_z))
)
+ (1-w1)
* (
((( L_x4) * coeff2x) * ( - b_LN3_C + b_LN2_C))
+ ((( L_z) * coeff2z) * ( b_LN1))
),
'CC': (massTerm * KCC)
+ w1
* (
((( L_x4) * coeff1x) * ( b_SQ2_x))
+ (((-1 * L_x4) * coeff2x) * ( b_SQ2_z))
+ (((-1 * L_z4) * coeff1z) * ( b_SQ2_x))
+ ((( L_z4) * coeff2z) * ( b_SQ2_z))
)
+ (1-w1)
* (
(((-1 * L_x4) * coeff2x) * ( b_LN3_C))
+ (((-1 * L_z4) * coeff1z) * ( b_LN1_C))
),
}
return diagonals
M1_diagonals = generateDiagonals(1., Ax, Az, Bx, Bz, KAA, KBB, KCC, KDD, KEE, KFF, KGG, KHH, KII)
self._setupBoundary(M1_diagonals)
prepareDiagonals(M1_diagonals)
M2_diagonals = generateDiagonals(0. , Cx, Cz, Dx, Dz, KAA, KBB, KCC, KDD, KEE, KFF, KGG, KHH, KII)
self._setupBoundary(M2_diagonals)
prepareDiagonals(M2_diagonals)
M3_diagonals = generateDiagonals(0. , Ex, Ez, Fx, Fz, KAA, KBB, KCC, KDD, KEE, KFF, KGG, KHH, KII)
self._setupBoundary(M3_diagonals)
prepareDiagonals(M3_diagonals)
M4_diagonals = generateDiagonals(1. ,Gx, Gz, Hx, Hz, KAA, KBB, KCC, KDD, KEE, KFF, KGG, KHH, KII)
self._setupBoundary(M4_diagonals)
prepareDiagonals(M4_diagonals)
offsets = [offsets[key] for key in keys]
M1_diagonals = [M1_diagonals[key] for key in keys]
M1_A = sp.diags(M1_diagonals, offsets, shape=(nrows, nrows), format='csr', dtype=np.complex128)
M2_diagonals = [M2_diagonals[key] for key in keys]
M2_A = sp.diags(M2_diagonals, offsets, shape=(nrows, nrows), format='csr', dtype=np.complex128)
M3_diagonals = [M3_diagonals[key] for key in keys]
M3_A = sp.diags(M3_diagonals, offsets, shape=(nrows, nrows), format='csr', dtype=np.complex128)
M4_diagonals = [M4_diagonals[key] for key in keys]
M4_A = sp.diags(M4_diagonals, offsets, shape=(nrows, nrows), format='csr', dtype=np.complex128)
# A = [M1_A M2_A
# M3_A M4_A]
A = sp.bmat([[M1_A, M2_A],[M3_A,M4_A]])
return A
@staticmethod
def _setupBoundary(diagonals):
'''
Function to set up boundary regions for the Seismic FDFD problem
using the 9-point finite-difference stencil from OMEGA/FULLWV.
Args:
diagonals (dict): The diagonal vectors, indexed by appropriate string keys
freeSurf (tuple): Determines which free-surface conditions are active
The diagonals are modified in-place.
'''
keys = [key for key in diagonals if key is not 'EE']
for key in keys:
diagonals[key][:,0] = 0.
diagonals[key][:,-1] = 0.
diagonals[key][0,:] = 0.
diagonals[key][-1,:] = 0.
@property
def A(self):
'The sparse system matrix'
if getattr(self, '_A', None) is None:
self._A = self._initHelmholtzNinePoint()
return self._A
@property
def mord(self):
'Determines matrix ordering'
return getattr(self, '_mord', (-self.nx, +1))
@property
def cPML(self):
'The convolutional PML coefficient. It is experimentally determined for each project.'
return getattr(self, '_cPML', 1e3)
@property
def nPML(self):
'The depth of the PML (Perfectly Matched Layer) region in gridpoints'
return getattr(self, '_nPML', 10)
def __mul__(self, rhs):
'The action of the inverse of the matrix A'
clipResult = False
if 2*rhs.shape[0] == self.shape[1]:
if isinstance(rhs, sp.spmatrix):
rhs = sp.vstack([rhs, sp.csr_matrix(rhs.shape, dtype=np.complex128)])
else:
rhs = np.vstack([rhs, np.zeros(rhs.shape, dtype=np.complex128)])
clipResult = True
elif rhs.shape[0] != self.shape[1]:
raise ValueError('dimension mismatch')
result = super(Eurus, self).__mul__(rhs)
if clipResult:
result = result[:self.shape[1]//2, :]
return result
class EurusHD(Eurus):
'''
Implements Transversely Isotropic 2D (visco)acoustic frequency-domain wave physics using a mixed-grid
finite-difference approach (Originally Proposed by Operto et al. (2009)).
Includes half-differentiation of the source by default.
'''
@property
def premul(self):
'''
A premultiplication factor, used by 2.5D. The default value implements
half-differentiation of the source, which corrects for 3D spreading.
'''
cfact = np.sqrt(2j*np.pi * self.freq)
return getattr(self, '_premul', cfact) | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/eurus.py | eurus.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from future import standard_library
standard_library.install_aliases()
from galoshes import AttributeMapper
import numpy as np
class BaseModelDependent(AttributeMapper):
'''
AttributeMapper subclass that implements model-dependent properties,
such as grid coordinates and free-surface conditions.
'''
initMap = {
# Argument Required Rename as ... Store as type
'nx': (True, None, np.int64),
'ny': (False, None, np.int64),
'nz': (True, None, np.int64),
'xorig': (False, '_xorig', np.float64),
'yorig': (False, '_xorig', np.float64),
'zorig': (False, '_zorig', np.float64),
'dx': (False, '_dx', np.float64),
'dy': (False, '_dx', np.float64),
'dz': (False, '_dz', np.float64),
'freeSurf': (False, '_freeSurf', tuple),
}
@property
def xorig(self):
return getattr(self, '_xorig', 0.)
@property
def yorig(self):
if hasattr(self, 'ny'):
return getattr(self, '_yorig', 0.)
else:
raise AttributeError('%s object is not 3D'%(self.__class__.__name__,))
@property
def zorig(self):
return getattr(self, '_zorig', 0.)
@property
def dx(self):
return getattr(self, '_dx', 1.)
@property
def dy(self):
if hasattr(self, 'ny'):
return getattr(self, '_dy', self.dx)
else:
raise AttributeError('%s object is not 3D'%(self.__class__.__name__,))
@property
def dz(self):
return getattr(self, '_dz', self.dx)
@property
def freeSurf(self):
if getattr(self, '_freeSurf', None) is None:
self._freeSurf = (False, False, False, False)
return self._freeSurf
@property
def modelDims(self):
if hasattr(self, 'ny'):
return (self.nz, self.ny, self.nx)
return (self.nz, self.nx)
@property
def nrow(self):
return np.prod(self.modelDims)
def toLinearIndex(self, vec):
'''
Gets the linear indices in the raveled model coordinates, given
a <n by 2> array of n x,z coordinates or a <n by 3> array of
n x,y,z coordinates.
Args:
vec (np.ndarray): Space coordinate array
Returns:
np.ndarray: Grid coordinate array
'''
if hasattr(self, 'ny'):
return vec[:,0] * self.nx * self.ny + vec[:,1] * self.nx + vec[:,2]
else:
return vec[:,0] * self.nx + vec[:,1]
def toVecIndex(self, lind):
'''
Gets the vectorized index for each linear index.
Args:
lind (np.ndarray): Grid coordinate array
Returns:
np.ndarray: nD grid coordinate array
'''
if hasattr(self, 'ny'):
return np.array([lind // (self.nx * self.ny), np.mod(lind, self.nx), np.mod(lind, self.ny * self.nx)]).T
else:
return np.array([lind // self.nx, np.mod(lind, self.nx)]).T
class BaseAnisotropic(BaseModelDependent):
initMap = {
# Argument Required Rename as ... Store as type
'theta': (False, '_theta', np.float64),
'eps': (False, '_eps', np.float64),
'delta': (False, '_delta', np.float64),
}
@property
def theta(self):
if getattr(self, '_theta', None) is None:
self._theta = np.zeros((self.nz, self.nx))
if isinstance(self._theta, np.ndarray):
return self._theta
else:
return self._theta * np.ones((self.nz, self.nx), dtype=np.float64)
@property
def eps(self):
if getattr(self, '_eps', None) is None:
self._eps = np.zeros((self.nz, self.nx))
if isinstance(self._eps, np.ndarray):
return self._eps
else:
return self._eps * np.ones((self.nz, self.nx), dtype=np.float64)
@property
def delta(self):
if getattr(self, '_delta', None) is None:
self._delta = np.zeros((self.nz, self.nx))
if isinstance(self._delta, np.ndarray):
return self._delta
else:
return self._delta * np.ones((self.nz, self.nx), dtype=np.float64) | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/base.py | base.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from builtins import super
from future import standard_library
standard_library.install_aliases()
from builtins import zip, range
from galoshes import SCFilter, BaseSCCache
import numpy as np
from .discretization import DiscretizationWrapper
from .interpolation import SplineGridInterpolator
from .base import BaseModelDependent
try:
import multiprocessing
except ImportError:
PARALLEL = False
else:
PARALLEL = True
PARTASK_TIMEOUT = None
class BaseDist(DiscretizationWrapper):
initMap = {
# Argument Required Rename as ... Store as type
'Disc': (True, '_Disc', None),
'parallel': (False, '_parallel', bool),
'nWorkers': (False, '_nWorkers', np.int64),
'remDists': (False, None, list),
}
maskKeys = {'remDists'}
@property
def remDists(self):
'Remaining distributor objects in the call graph'
return getattr(self, '_remDists', [])
@remDists.setter
def remDists(self, value):
if value:
self._DiscOverride = value.pop(0)
self._remDists = value
@property
def Disc(self):
'The discretization to instantiate'
return getattr(self, '_DiscOverride', self._Disc)
@property
def addFields(self):
'Returns additional fields for the subProblem systemConfigs'
return {'remDists': self.remDists}
@property
def systemConfig(self):
self._systemConfig.update(self.remDists)
return self._systemConfig
@systemConfig.setter
def systemConfig(self, value):
self._systemConfig = value
class BaseMPDist(BaseDist):
maskKeys = {'parallel'}
@property
def parallel(self):
'Determines whether to operate in parallel'
return PARALLEL and getattr(self, '_parallel', True)
@property
def pool(self):
'Returns a configured multiprocessing Pool'
if self.parallel:
if not hasattr(self, '_pool'):
self._pool = multiprocessing.Pool(self.nWorkers)
return self._pool
else:
raise Exception('Cannot start parallel pool; multiprocessing seems to be unavailable')
@property
def nWorkers(self):
'Returns the configured number of parallel workers'
return min(getattr(self, '_nWorkers', 100), self.cpuCount)
@property
def cpuCount(self):
'Returns the multiprocessing CPU count'
if self.parallel:
if not hasattr(self, '_maxThreads'):
try:
import mkl
except ImportError:
self._maxThreads = multiprocessing.cpu_count()
else:
self._maxThreads = mkl.service.get_max_threads()
return self._maxThreads
else:
return 1
@property
def addFields(self):
'Returns additional fields for the subProblem systemConfigs'
fields = super(BaseMPDist, self).addFields
remCap = self.cpuCount // self.nWorkers
if (self.nWorkers < self.cpuCount) and remCap > 1:
fields.update({'parallel': True, 'nWorkers': remCap})
return fields
def __mul__(self, rhs):
'''
Carries out the multiplication of the composite system
by the right-hand-side vector(s).
Args:
rhs (array-like or list thereof): Source vectors
Returns:
u (iterator over np.ndarrays): Wavefields
'''
if isinstance(rhs, list):
def getRHS(i):
'Get right-hand sides for multiple system sources'
nrhs = rhs[i]
if nrhs.ndim < 2:
return nrhs.reshape((nrhs.size, 1))
else:
return nrhs
else:
if rhs.ndim < 2:
nrhs = rhs.reshape((rhs.size, 1))
else:
nrhs = rhs
def getRHS(i):
'Get right-hand sides for single system sources'
return nrhs
if self.parallel:
plist = []
for i, sub in enumerate(self.subProblems):
p = self.pool.apply_async(sub, (getRHS(i),))
plist.append(p)
u = (self.scaleTerm*p.get(PARTASK_TIMEOUT) for p in plist)
else:
u = (self.scaleTerm*(sub*getRHS(i)) for i, sub in enumerate(self.subProblems))
return u
@property
def factors(self):
# What this does:
# Return True if there is a pool defined
# If there isn't, check to see if _subProblems exists; if it doesn't, return False
# If _subProblems *does* exist, check each subProblem to see if it has matrix factors.
# If any subProblem has factors, return True.
return hasattr(self, '_pool') or not ((not hasattr(self, '_subProblems')) or (not any((sp.factors for sp in self.subProblems))))
@factors.deleter
def factors(self):
if hasattr(self, '_pool'):
self._pool.close()
del self._pool
if hasattr(self, '_subProblems'):
for sp in self.subProblems:
del sp.factors
def __del__(self):
del self.factors
class BaseIPYDist(BaseDist):
initMap = {
# Argument Required Rename as ... Store as type
'profile': (False, '_profile', str),
}
maskKeys = {'profile'}
@property
def profile(self):
'Returns the IPython parallel profile'
return getattr(self, '_profile', 'default')
@property
def pClient(self):
'Returns the IPython parallel client'
if not hasattr(self, '_pClient'):
from ipyparallel import Client
self._pClient = Client(self.profile)
return self._pClient
@property
def dView(self):
'Returns a direct (multiplexing) view on the IPython parallel client'
if not hasattr(self, '_dView'):
self._dView = self.pClient[:]
return self._dView
@property
def lView(self):
'Returns a load-balanced view on the IPython parallel client'
if not hasattr(self, '_lView'):
self._lView = self.pClient.load_balanced_view()
return self._lView
@property
def nWorkers(self):
'Returns the configured number of parallel workers'
return len(self.pClient.ids)
class MultiFreq(BaseMPDist):
'''
Wrapper to carry out forward-modelling using the stored
discretization over a series of frequencies.
'''
initMap = {
# Argument Required Rename as ... Store as type
'freqs': (True, None, list),
}
maskKeys = {'freqs'}
@property
def spUpdates(self):
'Updates for frequency subProblems'
vals = []
for freq in self.freqs:
spUpdate = {'freq': freq}
spUpdate.update(self.addFields)
vals.append(spUpdate)
return vals
class ViscoMultiFreq(MultiFreq, BaseModelDependent):
'''
Wrapper to carry out forward-modelling using the stored
discretization over a series of frequencies. Preserves
causality by modelling velocity dispersion in the
presence of a non-infinite Q model.
'''
initMap = {
# Argument Required Rename as ... Store as type
'c': (True, None, np.float64),
'Q': (False, None, np.float64),
'freqBase': (False, None, np.float64),
}
maskKeys = {'freqs', 'c', 'Q', 'freqBase'}
@staticmethod
def _any(criteria):
'Check for criteria on a scalar or vector'
if type(criteria) in (bool, np.bool_):
return criteria
else:
return np.any(criteria)
@property
def freqBase(self):
return getattr(self, '_freqBase', 0.)
@freqBase.setter
def freqBase(self, value):
assert value >= 0
self._freqBase = value
@property
def Q(self):
# NB: QC says to merge these two statements. Do not do that. The code
# "hasattr(self, '_Q') and not isinstance(self._Q, np.ndarray)"
# does not behave the same way in terms of when the 'else' statement
# is fired.
if hasattr(self, '_Q'):
if not isinstance(self._Q, np.ndarray):
return self._Q * np.ones((self.nz, self.nx), dtype=np.float64)
else:
self._Q = np.inf
return self._Q
@Q.setter
def Q(self, value):
criteria = value <= 0
try:
assert not criteria
except TypeError:
assert not self._any(criteria)
self._Q = value
@property
def disperseFreqs(self):
return self._any(self.Q != np.inf) and (self.freqBase > 0)
@property
def spUpdates(self):
'Updates for frequency subProblems'
vals = []
if self.disperseFreqs:
for freq in self.freqs:
fact = 1. + (np.log(freq / self.freqBase) / (np.pi * self.Q))
assert not self._any(fact < 0.1)
cR = fact * self.c
c = cR + (0.5j * cR / self.Q) # NB: + b/c of FT convention
spUpdate = {
'freq': freq,
'c': c,
}
spUpdate.update(self.addFields)
vals.append(spUpdate)
else:
for freq in self.freqs:
c = self.c.ravel() + (0.5j * self.c.ravel() / self.Q.ravel()) # NB: + b/c of FT convention
spUpdate = {
'freq': freq,
'c': c,
}
spUpdate.update(self.addFields)
vals.append(spUpdate)
return vals
class SerialMultiFreq(MultiFreq):
'''
Wrapper to carry out forward-modelling using the stored
discretization over a series of frequencies. Enforces
serial execution.
'''
@property
@staticmethod
def parallel():
'Determines whether to operate in parallel'
return False
@property
@staticmethod
def addFields():
'Returns additional fields for the subProblem systemConfigs'
return {}
class MultiGridMultiFreq(MultiFreq, BaseModelDependent):
'''
Wrapper to carry out forward-modelling using the stored
discretization over a series of frequencies, with multiple
computation grids based on a target number of gridpoints
per wavelength.
'''
initMap = {
# Argument Required Rename as ... Store as type
'c': (True, '_c', np.complex128),
'freqs': (True, None, list),
'cMin': (True, None, np.float64),
'targetGPW': (True, None, np.float64),
}
@property
def c(self):
'Complex wave velocity'
if isinstance(self._c, np.ndarray):
return self._c
else:
return self._c * np.ones((self.nz, self.nx), dtype=np.complex128)
@property
def mgHelper(self):
'MultiGridHelper instance'
if not hasattr(self, '_mgHelper'):
sc = {key: self.systemConfig[key] for key in self.systemConfig}
sc['freqs'] = self.freqs
self._mgHelper = MultiGridHelper(sc)
return self._mgHelper
@property
def spUpdates(self):
'Updates for frequency subProblems'
vals = []
for i in range(len(self.freqs)):
ds = self.mgHelper.downScalers[i]
c = ds * self.c.ravel()
spUpdate = {
'freq': self.freqs[i],
'c': c,
}
spUpdate.update(ds.scaleUpdate)
spUpdate.update(self.addFields)
vals.append(spUpdate)
return vals
class ViscoMultiGridMultiFreq(ViscoMultiFreq,MultiGridMultiFreq):
'''
Wrapper to carry out forward-modelling using the stored
discretization over a series of frequencies. Preserves
causality by modelling velocity dispersion in the
presence of a non-infinite Q model.
'''
initMap = {
# Argument Required Rename as ... Store as type
# 'nky': (False, '_nky', np.int64),
'c': (True, '_c', np.float64),
}
maskKeys = {'freqs', 'Q', 'freqBase'}
@property
def c(self):
'Complex wave velocity'
if isinstance(self._c, np.ndarray):
return self._c
else:
return self._c * np.ones((self.nz, self.nx), dtype=np.float64)
@property
def spUpdates(self):
'Updates for frequency subProblems'
vals = []
if self.disperseFreqs:
for i in range(len(self.freqs)):
freq = self.freqs[i]
fact = 1. + (np.log(freq / self.freqBase) / (np.pi * self.Q))
assert not self._any(fact < 0.1)
ds = self.mgHelper.downScalers[i]
cR = fact * self.c
c = cR + (0.5j * cR / self.Q) # NB: + b/c of FT convention
c = ds * c.ravel()
spUpdate = {
'freq': freq,
'c': c,
}
if isinstance(self.Q, np.ndarray):
Q = ds * self.Q.ravel()
spUpdate['Q'] = Q
spUpdate.update(ds.scaleUpdate)
spUpdate.update(self.addFields)
vals.append(spUpdate)
else:
for i in range(len(self.freqs)):
ds = self.mgHelper.downScalers[i]
c = self.c.ravel() + (0.5j * self.c.ravel() / self.Q.ravel()) # NB: + b/c of FT convention
c = ds * c
spUpdate = {
'freq': self.freqs[i],
'c': c,
}
if isinstance(self.Q, np.ndarray):
Q = ds * self.Q.ravel()
spUpdate['Q'] = Q
spUpdate.update(ds.scaleUpdate)
spUpdate.update(self.addFields)
vals.append(spUpdate)
return vals
class MultiGridHelper(BaseModelDependent,BaseSCCache):
initMap = {
# Argument Required Rename as ... Store as type
'cMin': (True, None, np.complex128),
'freqs': (True, None, list),
'targetGPW': (True, None, np.float64),
'GridInterpolator': (False, '_gi', None),
'maxScale': (False, '_maxScale', np.float64),
'minScale': (False, '_minScale', np.float64),
}
@property
def maxScale(self):
return getattr(self, '_maxScale', 10.)
@property
def minScale(self):
return getattr(self, '_minScale', 1.)
@property
def GridInterpolator(self):
return getattr(self, '_gi', SplineGridInterpolator)
@property
def GIFilter(self):
if not hasattr(self, '_GIFilter'):
self._GIFilter = SCFilter(self.GridInterpolator)
return self._GIFilter
@property
def scales(self):
'Downscaling factors'
return [np.median(((self.cMin / freq / self.dx / self.targetGPW).real, self.maxScale, self.minScale)) for freq in self.freqs]
@property
def downScalers(self):
'Matrices to downscale'
if not hasattr(self, '_downScalers'):
scaleUpdates = [{key: self.systemConfig[key] for key in self.systemConfig} for scale in self.scales]
for scale, sc in zip(self.scales, scaleUpdates):
update = {
'scale': scale,
}
sc.update(update)
self._downScalers = [self.GridInterpolator(self.GIFilter(sc)) for sc in scaleUpdates]
return self._downScalers
@property
def upScalers(self):
'Matrices to upscale'
if not hasattr(self, '_upScalers'):
self._upScalers = [ds.T for ds in self.downScalers]
return self._upScalers | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/distributors.py | distributors.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from future import standard_library
standard_library.install_aliases()
from builtins import map
import copy
from galoshes import BaseSCCache
from problemo import DirectSolver
import numpy as np
import scipy.sparse as sp
from .base import BaseModelDependent
class BaseDiscretization(BaseModelDependent):
'''
Base class for all discretizations.
'''
initMap = {
# Argument Required Rename as ... Store as type
'c': (True, '_c', np.complex128),
'rho': (False, '_rho', np.float64),
'freq': (True, None, np.complex128),
'Solver': (False, '_Solver', None),
'tau': (False, '_tau', np.float64),
'premul': (False, '_premul', np.complex128),
}
@property
def tau(self):
'Laplace-domain damping time constant'
return getattr(self, '_tau', np.inf)
@property
def dampCoeff(self):
'Computed damping coefficient to be added to real omega'
return 1j / self.tau
@property
def premul(self):
'A premultiplication factor, used by 2.5D and half differentiation'
return getattr(self, '_premul', 1.)
@property
def c(self):
'Complex wave velocity'
if isinstance(self._c, np.ndarray):
return self._c
else:
return self._c * np.ones((self.nz, self.nx), dtype=np.complex128)
@property
def rho(self):
'Bulk density'
# NB: QC says to merge these two statements. Do not do that. The code
# "hasattr(self, '_rho') and not isinstance(self._rho, np.ndarray)"
# does not behave the same way in terms of when the 'else' statement
# is fired.
if hasattr(self, '_rho'):
if not isinstance(self._rho, np.ndarray):
return self._rho * np.ones((self.nz, self.nx), dtype=np.float64)
else:
self._rho = 310. * self.c.real**0.25
return self._rho
@property
def shape(self):
return self.A.T.shape
@property
def Ainv(self):
'Instance of a Solver class that implements forward modelling'
if not hasattr(self, '_Ainv'):
self._Ainv = DirectSolver(getattr(self, '_Solver', None))
self._Ainv.A = self.A.tocsc()
return self._Ainv
@Ainv.deleter
def Ainv(self):
if hasattr(self, '_Ainv'):
del self._Ainv
@property
def factors(self):
return hasattr(self, '_Ainv')
@factors.deleter
def factors(self):
del self.Ainv
def __del__(self):
del self.factors
def __mul__(self, rhs):
'Action of multiplying the inverted system by a right-hand side'
return (self.Ainv * (self.premul * rhs)).conjugate()
def __call__(self, value):
return self*value
class DiscretizationWrapper(BaseSCCache):
'''
Base class for objects that wrap around discretizations, for example
in order to model multiple subproblems and distribute configurations
to different systems.
'''
initMap = {
# Argument Required Rename as ... Store as type
'Disc': (True, None, None),
'scaleTerm': (False, '_scaleTerm', np.complex128),
}
maskKeys = {'scaleTerm'}
cacheItems = ['_subProblems']
@property
def scaleTerm(self):
'A scaling term to apply to the output wavefield.'
return getattr(self, '_scaleTerm', 1.)
@property
def _spConfigs(self):
'''
Returns subProblem configurations based on the stored
systemConfig and any subProblem updates.
'''
def duplicateUpdate(spu):
nsc = copy.copy(self.systemConfig)
nsc.update(spu)
return nsc
return (duplicateUpdate(spu) for spu in self.spUpdates)
@property
def subProblems(self):
'Returns subProblem instances based on the discretization.'
if getattr(self, '_subProblems', None) is None:
self._subProblems = list(map(self.Disc, self._spConfigs))
return self._subProblems
@property
def factors(self):
return not ((not hasattr(self, '_subProblems')) or (not any((sp.factors for sp in self.subProblems))))
@factors.deleter
def factors(self):
if hasattr(self, '_subProblems'):
for sp in self.subProblems:
del sp.factors
@property
def spUpdates(self):
raise NotImplementedError
def __mul__(self, rhs):
raise NotImplementedError | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/discretization.py | discretization.py |
from __future__ import print_function, division, unicode_literals, absolute_import
from builtins import super
from future import standard_library
standard_library.install_aliases()
from builtins import range
from .base import BaseModelDependent, BaseAnisotropic
import warnings
import numpy as np
import scipy.sparse as sp
from scipy.special import i0 as bessi0
class BaseSource(BaseModelDependent):
'Trivial base class for sources'
pass
class FakeSource(BaseSource):
'Source that does nothing (for use with analytical systems)'
def __call__(self, loc):
return loc
class SimpleSource(BaseSource):
'''
A basic source-implementing class. This takes configuration
from a systemConfig object, and calling it will return a set
of right-hand-side vectors for the appropriate space locations.
'''
def __init__(self, systemConfig):
'Initialize based on systemConfig'
super(BaseSource, self).__init__(systemConfig)
if hasattr(self, 'ny'):
raise NotImplementedError('Sources not implemented for 3D case')
self._z, self._y, self._x = np.mgrid[
self.zorig : self.zorig + self.dz * self.nz : self.dz,
self.yorig : self.yorig + self.dy * self.ny : self.dy,
self.xorig : self.xorig + self.dx * self.nx : self.dx
]
else:
self._z, self._x = np.mgrid[
self.zorig : self.zorig + self.dz * self.nz : self.dz,
self.xorig : self.xorig + self.dx * self.nx : self.dx
]
def dist(self, loc):
'''
Calculates the distance of each gridpoint from the source locations.
Args:
loc (np.ndarray): Source locations in space
Returns:
np.ndarray: The distance from each gridpoint
'''
nsrc = len(loc)
if hasattr(self, 'ny'):
raise NotImplementedError('Sources not implemented for 3D case')
dist = np.sqrt((self._x.reshape((1, self.nz, self.ny, self.nx)) - loc[:,0].reshape((nsrc, 1, 1, 1)))**2
+ (self._y.reshape((1, self.nz, self.ny, self.nx)) - loc[:,1].reshape((nsrc, 1, 1, 1)))**2
+ (self._z.reshape((1, self.nz, self.ny, self.nx)) - loc[:,2].reshape((nsrc, 1, 1, 1)))**2)
else:
dist = np.sqrt((self._x.reshape((1, self.nz, self.nx)) - loc[:,0].reshape((nsrc, 1, 1)))**2
+ (self._z.reshape((1, self.nz, self.nx)) - loc[:,1].reshape((nsrc, 1, 1)))**2)
return dist
def vecIndexOf(self, loc):
'The vector index of each source location'
return self.toVecIndex(self.linIndexOf(loc))
def linIndexOf(self, loc):
'The linear index of each source location'
nsrc = loc.shape[0]
dists = self.dist(loc).reshape((nsrc, self.nrow))
return np.argmin(dists, axis=1)
def __call__(self, loc):
'''
Given source locations, return a set of right-hand-side vectors.
Args:
loc (np.ndarray): Source locations in space
Returns:
np.ndarray: Dense right-hand side vectors
'''
nsrc = loc.shape[0]
q = np.zeros((nsrc, self.nrow), dtype=np.complex128)
for i, index in enumerate(self.linIndexOf(loc)):
q[i,index] = 1.
return q.T
class StackedSimpleSource(SimpleSource):
'''
A SimpleSource subclass that returns source vectors twice the size,
augmented with zeros.
'''
def __call__(self, loc):
q = super(StackedSimpleSource, self).__call__(loc)
return np.vstack([q, np.zeros(q.shape, dtype=np.complex128)])
class SparseKaiserSource(SimpleSource):
'''
A source-implementing class suitable for use in production codes.
SparseKaiser source takes a systemConfig dictionary. When called,
it returns a SciPy sparse matrix of source vectors, suitable for
efficient use and/or caching. The source vectors make use of
Graham Hicks's Kaiser-Windowed Sinc Function sources, to allow
for interpolating between grid points.
'''
initMap = {
# Argument Required Rename as ... Store as type
'ireg': (False, '_ireg', np.int64),
'freeSurf': (False, '_freeSurf', tuple),
}
HC_KAISER = {
1: 1.24,
2: 2.94,
3: 4.53,
4: 6.31,
5: 7.91,
6: 9.42,
7: 10.95,
8: 12.53,
9: 14.09,
10: 14.18,
}
@staticmethod
def modifyGrid(Zi, Xi, aZi, aXi):
return Zi, Xi
def kws(self, offset, aZi, aXi):
'''
Finds 2D source terms to approximate a band-limited point source, based on
Hicks, Graham J. (2002) Arbitrary source and receiver positioning in finite-difference
schemes using Kaiser windowed sinc functions. Geophysics (67) 1, 156-166.
KaiserWindowedSinc(ireg, offset) --> 2D ndarray of size (2*ireg+1, 2*ireg+1)
Input offset is the 2D offsets in fractional gridpoints between the source location and
the nearest node on the modelling grid.
Args:
offset (tuple): Distance of the centre of the source region from the true source
point (in 2D coordinates, in units of cells).
Returns:
np.ndarray: Interpolated source region of size (2*ireg+1, 2*ireg+1)
'''
try:
b = self.HC_KAISER.get(self.ireg)
except KeyError:
print('Kaiser windowed sinc function not implemented for half-width of %d!'%(self.ireg,))
raise
freg = 2*self.ireg+1
xOffset, zOffset = offset
# Grid from 0 to freg-1
Zi, Xi = np.mgrid[:freg,:freg]
Zi, Xi = self.modifyGrid(Zi, Xi, aZi, aXi)
# Distances from source point
dZi = (zOffset + self.ireg - Zi)
dXi = (xOffset + self.ireg - Xi)
# Taper terms for decay function
with warnings.catch_warnings():
warnings.simplefilter('ignore')
tZi = np.nan_to_num(np.sqrt(1 - (dZi / self.ireg)**2))
tXi = np.nan_to_num(np.sqrt(1 - (dXi / self.ireg)**2))
tZi[tZi == np.inf] = 0
tXi[tXi == np.inf] = 0
# Actual tapers for Kaiser window
taperZ = bessi0(b*tZi) / bessi0(b)
taperX = bessi0(b*tXi) / bessi0(b)
# Windowed sinc responses in Z and X
responseZ = np.sinc(dZi) * taperZ
responseX = np.sinc(dXi) * taperX
# Combined 2D source response
result = responseX * responseZ
return result
def __call__(self, sLocs):
'''
Given source locations, return a set of right-hand-side vectors.
Args:
sLocs (np.ndarray): Source locations in space
Returns:
np.ndarray: Dense right-hand side vectors
'''
ireg = self.ireg
freeSurf = self.freeSurf
N = sLocs.shape[0]
M = self.nz * self.nx
# Scale source based on the cellsize so that changing the grid doesn't
# change the overall source amplitude
srcScale = 1. / (self.dx * self.dz)
qI = self.linIndexOf(sLocs)
if ireg == 0:
# Closest gridpoint
q = sp.coo_matrix((srcScale*np.ones(N), (np.arange(N), qI)), shape=(N, M))
else:
# Kaiser windowed sinc function
freg = 2*ireg+1
nnz = N * freg**2
lShift, sShift = np.mgrid[-ireg:ireg+1,-ireg:ireg+1]
shift = lShift * self.nx + sShift
entries = np.zeros((nnz,), dtype=np.complex128)
columns = np.zeros((nnz,))
rows = np.zeros((nnz,))
dptr = 0
for i in range(N):
Zi, Xi = (qI[i] // self.nx, np.mod(qI[i], self.nx))
offset = (sLocs[i][0] - self.xorig - Xi * self.dx, sLocs[i][1] - self.zorig - Zi * self.dz)
sourceRegion = self.kws(offset, Zi, Xi)
qshift = shift.copy()
if Zi < ireg:
index = ireg-Zi
if freeSurf[2]:
lift = np.flipud(sourceRegion[:index,:])
sourceRegion = sourceRegion[index:,:]
qshift = qshift[index:,:]
if freeSurf[2]:
sourceRegion[:index,:] -= lift
if Zi > self.nz-ireg-1:
index = self.nz-ireg-1 - Zi
if freeSurf[0]:
lift = np.flipud(sourceRegion[index:,:])
sourceRegion = sourceRegion[:index,:]
qshift = qshift[:index,:]
if freeSurf[0]:
sourceRegion[index:,:] -= lift
if Xi < ireg:
index = ireg-Xi
if freeSurf[3]:
lift = np.fliplr(sourceRegion[:,:index])
sourceRegion = sourceRegion[:,index:]
qshift = qshift[:,index:]
if freeSurf[3]:
sourceRegion[:,:index] -= lift
if Xi > self.nx-ireg-1:
index = self.nx-ireg-1 - Xi
if freeSurf[1]:
lift = np.fliplr(sourceRegion[:,index:])
sourceRegion = sourceRegion[:,:index]
qshift = qshift[:,:index]
if freeSurf[1]:
sourceRegion[:,index:] -= lift
data = srcScale * sourceRegion.ravel()
cols = qI[i] + qshift.ravel()
dlen = data.shape[0]
entries[dptr:dptr+dlen] = data
columns[dptr:dptr+dlen] = cols
rows[dptr:dptr+dlen] = i
dptr += dlen
q = sp.coo_matrix((entries[:dptr], (rows[:dptr],columns[:dptr])), shape=(N, M), dtype=np.complex128)
return q.T
@property
def ireg(self):
'Half-width of the source region'
return getattr(self, '_ireg', 4)
class KaiserSource(SparseKaiserSource):
'''
A simple wrapper class that generates dense sources
using SparseKaiserSource.
'''
def __call__(self, sLocs):
q = super(KaiserSource, self).__call__(sLocs)
return q.toarray()
class AnisotropicKaiserSource(SparseKaiserSource, BaseAnisotropic):
def modifyGrid(self, Zi, Xi, aZi, aXi):
theta = self.theta[aZi,aXi]
epsilon = self.eps[aZi,aXi]
delta = self.delta[aZi,aXi]
wx = (1. + (2*epsilon) +np.sqrt(1+(2*delta)))/(1 + epsilon + np.sqrt(1+(2*delta)))
wz = (1. + np.sqrt(1+(2*delta)))/(1 + epsilon + np.sqrt(1+(2*delta)))
Xi = Xi*(wx*np.cos(theta)) + Xi*(wz*np.sin(theta))
Zi = Zi*(wx*np.sin(theta)) + Zi*(wz*np.cos(theta))
return Zi, Xi | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/source.py | source.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from future import standard_library
standard_library.install_aliases()
from builtins import range
from galoshes import BaseSCCache
import warnings
from scipy.special import i0 as bessi0
import numpy as np
from .base import BaseModelDependent
from scipy.interpolate import RectBivariateSpline
class BaseGridInterpolator(BaseModelDependent, BaseSCCache):
'''
Base class for interpolation between two regular grids.
Defines helper functions and properties to produce regular
grids as arrays. Also can create its own transpose.
'''
initMap = {
# Argument Required Rename as ... Store as type
'scale': (True, None, np.float64),
'eCons': (False, '_eCons', bool),
}
@property
def eCons(self):
return getattr(self, '_eCons', False)
@staticmethod
def genGrid(nx, nz, dx, dz, xorig, zorig):
Zi, Xi = np.mgrid[0:nz, 0:nx]
Zi = Zi * dz + zorig
Xi = Xi * dx + xorig
return Zi, Xi
@property
def nativeGrid(self):
if not hasattr(self, '_grid'):
Zi, Xi = self.genGrid(
self.nx,
self.nz,
self.dx,
self.dz,
self.xorig,
self.zorig
)
self._nativeGrid = Zi, Xi
return self._nativeGrid
@property
def Xg(self):
return self.nativeGrid[1]
@property
def Zg(self):
return self.nativeGrid[0]
@property
def Z(self):
return np.linspace(
self.zorig,
self.zorig + self.dz * (self.nz-1),
self.nz)
@property
def X(self):
return np.linspace(
self.xorig,
self.xorig + self.dx * (self.nx-1),
self.nx)
@property
def snx(self):
return np.round(self.nx / self.scale)
@property
def snz(self):
return np.round(self.nz / self.scale)
@property
def sdx(self):
return self.dx * self.scale
@property
def sdz(self):
return self.dz * self.scale
@property
def scaledGrid(self):
if not hasattr(self, '_grid'):
Zi, Xi = self.genGrid(
self.snx,
self.snz,
self.sdx,
self.sdz,
self.xorig,
self.zorig)
self._scaledGrid = Zi, Xi
return self._scaledGrid
@property
def sXg(self):
return self.scaledGrid[1]
@property
def sZg(self):
return self.scaledGrid[0]
@property
def sZ(self):
return np.linspace(
self.zorig,
self.zorig + self.sdz * (self.snz-1),
self.snz)
@property
def sX(self):
return np.linspace(
self.xorig,
self.xorig + self.sdx * (self.snx-1),
self.snx)
@property
def compression(self):
return self.scale**2
@property
def shape(self):
return (self.snx * self.snz, self.nx * self.nz)
@property
def T(self):
if not hasattr(self, '_T'):
systemConfigT = {key: self.systemConfig[key] for key in self.systemConfig}
systemConfigT['scale'] = 1. / self.scale
systemConfigT['nx'] = self.snx
systemConfigT['nz'] = self.snz
systemConfigT['dx'] = self.sdx
systemConfigT['dz'] = self.sdz
self._T = self.__class__(systemConfigT)
# assert self._T.shape[0] == self.shape[1]
# assert self._T.shape[1] == self.shape[0]
return self._T
@property
def scaleUpdate(self):
update = {
'nx': self.snx,
'nz': self.snz,
'dx': self.sdx,
'dz': self.sdz,
}
return update
def __mul__(self, value):
raise NotImplementedError
def __call__(self, value):
return self * value
class SplineGridInterpolator(BaseGridInterpolator):
'''
Interpolator class that uses bivariate splines for interpolation.
'''
def __mul__(self, rhs):
if self.shape[0] == self.shape[1]:
return rhs
if rhs.ndim == 2:
output = np.zeros((self.shape[0], rhs.shape[1]), dtype=rhs.dtype.type)
for i in range(rhs.shape[1]):
output[:, i] = self * rhs[:, i]
return output
elif rhs.ndim > 2:
raise NotImplementedError('%s does not support %dD inputs'%(self.__class__.__name__, rhs.ndim))
if issubclass(rhs.dtype.type, np.complex):
return (self * rhs.real) + 1j * (self * rhs.imag)
rbs = RectBivariateSpline(self.Z, self.X, rhs.reshape((self.nz, self.nx)))
result = rbs(self.sZ, self.sX, grid=True)
if self.eCons:
result = result * self.compression
return result.ravel() | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/backend/interpolation.py | interpolation.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from builtins import open, int
from future import standard_library
standard_library.install_aliases()
from builtins import range
import re
import numpy as np
# Code in str2bool and readini pulled from github.com/bsmithyman/pygeo/pygeo/fullpy.py
# Original code is licensed LGPL; I am explicitly re-licensing this under the umbrella
# of the windtunnel MIT license. -- Brendan Smithyman
def str2bool(v):
'''
Converts certain string values to a boolean.
'''
return v.lower() in ("yes", "true", "t", "1")
def readini (infile):
'''
Reads (2.5-D) omega ini file of a given filename.
'''
with open(infile, 'r') as fp:
lines = fp.readlines()
settingsdict = {}
lsplit = lines[1].strip().split()
settingsdict['comment'] = int(lsplit[0])
settingsdict['lessfiles'] = str2bool(lsplit[1])
lsplit = lines[3].strip().split()
settingsdict['nx'] = int(lsplit[0])
settingsdict['nz'] = int(lsplit[1])
settingsdict['dx'] = float(lsplit[2])
settingsdict['dz'] = float(lsplit[3])
settingsdict['xorig'] = float(lsplit[4])
settingsdict['zorig'] = float(lsplit[5])
lsplit = lines[5].replace('\'','').strip().split()
settingsdict['inv'] = str2bool(lsplit[0])
settingsdict['datain'] = lsplit[1]
settingsdict['dataout'] = lsplit[2]
settingsdict['waveout'] = int(lsplit[3])
settingsdict['usescratch'] = str2bool(lsplit[4])
settingsdict['nom'] = int(lsplit[5])
settingsdict['nsam'] = int(lsplit[6])
settingsdict['tau'] = float(lsplit[7])
settingsdict['nftout'] = int(lsplit[8])
settingsdict['tau'] = float(lsplit[7])
lsplit = lines[7].replace('\'','').strip().split()
settingsdict['we'] = lsplit[0]
settingsdict['param'] = int(lsplit[1])
settingsdict['nky'] = int(lsplit[2])
settingsdict['method'] = int(lsplit[3])
settingsdict['vmin'] = float(lsplit[4])
settingsdict['deltatt'] = float(lsplit[5])
settingsdict['src'] = int(lsplit[6])
settingsdict['wavscale'] = str2bool(lsplit[7])
settingsdict['aniso'] = float(lsplit[8])
settingsdict['freqbase'] = float(lsplit[9])
lsplit = lines[9].strip().split()
settingsdict['reduce'] = str2bool(lsplit[0])
settingsdict['redvel'] = float(lsplit[1])
settingsdict['tbegin'] = float(lsplit[2])
settingsdict['fst'] = str2bool(lsplit[3])
settingsdict['fsr'] = str2bool(lsplit[4])
settingsdict['fsb'] = str2bool(lsplit[5])
settingsdict['fsl'] = str2bool(lsplit[6])
settingsdict['sponge'] = str2bool(lsplit[7])
settingsdict['isufx'] = int(lsplit[8])
freqs = []
freqstart = 11
freqend = freqstart + settingsdict['nom']//5 + 1*(not not settingsdict['nom']%5)
[[freqs.append(float(item)) for item in line.strip().split() ] for line in lines[freqstart:freqend]]
settingsdict['freqs'] = np.array(freqs)
kys = []
kystart = freqend+1
kyend = kystart + settingsdict['nky']//5 + 1*(not not settingsdict['nky']%5)
[[kys.append(float(item)) for item in line.strip().split() ] for line in lines[kystart:kyend]]
settingsdict['kys'] = np.array(kys)
lsplit = lines[kyend+1].strip().split()
settingsdict['nslices'] = int(lsplit[0])
slices = []
slicestart = kyend+3
sliceend = slicestart + settingsdict['nslices']
for i in range(slicestart,sliceend):
slices.append(lines[i].strip().split())
slices[-1][0] = int(slices[-1][0])
slices[-1][1] = int(slices[-1][1])
slices[-1][2] = float(slices[-1][2])
settingsdict['slices'] = slices
lsplit = lines[sliceend+1].strip().split()
settingsdict['ns'] = int(lsplit[0])
settingsdict['isreg'] = int(lsplit[1])
settingsdict['sspread'] = float(lsplit[2])
settingsdict['useswt'] = str2bool(lsplit[3])
srcs = []
srcstart = sliceend+3
srcend = srcstart + settingsdict['ns']
for i in range(srcstart,srcend):
srcs.append([float(item) for item in lines[i].strip().split()[1:]])
srcs = np.array(srcs)
settingsdict['srcs'] = srcs
lsplit = lines[srcend+1].strip().split()
settingsdict['nr'] = int(lsplit[0])
settingsdict['irreg'] = int(lsplit[1])
settingsdict['rspread'] = float(lsplit[2])
settingsdict['userwt'] = str2bool(lsplit[3])
recs = []
recstart = srcend+3
recend = recstart + settingsdict['nr']
for i in range(recstart,recend):
recs.append([float(item) for item in lines[i].strip().split()[1:]])
recs = np.array(recs)
settingsdict['recs'] = recs
lsplit = lines[recend+1].strip().split()
settingsdict['ng'] = int(lsplit[0])
settingsdict['igreg'] = int(lsplit[1])
settingsdict['gspread'] = float(lsplit[2])
settingsdict['usegwt'] = str2bool(lsplit[3])
geos = []
geostart = recend+3
geoend = geostart + settingsdict['ng']
for i in range(geostart,geoend):
geos.append([float(item) for item in lines[i].strip().split()[1:]])
geos = np.array(geos)
settingsdict['geos'] = geos
lsplit = lines[geoend+1].strip().split()
settingsdict['sghost'] = str2bool(lsplit[0])
settingsdict['rghost'] = str2bool(lsplit[1])
settingsdict['gghost'] = str2bool(lsplit[2])
settingsdict['zgg'] = float(lsplit[3])
lsplit = lines[geoend+3].strip().split()
settingsdict['zero1'] = [int(item) for item in lsplit]
lsplit = lines[geoend+4].strip().split()
settingsdict['zero2'] = [int(item) for item in lsplit]
return settingsdict
def compileDict(projnm, exprdict):
'''
Given a dictionary of regular expressions in text form, assembles a
corresponding dictionary of pre-compiled objects that can be used to
efficiently parse filenames.
'''
# Form a dictionary to contain the regular expression objects
redict = {}
for key in exprdict:
# Try to insert the project name
try:
reentry = re.compile(exprdict[key]%projnm)
# Except for cases in which it doesn't get used
except TypeError:
reentry = re.compile(exprdict[key])
redict[key] = reentry
return redict | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/util.py | util.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from builtins import int
from future import standard_library
standard_library.install_aliases()
from builtins import range
import numpy as np
from galoshes import AttributeMapper
def dwavelet(srcfreq, deltat, nexc):
'''
DWAVELET Calculates derivative Keuper wavelet, given the sample interval
Define frequency and number of excursions, then compute number of
samples and then calculate the source wavelet
Based on dwavelet.m by R.G. Pratt
'''
m = (int(nexc) + 2) / float(nexc)
nsrc = int((1./srcfreq)/deltat)
delta = nexc * np.pi * srcfreq
tsrc = np.arange(0, nsrc*deltat, deltat)
source = delta * (np.cos(delta*tsrc) - np.cos(m*delta*tsrc))
return source
def dftreal(a, N, M):
'''
Calculates multiple 1D forward DFT from real to complex
Only first N/2 samples (positive frequencies) are returned
Input:
a - input real vectors in column form (samples from zero to N-1)
N - implied number of complex output samples (= number of input samples)
M - number of input vectors
Based on dftreal.m by R.G. Pratt
'''
A = np.zeros((np.fix(N//2), M))
n = np.arange(N).reshape((N,1))
nk = n.T * n
w = np.exp(2j*np.pi / N)
W = w**(nk)
A = np.dot(W, a[:N,:M]) / N
return A
def idftreal(A, N, M):
'''
Calculates multiple 1D inverse DFT from complex to real
Input:
A - input complex vectors in column form (samples from zero to Nyquist)
N - number of output samples (= number of implied complex input samples)
M - number of input vectors
Based on idftreal.m by R.G. Pratt
'''
a = np.zeros((N, M))
n = np.arange(N).reshape((N,1))
# Set maximum non-Nyquist frequency index (works for even or odd N)
imax = np.int(np.fix((N+1)//2)-1)
k1 = np.arange(np.fix(N//2)+1) # Freq indices from zero to Nyquist
k2 = np.arange(1, imax+1) # Freq indices except zero and Nyquist
nk1 = n * k1.T
nk2 = n * k2.T
w = np.exp(-2j*np.pi / N)
W = w**nk1
W2 = w**nk2
W[:,1:imax+1] += W2 # Add two matrices properly shifted
a = np.dot(W, A[:np.fix(N//2)+1,:M]).real # (leads to doubling for non-Nyquist)
return a
class BaseTimeSensitive(AttributeMapper):
initMap = {
# Argument Required Rename as ... Store as type
'freqs': (True, None, list),
'tau': (False, '_tau', np.float64),
}
@property
def tau(self):
'Laplace-domain damping time constant'
return getattr(self, '_tau', np.inf)
@property
def dampCoeff(self):
'Computed damping coefficient to be added to real omega'
return 1j / self.tau
class TimeMachine(BaseTimeSensitive):
initMap = {
# Argument Required Rename as ... Store as type
'dt': (False, None, np.float64),
'freqBase': (False, None, np.float64),
}
@property
def dt(self):
if not hasattr(self, '_dt'):
self._dt = 1. / self.fMax
return getattr(self, '_dt', )
@dt.setter
def dt(self, value):
self._dt = value
@property
def tMax(self):
return 1. / self.df
@property
def fMax(self):
return self.freqs[-1]
@property
def df(self):
if len(self.freqs) > 1:
return self.freqs[1] - self.freqs[0]
else:
return 1.
@property
def nom(self):
return len(self.freqs)
@property
def ns(self):
return 2 * self.nom
@property
def freqs(self):
return self._freqs
@freqs.setter
def freqs(self, value):
if len(value) > 1:
step = value[1] - value[0]
for i in range(1, len(value)):
ostep = step
step = value[i] - value[i-1]
if abs(step - ostep) > 1e-5:
raise Exception('%(class)s requires that the frequencies be sampled regularly'%{'class': self.__class__.__name__})
self._freqs = value
@property
def freqBase(self):
return getattr(self, '_freqBase', self.freqs[0])
@freqBase.setter
def freqBase(self, value):
assert value >= 0
self._freqBase = value
def keuper(self, freq=None, nexc=2, dt=None):
'''
Generate a Keuper wavelet.
'''
if freq is None:
if not self.freqBase > 0.:
raise TypeError('%(class)s requires argument \'freq\', unless it is determined from freqBase'%{'class': self.__class__.__name__})
freq = self.freqBase
if dt is None:
dt = self.dt
wavelet = dwavelet(freq, dt, nexc)
tseries = np.zeros((self.ns,), dtype=np.float64)
tseries[:len(wavelet)] = wavelet
return tseries
def fSource(self, tdata):
'''
Convert a time series source to equally-spaced frequencies.
'''
if tdata.ndim < 2:
tdata = tdata.reshape((1, len(tdata)))
fdata = self.dft(tdata)
return fdata[:, 1:fdata.shape[1]//2 + 1]
@staticmethod
def dft(a):
'''
Automatically carry out the forward discrete Fourier transform.
'''
a = a.T
return dftreal(a, a.shape[0], a.shape[1]).T
@staticmethod
def idft(A):
'''
Automatically carry out the inverse discrete Fourier transform.
'''
A = A.T
ns = 2*A.shape[0]
A = np.vstack([np.zeros((1, A.shape[1]), dtype=np.complex128), A])
return idftreal(A, ns, A.shape[1]).T
@staticmethod
def fft(a):
'''
Automatically carry out the forward fast Fourier transform.
'''
raise NotImplementedError
@staticmethod
def ifft(A):
'''
Automatically carry out the inverse fast Fourier transform.
'''
raise NotImplementedError
@staticmethod
def timeSlice(slices):
'''
Carry out forward modelling and return time slices.
'''
raise NotImplementedError | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/time.py | time.py |
from __future__ import unicode_literals, print_function, division, absolute_import
from future import standard_library
standard_library.install_aliases()
from builtins import range
from galoshes import BaseSCCache
import numpy as np
import scipy.sparse as sp
from ..backend import SparseKaiserSource, MultiGridHelper
import SimPEG
class HelmSrc(SimPEG.Survey.BaseSrc):
def __init__(self, rxList, loc):
self.loc = loc
SimPEG.Survey.BaseSrc.__init__(self, rxList)
class HelmRx(SimPEG.Survey.BaseRx):
def __init__(self, locs, rxType=None):
SimPEG.Survey.BaseRx.__init__(self, locs, rxType)
class HelmBaseSurvey(SimPEG.Survey.BaseSurvey, BaseSCCache):
srcPair = HelmSrc
initMap = {
# Argument Required Rename as ... Store as type
'geom': (True, None, dict),
'freqs': (True, None, tuple),
'sterms': (False, '_sterms', np.complex128),
}
def __init__(self, *args, **kwargs):
BaseSCCache.__init__(self, *args, **kwargs)
SimPEG.Survey.BaseSurvey.__init__(self, **kwargs)
if self.mode == 'fixed':
rxList = HelmRx(self.rLocs)
rxListGen = lambda sLoc: [rxList]
elif self.mode == 'relative':
rxListGen = lambda sLoc: [HelmRx(sLoc + self.rLocs)]
self.srcList = [HelmSrc(rxListGen(loc), loc) for loc in self.sLocs]
@property
def nfreq(self):
return len(self.freqs)
@property
def geom(self):
return self._geom
@geom.setter
def geom(self, value):
if value.get('mode', 'fixed') not in {'fixed', 'relative'}:
raise Exception('%s objects only work with \'fixed\' or \'relative\' receiver arrays'%(self.__class__.__name__,))
self._geom = value
@property
def mode(self):
return self.geom.get('mode', 'fixed')
@property
def sLocs(self):
return self.geom.get('src')
@property
def rLocs(self):
return self.geom.get('rec')
@property
def ssTerms(self):
return self.geom.get('sterms', np.ones((self.nsrc,), dtype=np.complex128))
@property
def srTerms(self):
return self.geom.get('rterms', np.ones((self.nrec,), dtype=np.complex128))
@property
def tsTerms(self):
return getattr(self, '_sterms', np.ones(self.nfreq, dtype=np.complex128))
@property
def nsrc(self):
try:
return self.sLocs.shape[0]
except AttributeError:
return 0
@property
def nrec(self):
try:
return self.rLocs.shape[0]
except AttributeError:
return 0
@property
def RHSGenerator(self):
if not hasattr(self, '_RHSGenerator'):
self._RHSGenerator = self.geom.get('GeneratorClass', SparseKaiserSource)
return self._RHSGenerator
def sVecs(self):
if not hasattr(self, '_sVecs'):
self._sVecs = self.RHSGenerator(self.systemConfig)(self.sLocs) * sp.diags((self.ssTerms,), (0,))
return self._sVecs
def rVec(self, isrc):
if self.mode == 'fixed':
if not hasattr(self, '_rVecs'):
self._rVecs = (self.RHSGenerator(self.systemConfig)(self.rLocs) * sp.diags((self.srTerms,), (0,))).T
return self._rVecs
elif self.mode == 'relative':
if not hasattr(self, '_rVecs'):
self._rVecs = {}
if isrc not in self._rVecs:
self._rVecs[isrc] = (self.RHSGenerator(self.systemConfig)(self.rLocs + self.sLocs[isrc]) * sp.diags((self.srTerms,), (0,))).T
return self._rVecs[isrc]
def rVecs(self, ifreq):
return (self.rVec(i) for i in range(self.nsrc))
@property
def nD(self):
"""Number of data"""
return self.nsrc * self.nrec * self.nfreq
@property
def vnD(self):
"""Vector number of data"""
return self.nfreq * np.array([src.nD for src in self.srcList])
@SimPEG.Utils.count
def projectFields(self, u):
data = np.empty((self.nrec, self.nsrc, self.nfreq), dtype=np.complex128)
for isrc, src in enumerate(self.srcList):
data[:,isrc,:] = self.rVec(isrc) * u[src,'u',:]
#for ifreq, freq in enumerate(self.freqs):
# data[:,isrc,ifreq] = rVec * u[:,isrc,ifreq]
return data
def _lazyProjectFields(self, u):
data = np.empty((self.nrec, self.nsrc, self.nfreq), dtype=np.complex128)
for ifreq, uFreq in enumerate(u):
for isrc, rVec in enumerate(self.rVecs(ifreq)):
data[:,isrc,ifreq] = rVec * uFreq[:,isrc]
return data
def getSources(self):
qs = self.sVecs()
if isinstance(self.tsTerms, list) or isinstance(self.tsTerms, np.ndarray):
if self.tsTerms.ndim < 2:
qs = [qs * sterm.conjugate() for sterm in self.tsTerms]
else:
qs = [qs * sp.diags((sterm.conjugate(),),(0,)) for sterm in self.tsTerms]
return qs
def getResidualSources(self, resid):
# Make a list of receiver vectors for each frequency, each of size <nelem, nsrc>
qb = [
sp.hstack(
[self.rVec(isrc).T * # <-- <nelem, nrec>
sp.csc_matrix(resid[:,isrc, ifreq].reshape((self.nrec,1))) # <-- <nrec, 1>
for isrc in range(self.nsrc)
] # <-- List comprehension creates sparse vectors of size <nelem, 1> for each source and all receivers
# (self.rVec(isrc).T * # <-- <nelem, nrec>
# sp.csc_matrix(resid[:,isrc, ifreq].reshape((self.survey.nrec,1))) # <-- <nrec, 1>
# for isrc in xrange(self.nsrc)
# ) # <-- Generator expression creates sparse vectors of size <nelem, 1> for each source and all receivers
) # <-- Sparse matrix of size <nelem, nsrc> constructed by hstack from generator
for ifreq in range(self.nfreq) # <-- Outer list of size <nfreq>
]
return qb
@SimPEG.Utils.count
@SimPEG.Utils.requires('prob')
def dpred(self, m=None, u=None):
if u is None:
u = self.prob.lazyFields(m)
return self._lazyProjectFields(u).ravel()
else:
return self.projectFields(u).ravel()
@property
def postProcessors(self):
return [lambda x: x for _ in self.freqs]
@property
def preProcessors(self):
return [lambda x: x for _ in self.freqs]
class HelmMultiGridSurvey(HelmBaseSurvey):
@property
def mgHelper(self):
'MultiGridHelper instance'
if not hasattr(self, '_mgHelper'):
self._mgHelper = MultiGridHelper(self.systemConfig)
return self._mgHelper
@property
def postProcessors(self):
return self.mgHelper.upScalers
@property
def preProcessors(self):
return self.mgHelper.downScalers
@property
def RHSGenerator(self):
if not hasattr(self, '_RHSGenerator'):
self._RHSGenerator = self.geom.get('GeneratorClass', SparseKaiserSource)
return self._RHSGenerator
@property
def scScales(self):
if not hasattr(self, '_scScales'):
self._scScales = {}
return self._scScales
def buildSC(self, ifreq):
hs = hash(self.mgHelper.scales[ifreq])
if not hs in self.scScales:
sc = {key: self.systemConfig[key] for key in self.systemConfig}
sc.update(self.mgHelper.downScalers[ifreq].scaleUpdate)
self.scScales[hs] = sc
return hs
def sVecs(self, ifreq):
hs = self.buildSC(ifreq)
sc = self.scScales[hs]
return self.RHSGenerator(sc)(self.sLocs) * sp.diags((self.ssTerms,), (0,))
def rVec(self, isrc, ifreq):
hs = self.buildSC(ifreq)
if not hasattr(self, '_rVecs'):
self._rVecs = {}
if self.mode == 'fixed':
if hs not in self._rVecs:
sc = self.scScales[hs]
self._rVecs[hs] = (self.RHSGenerator(sc)(self.rLocs) * sp.diags((self.srTerms,), (0,))).T
return self._rVecs[hs]
elif self.mode == 'relative':
if hs not in self._rVecs:
self._rVecs[hs] = {}
if isrc not in self._rVecs:
sc = self.scScales[hs]
self._rVecs[hs][isrc] = (self.RHSGenerator(sc)(self.rLocs + self.sLocs[isrc]) * sp.diags((self.srTerms,), (0,))).T
return self._rVecs[isrc]
def rVecs(self, ifreq):
return (self.rVec(i, ifreq) for i in range(self.nsrc))
@SimPEG.Utils.count
def projectFields(self, u):
data = np.empty((self.nrec, self.nsrc, self.nfreq), dtype=np.complex128)
for isrc, src in enumerate(self.srcList):
for ifreq in range(self.nfreq):
data[:,isrc,ifreq] = self.rVec(isrc, ifreq) * (self.mgHelper.downScalers[ifreq] * u[src,'u',ifreq]).ravel()
#for ifreq, freq in enumerate(self.freqs):
# data[:,isrc,ifreq] = rVec * u[:,isrc,ifreq]
return data
def _lazyProjectFields(self, u):
data = np.empty((self.nrec, self.nsrc, self.nfreq), dtype=np.complex128)
for ifreq, uFreq in enumerate(u):
for isrc, rVec in enumerate(self.rVecs(ifreq)):
data[:,isrc,ifreq] = rVec * uFreq[:,isrc]
return data
def getSources(self):
if isinstance(self.tsTerms, list) or isinstance(self.tsTerms, np.ndarray):
qs = [self.sVecs(ifreq) * sp.diags((sterm.conjugate(),), (0,)) if np.iterable(sterm) else sterm.conjugate() * self.sVecs(ifreq) for ifreq, sterm in enumerate(self.tsTerms)]
else:
sterm = self.tsTerms
qs = [sterm.conjugate() * self.sVecs(ifreq) for ifreq in range(self.nfreq)]
return qs
def getResidualSources(self, resid):
# Make a list of receiver vectors for each frequency, each of size <nelem, nsrc>
qb = [
sp.hstack(
[self.rVec(isrc, ifreq).T * # <-- <nelem, nrec>
sp.csc_matrix(resid[:,isrc, ifreq].reshape((self.nrec,1))) # <-- <nrec, 1>
for isrc in range(self.nsrc)
] # <-- List comprehension creates sparse vectors of size <nelem, 1> for each source and all receivers
# (self.rVec(isrc).T * # <-- <nelem, nrec>
# sp.csc_matrix(resid[:,isrc, ifreq].reshape((self.survey.nrec,1))) # <-- <nrec, 1>
# for isrc in xrange(self.nsrc)
# ) # <-- Generator expression creates sparse vectors of size <nelem, 1> for each source and all receivers
) # <-- Sparse matrix of size <nelem, nsrc> constructed by hstack from generator
for ifreq in range(self.nfreq) # <-- Outer list of size <nfreq>
]
return qb
class Helm2DSurvey(HelmBaseSurvey):
pass
class Helm2DMultiGridSurvey(Helm2DSurvey, HelmMultiGridSurvey):
pass
class Helm25DSurvey(HelmBaseSurvey):
pass
class Helm25DMultiGridSurvey(Helm25DSurvey, HelmMultiGridSurvey):
pass | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/survey.py | survey.py |
from __future__ import division, unicode_literals, print_function, absolute_import
from future import standard_library
standard_library.install_aliases()
from builtins import next, zip, range
from galoshes import BaseSCCache
import numpy as np
import scipy.sparse as sp
from ..backend import BaseModelDependent,MultiFreq, ViscoMultiFreq, ViscoMultiGridMultiFreq
import SimPEG
from .survey import HelmBaseSurvey, Helm2DSurvey, Helm25DSurvey
from .fields import HelmFields
from functools import reduce
EPS = 1e-15
class HelmBaseProblem(SimPEG.Problem.BaseProblem, BaseModelDependent, BaseSCCache):
initMap = {
# Argument Required Rename as ... Store as type
'SystemWrapper': (True, None, None),
}
# maskKeys = []
surveyPair = HelmBaseSurvey
cacheItems = ['_system']
def __init__(self, systemConfig, *args, **kwargs):
# Initialize anemoi side
BaseSCCache.__init__(self, systemConfig, *args, **kwargs)
# Initialize SimPEG side
hx = [(self.dx, self.nx-1)]
hz = [(self.dz, self.nz-1)]
mesh = SimPEG.Mesh.TensorMesh([hx, hz], '00')
SimPEG.Problem.BaseProblem.__init__(self, mesh, *args, **kwargs)
# @property
# def _survey(self):
# return self.__survey
# @_survey.setter
# def _survey(self, value):
# self.__survey = value
# if value is None:
# self._cleanSystem()
# else:
# self._buildSystem()
def updateModel(self, m, loneKey='c'):
if m is None:
return
elif isinstance(m, dict):
self.systemConfig.update(m)
self.clearCache()
elif isinstance(m, (np.ndarray, np.inexact, complex, float)):
if not np.linalg.norm(m.ravel() - self.systemConfig.get(loneKey, 0.).ravel()) < EPS:
self.systemConfig[loneKey] = m
self.clearCache()
else:
raise Exception('Class %s doesn\'t know how to update with model of type %s'%(self.__class__.__name__, type(m)))
@property
def system(self):
if getattr(self, '_system', None) is None:
self._system = self.SystemWrapper(self.systemConfig)
return self._system
def scaledTerms(self, ifreq):
omega = 2*np.pi * self.survey.freqs[ifreq]
c = self.system.subProblems[ifreq].c
return omega, c
def gradientScaler(self, ifreq):
omega, c = self.scaledTerms(ifreq)
return self.survey.postProcessors[ifreq](-(omega**2 / c**3).ravel())
def sensScaler(self, ifreq):
omega, c = self.scaledTerms(ifreq)
return self.survey.postProcessors[ifreq](-(c**3 / omega**2).ravel())
@SimPEG.Utils.timeIt
def Jvec(self, m=None, v=None, u=None):
if not self.ispaired:
raise Exception('%s instance is not paired to a survey'%(self.__class__.__name__,))
if v is None:
raise Exception('Actually, Jvec requires a perturbation vector')
self.updateModel(m)
pqShape = (self.nz*self.nx, 1)
perturb = v.reshape(pqShape)
qv = [self.survey.preProcessors[i](perturb * self.sensScaler(i).reshape(pqShape)) for i in xrange(self.survey.nfreq)]
uVirt = list(self.system * qv)
qf = self.survey.getSources()
dpert = np.empty((self.survey.nrec, self.survey.nsrc, self.survey.nfreq), dtype=np.complex128)
for ifreq, uFreq in enumerate(uVirt):
srcTerms = qf[ifreq].T * uFreq
rVecs = self.survey.rVecs(ifreq)
if self.survey.mode == 'fixed':
qr = next(rVecs)
recTerms = qr * uFreq
dpert[:,:,ifreq] = recTerms.reshape((self.survey.nrec,1)) * srcTerms.reshape((1,self.survey.nsrc))
else:
for isrc, qr in enumerate(rVecs):
recTerms = qr.T * uFreq
dpert[:,isrc,ifreq] = srcTerms[isrc] * recTerms
return dpert.ravel()
@SimPEG.Utils.timeIt
def Jtvec(self, m=None, v=None, u=None):
if not self.ispaired:
raise Exception('%s instance is not paired to a survey'%(self.__class__.__name__,))
if v is None:
raise Exception('Actually, Jtvec requires a residual vector')
self.updateModel(m)
# v.shape <nrec, nsrc, nfreq>
# o.shape [<nelem, nsrc> . nfreq]
# r.shape [<nrec, nelem> . nsrc]
resid = v.reshape((self.survey.nrec, self.survey.nsrc, self.survey.nfreq))
qb = self.survey.getResidualSources(resid)
mux = (u is None)
if mux:
qf = self.survey.getSources()
if np.isiterable(qb):
qm = (sp.hstack(qFi, qBi) for qFi, qBi in zip(qf, qb))
uMux = self.system * qm
else:
uMux = self.system * sp.hstack(qf, qb)
g = reduce(np.add, (self.gradientScaler(ifreq) * pp((uMuxi[:,:self.survey.nsrc] * uMuxi[:,self.survey.nsrc:]).sum(axis=1)) for ifreq, uMuxi, pp in zip(list(range(self.survey.nfreq)), uMux, self.survey.postProcessors)))
else:
uB = (pp(uBi) for uBi, pp in zip(self.system * qb, self.survey.postProcessors))
if isinstance(u, HelmFields):
uIter = (u[:,'u',ifreq] for ifreq in range(self.survey.nfreq))
else:
uIter = u
g = reduce(np.add, (self.gradientScaler(ifreq) * (uFi * uBi).sum(axis=1) for ifreq, uFi, uBi in zip(list(range(self.survey.nfreq)), uIter, uB))).real
return g
def lazyFields(self, m=None):
if not self.ispaired:
raise Exception('%s instance is not paired to a survey'%(self.__class__.__name__,))
self.updateModel(m)
qf = self.survey.getSources()
uF = self.system * qf
if not np.iterable(uF):
uF = [uF]
return uF
def fields(self, m=None):
uF = self.lazyFields(m)
uF = (pp(uFi) for uFi, pp in zip(uF, self.survey.postProcessors))
fields = HelmFields(self.mesh, self.survey)
for ifreq, uFsub in enumerate(uF):
fields[:,'u',ifreq] = uFsub
return fields
@property
def factors(self):
return self.system.factors
@factors.deleter
def factors(self):
del self.system.factors
def __del__(self):
del self.factors
class Helm2DProblem(HelmBaseProblem):
initMap = {
# Argument Required Rename as ... Store as type
'SystemWrapper': (False, None, None),
}
surveyPair = Helm2DSurvey
SystemWrapper = MultiFreq
class Helm2DViscoProblem(Helm2DProblem):
SystemWrapper = ViscoMultiFreq
class Helm2DViscoMultiGridProblem(Helm2DProblem):
SystemWrapper = ViscoMultiGridMultiFreq
class Helm25DProblem(HelmBaseProblem):
initMap = {
# Argument Required Rename as ... Store as type
'SystemWrapper': (False, None, None),
}
surveyPair = Helm25DSurvey
SystemWrapper = MultiFreq
class Helm25DViscoProblem(Helm25DProblem):
SystemWrapper = ViscoMultiFreq | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/problem.py | problem.py |
from __future__ import print_function, division, unicode_literals, absolute_import
from builtins import open
from future import standard_library
standard_library.install_aliases()
from builtins import object
import os
import glob
# import pymongo
# import h5py
import numpy as np
import scipy.io as io
from pygeo.segyread import SEGYFile
import pickle
from .util import compileDict, readini
from .time import BaseTimeSensitive, TimeMachine
ftypeRegex = {
'vp': '^%s(?P<iter>[0-9]*)\.vp(?P<freq>[0-9]*\.?[0-9]+)?[^i]*$',
'qp': '^%s(?P<iter>[0-9]*)\.qp(?P<freq>[0-9]*\.?[0-9]+)?.*$',
'vpi': '^%s(?P<iter>[0-9]*)\.vpi(?P<freq>[0-9]*\.?[0-9]+)?.*$',
'rho': '^%s\.rho$',
'eps2d': '^%s\.eps2d$',
'del2d': '^%s\.del2d$',
'theta': '^%s\.theta$',
'src': '^%s\.(new)?src(\.avg)?$',
'grad': '^%s(?P<iter>[0-9]*)\.gvp[a-z]?(?P<freq>[0-9]*\.?[0-9]+)?.*$',
'data': '^%s\.(ut|vz|vx)[ifoOesrcbt]+(?P<freq>[0-9]*\.?[0-9]+).*$',
'diff': '^%s\.ud[ifoOesrcbt]+(?P<freq>[0-9]*\.?[0-9]+).*$',
'wave': '^%s(?P<iter>[0-9]*)\.(wave|bwave)(?P<freq>[0-9]*\.?[0-9]+).*$',
'slice': '^%s\.sl(?P<iter>[0-9]*)',
}
class UtoutWriter(BaseTimeSensitive):
'''
AttributeMapper subclass that implements writing frequency-domain
data to a .utout file.
'''
initMap = {
# Argument Required Rename as ... Store as type
'projnm': (True, None, str),
}
def __call__(self, data, fid=slice(None), ftype='utout'):
ofreqs = self.freqs[fid]
ofreqs = [(2*np.pi * freq) + self.dampCoeff for freq in ofreqs]
outfile = '%s.%s'%(self.projnm, ftype)
nfreq = len(ofreqs)
if data.ndim != 3:
raise Exception('Data must be of shape (nrec, nsrc, nfreq)')
assert data.shape[2] == nfreq
nrec = data.shape[0]
nsrc = data.shape[1]
with io.FortranFile(outfile, 'w') as ff:
for i, freq in enumerate(ofreqs):
panel = np.empty((nsrc, nrec+1), dtype=np.complex64)
panel[:,:1] = freq
panel[:,1:] = data[:,:,i].T
ff.write_record(panel.ravel())
class BaseDatastore(object):
def __init__(self, projnm):
pass
@property
def systemConfig(self):
raise NotImplementedError
class FullwvDatastore(BaseDatastore):
def __init__(self, projnm):
self.projnm = projnm
inifile = '%s.ini'%projnm
if not os.path.isfile(inifile):
raise Exception('Project file %s does not exist'%(inifile,))
ini = readini(inifile)
self.ini = ini
redict = compileDict(projnm, ftypeRegex)
keepers = {key: {} for key in redict}
files = glob.glob('*')
for file in files:
for key in redict:
match = redict[key].match(file)
if match is not None:
keepers[key][file] = match.groupdict()
break
self.keepers = keepers
handled = {}
for ftype in self.keepers:
for fn in self.keepers[ftype]:
handled[fn] = self.handle(ftype, fn)
self.handled = handled
@staticmethod
def sfWrapper(filename):
sf = SEGYFile(filename)
return sf
def handle(self, ftype, filename):
return self.sfWrapper(filename)
def __getitem__(self, item):
if type(item) in {str, unicode}:
key = item
sl = slice(None)
elif type(item) is tuple:
assert len(item) == 2
key = item[0]
sl = item[1]
assert type(key) is str
assert (type(sl) is slice) or (type(sl) is int)
else:
raise TypeError()
if key.find(self.projnm) != 0:
key = self.projnm + key
if key in self:
return self.handled[key][sl]
else:
raise KeyError(key)
def __contains__(self, key):
if key.find(self.projnm) != 0:
key = self.projnm + key
return key in self.handled
def keys(self):
return list(self.handled.keys())
def __repr__(self):
report = {
'name': self.__class__.__name__,
'projnm': self.projnm,
'nfiles': len(self.handled),
}
return '<%(name)s(%(projnm)s) comprising %(nfiles)d files>'%report
@property
def systemConfig(self):
transferKeys = {
'nx': None,
'nz': None,
'dx': None,
'dz': None,
'xorig': None,
'zorig': None,
'freqs': None,
'nky': None,
'isreg': 'ireg',
'freqbase': 'freqBase',
}
sc = {key if transferKeys[key] is None else transferKeys[key]: self.ini[key] for key in transferKeys}
sc['tau'] = self.ini['tau'] if abs(np.float(self.ini['tau']) - 999.999) > 1e-2 else np.inf
sc['freeSurf'] = (
self.ini['fst'],
self.ini['fsr'],
self.ini['fsb'],
self.ini['fsl'],
)
if self.ini['srcs'].shape[1] <=3:
srcGeom = self.ini['srcs'][:,:2]
recGeom = self.ini['recs'][:,:2]
elif self.ini['srcs'].shape[1] == 4:
srcGeom = self.ini['srcs'][:,::2]
recGeom = self.ini['recs'][:,::2]
else:
raise Exception('Something went wrong!')
sc['geom'] = {
'src': srcGeom,
'rec': recGeom,
'mode': 'fixed',
}
fn = '.vp'
if fn in self:
sc['c'] = self[fn].T
fn = '.qp'
if fn in self:
sc['Q'] = 1./self[fn].T
fn = '.rho'
if fn in self:
sc['rho'] = self[fn].T
fn = '.eps2d'
if fn in self:
sc['eps'] = self[fn].T
fn = '.del2d'
if fn in self:
sc['delta'] = self[fn].T
fn = '.theta'
if fn in self:
sc['theta'] = self[fn].T
fn = '.src'
if fn in self:
src = self[fn]
nsrc = srcGeom.shape[0]
tm = TimeMachine(sc)
if src.shape[0] != 1 and src.shape[0] != nsrc:
print('Source nsrc does not match project nsrc; using first term for all sources')
src = src[:0,:]
assert src.shape[1] == tm.ns, 'Source ns does not match computed ns'
sterms = tm.dft(src)
sc['sterms'] = sterms[:,1:tm.ns//2+1].T
sc['projnm'] = self.projnm
return sc
def dataFiles(self, ftype):
dKeep = self.keepers['data']
fns = [fn for fn in dKeep if fn.find(ftype) > -1]
ffreqs = [float(dKeep[fn]['freq']) for fn in fns]
order = np.argsort(ffreqs)
fns = [fns[i] for i in order]
ffreqs = [ffreqs[i] for i in order]
return fns, ffreqs
def spoolData(self, fid=slice(None), ftype='utobs'):
ifreqs = self.ini['freqs'][fid]
fns, ffreqs = self.dataFiles(ftype)
sffreqs = ['%0.3f'%freq for freq in ffreqs]
try:
finds = [sffreqs.index('%0.3f'%freq) for freq in ifreqs]
except ValueError as e:
raise ValueError('Could not find data from all requested frequencies: %s'%e)
for fi in finds:
fdata = self[fns[fi]]
yield fdata[::2].T + 1j*fdata[1::2].T
def utoutWrite(self, data, fid=slice(None), ftype='utout'):
utow = UtoutWriter(self.systemConfig)
utow(data, fid, ftype)
# def utoutRead(self, fid=slice(None), ftype='utout')
# write(50) (omega,(utest(ir,isrc),ir=1,nr),isrc=1,ns)
# def toHDF5(self, filename):
class FlatDatastore(BaseDatastore):
def __init__(self, projnm):
infile = '%s.py'%(projnm,)
with open(infile, 'r') as fp:
contents = fp.read()
#execfile(infile)
exec(contents, locals())
self.systemConfig = systemConfig
@property
def systemConfig(self):
return self._systemConfig
@systemConfig.setter
def systemConfig(self, value):
self._systemConfig = value
class PickleDatastore(BaseDatastore):
def __init__(self, projnm):
infile = '%s.pickle'%(projnm,)
with open(infile, 'rb') as fp:
unp = pickle.Unpickler(fp)
systemConfig = unp.load()
self.systemConfig = systemConfig
# class HDF5Datastore(BaseDatastore):
# def __init__(self, projnm):
# self.projnm = projnm
# try:
# h5file = glob.glob('%s.h*5'%projnm)[0]
# except IndexError:
# h5file = '%s.hdf5'%projnm
# # raise Exception('Project database %(projnm)s.h5 or %(projnm)s.hdf5 does not exist'%{'projnm': projnm})
# self.db = h5py.File(h5file)
# pass
# class MongoDBDatastore(BaseDatastore):
# def __init__(self, mongoURI=None):
# if mongoURI is None:
# mongoURI = os.environ.get('MONGO_PORT', 'mongo://localhost:27017').replace('tcp', 'mongodb')
# self.mc = pymongo.MongoClient(mongoURI)
# self.db = self.mc.zephyr
# pass | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/db.py | db.py |
from __future__ import print_function, unicode_literals, division, absolute_import
from future import standard_library
standard_library.install_aliases()
from builtins import range
import numpy as np
import scipy.sparse as sp
from ..backend import BaseModelDependent
import SimPEG
class HelmFields(SimPEG.Fields.Fields):
"""Fancy Field Storage for frequency domain problems
u[:,'phi', freqInd] = phi
print u[src0,'phi']
"""
knownFields = {'u': 'N'}
aliasFields = None
dtype = np.complex128
def startup(self):
pass
def _storageShape(self, loc):
nP = {'CC': self.mesh.nC,
'N': self.mesh.nN,
'F': self.mesh.nF,
'E': self.mesh.nE}[loc]
nSrc = self.survey.nSrc
nFreq = self.survey.nfreq
return (nP, nSrc, nFreq)
def _indexAndNameFromKey(self, key, accessType):
if type(key) is not tuple:
key = (key,)
if len(key) == 1:
key += (None,)
if len(key) == 2:
key += (slice(None,None,None),)
assert len(key) == 3, 'must be [Src, fieldName, freqs]'
srcTestList, name, freqInd = key
name = self._nameIndex(name, accessType)
srcInd = self._srcIndex(srcTestList)
return (srcInd, freqInd), name
def _correctShape(self, name, ind, deflate=False):
srcInd, freqInd = ind
if name in self.knownFields:
loc = self.knownFields[name]
else:
loc = self.aliasFields[name][1]
nP, total_nSrc, total_nF = self._storageShape(loc)
nSrc = np.ones(total_nSrc, dtype=bool)[srcInd].sum()
nF = np.ones(total_nF, dtype=bool)[freqInd].sum()
shape = nP, nSrc, nF
if deflate:
shape = tuple([s for s in shape if s > 1])
if len(shape) == 1:
shape = shape + (1,)
return shape
def _setField(self, field, val, name, ind):
srcInd, freqInd = ind
shape = self._correctShape(name, ind)
if SimPEG.Utils.isScalar(val):
field[:,srcInd,freqInd] = val
return
if val.size != np.array(shape).prod():
print('val.size: %r'%(val.size,))
print('np.array(shape).prod(): %r'%(np.array(shape).prod(),))
raise ValueError('Incorrect size for data.')
correctShape = field[:,srcInd,freqInd].shape
field[:,srcInd,freqInd] = val.reshape(correctShape, order='F')
def _getField(self, name, ind):
srcInd, freqInd = ind
if name in self._fields:
out = self._fields[name][:,srcInd,freqInd]
else:
# Aliased fields
alias, loc, func = self.aliasFields[name]
if type(func) is str:
assert hasattr(self, func), 'The alias field function is a string, but it does not exist in the Fields class.'
func = getattr(self, func)
pointerFields = self._fields[alias][:,srcInd,freqInd]
pointerShape = self._correctShape(alias, ind)
pointerFields = pointerFields.reshape(pointerShape, order='F')
freqII = np.arange(self.survey.nfreq)[freqInd]
srcII = np.array(self.survey.srcList)[srcInd]
srcII = srcII.tolist()
if freqII.size == 1:
pointerShapeDeflated = self._correctShape(alias, ind, deflate=True)
pointerFields = pointerFields.reshape(pointerShapeDeflated, order='F')
out = func(pointerFields, srcII, freqII)
else: #loop over the frequencies
nF = pointerShape[2]
out = list(range(nF))
for i, FIND_i in enumerate(freqII):
fieldI = pointerFields[:,:,i]
if fieldI.shape[0] == fieldI.size:
fieldI = SimPEG.Utils.mkvc(fieldI, 2)
out[i] = func(fieldI, srcII, FIND_i)
if out[i].ndim == 1:
out[i] = out[i][:,np.newaxis,np.newaxis]
elif out[i].ndim == 2:
out[i] = out[i][:,:,np.newaxis]
out = np.concatenate(out, axis=2)
shape = self._correctShape(name, ind, deflate=True)
return out.reshape(shape, order='F')
def __repr__(self):
shape = self._storageShape('N')
attrs = {
'name': self.__class__.__name__,
'id': id(self),
'nFields': len(self.knownFields) + len(self.aliasFields),
'nN': shape[0],
'nSrc': shape[1],
'nFreq': shape[2],
}
return '<%(name)s container at 0x%(id)x: %(nFields)d fields, with N shape (%(nN)d, %(nSrc)d, %(nFreq)d)>'%attrs | zephyr-seis | /zephyr-seis-0.1.7.tar.gz/zephyr-seis-0.1.7/zephyr/middleware/fields.py | fields.py |
import click
__author__ = "Catalin Dinuta"
import pyexcel
from zephyr_uploader.zephyr_uploader.env_loader import EnvLoader
from .zephyr_service import ZephyrService
from .zephyr_uploader import ZephyrUploader
from zephyr_uploader.zephyr_uploader.exit_constants import ExitConstants
from zephyr_uploader.zephyr_uploader.zephyr_config import ZephyrConfigurer
from zephyr_uploader.zephyr_uploader.cli_constants import CliConstants
@click.command()
@click.option('--username', help='The username used to log in Jira. E.g. auto-robot')
@click.option('--password', help='The password used to log in Jira. E.g. passw0rd123!')
@click.option('--jira_url', help='The jira url REST endpoint used to submit the results, including the last /. '
'E.g. http://jira.yourcompany.com/rest/')
@click.option('--project_key', help='The project key in Jira. E.g. AIP')
@click.option('--release_version', help='The release version. E.g. 1.2-UP2020-4')
@click.option('--test_cycle', help='The test cycle. E.g. Regression_Automated')
@click.option('--report_path', help='The Excel report path on the disk. E.g. Results.xls')
@click.option('--no_of_threads', default=10,
help='The number of threads to be used to upload the test executions. E.g. 10')
@click.option('--recreate_folder', default=False, help='Recreate the folder under the test cycle or not. '
'E.g. true. Default: false')
@click.option('--folder_name', help='The release version. E.g. centos7-mysql8-SNAPSHOT. Default: default')
@click.option('--execution_status_column', default=6, help='The execution status column which contains the keywords '
'SUCCESS/FAILURE. E.g. 10. Default: 6')
@click.option('--comments_column', default=8,
help='The comments column, for example the link log the logs for the test.'
' E.g. 11. Default: 8')
def cli(username, password, jira_url, project_key, release_version, test_cycle, report_path, no_of_threads,
recreate_folder, folder_name, execution_status_column, comments_column):
zephyr_config_dict = EnvLoader().get_zephyr_config_from_env()
zephyr_configurer = ZephyrConfigurer(zephyr_config_dict)
zephyr_config_cli = {
CliConstants.USERNAME.value: username,
CliConstants.PASSWORD.value: password,
CliConstants.JIRA_URL.value: jira_url,
CliConstants.TEST_CYCLE.value: test_cycle,
CliConstants.PROJECT_KEY.value: project_key,
CliConstants.RELEASE_VERSION.value: release_version,
CliConstants.REPORT_PATH.value: report_path,
CliConstants.FOLDER_NAME.value: folder_name,
CliConstants.NO_OF_THREADS.value: no_of_threads,
CliConstants.RECREATE_FOLDER.value: recreate_folder,
CliConstants.COMMENTS_COLUMN.value: comments_column,
CliConstants.EXECUTION_STATUS_COLUMN.value: execution_status_column
}
zephyr_configurer.override_or_set_default(zephyr_config_cli)
zephyr_configurer.validate()
try:
sheet = pyexcel.get_sheet(file_name=zephyr_configurer.get_config().get(CliConstants.REPORT_PATH.value))
excel_data = sheet.to_array()
zephyr_uploader = ZephyrUploader(ZephyrService(zephyr_configurer=zephyr_configurer))
zephyr_uploader.upload_jira_zephyr(excel_data=excel_data)
except Exception as e:
click.echo(e.__str__())
exit(ExitConstants.FAILURE.value)
exit(ExitConstants.SUCCESS.value)
if __name__ == "__main__":
cli() | zephyr-uploader | /zephyr_uploader-1.0.3.tar.gz/zephyr_uploader-1.0.3/zephyr_uploader/__main__.py | __main__.py |
from unittest import TestCase
from .cli_constants import CliConstants
class ZephyrConfigurer(TestCase):
def __init__(self, zephyr_config_dict={}):
"""
The config is a dict with all the details
"""
self.zephyr_config_dict = zephyr_config_dict
def validate(self):
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.USERNAME.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.PASSWORD.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.JIRA_URL.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.TEST_CYCLE.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.PROJECT_KEY.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.RELEASE_VERSION.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.REPORT_PATH.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.FOLDER_NAME.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.NO_OF_THREADS.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.RECREATE_FOLDER.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.COMMENTS_COLUMN.value), None)
self.assertIsNot(self.zephyr_config_dict.get(CliConstants.EXECUTION_STATUS_COLUMN.value), None)
def get_config(self):
return self.zephyr_config_dict
def set_config(self, zephyr_config_dict):
self.zephyr_config_dict = zephyr_config_dict
def override_or_set_default(self, zephyr_config_dict):
if zephyr_config_dict.get(CliConstants.USERNAME.value) is not None:
self.zephyr_config_dict[CliConstants.USERNAME.value] = zephyr_config_dict.get(CliConstants.USERNAME.value)
if zephyr_config_dict.get(CliConstants.PASSWORD.value) is not None:
self.zephyr_config_dict[CliConstants.PASSWORD.value] = zephyr_config_dict.get(CliConstants.PASSWORD.value)
if zephyr_config_dict.get(CliConstants.JIRA_URL.value) is not None:
self.zephyr_config_dict[CliConstants.JIRA_URL.value] = zephyr_config_dict.get(CliConstants.JIRA_URL.value)
if zephyr_config_dict.get(CliConstants.TEST_CYCLE.value) is not None:
self.zephyr_config_dict[CliConstants.TEST_CYCLE.value] = zephyr_config_dict.get(
CliConstants.TEST_CYCLE.value)
if zephyr_config_dict.get(CliConstants.PROJECT_KEY.value) is not None:
self.zephyr_config_dict[CliConstants.PROJECT_KEY.value] = zephyr_config_dict.get(
CliConstants.PROJECT_KEY.value)
if zephyr_config_dict.get(CliConstants.RELEASE_VERSION.value) is not None:
self.zephyr_config_dict[CliConstants.RELEASE_VERSION.value] = zephyr_config_dict.get(
CliConstants.RELEASE_VERSION.value)
if zephyr_config_dict.get(CliConstants.REPORT_PATH.value) is not None:
self.zephyr_config_dict[CliConstants.REPORT_PATH.value] = zephyr_config_dict.get(
CliConstants.REPORT_PATH.value)
if zephyr_config_dict.get(CliConstants.FOLDER_NAME.value) is not None:
self.zephyr_config_dict[CliConstants.FOLDER_NAME.value] = zephyr_config_dict.get(
CliConstants.FOLDER_NAME.value)
self.zephyr_config_dict[CliConstants.NO_OF_THREADS.value] = zephyr_config_dict.get(
CliConstants.NO_OF_THREADS.value) if \
self.zephyr_config_dict.get(CliConstants.NO_OF_THREADS.value) is not None else 10
self.zephyr_config_dict[CliConstants.RECREATE_FOLDER.value] = zephyr_config_dict.get(
CliConstants.RECREATE_FOLDER.value) if \
self.zephyr_config_dict.get(CliConstants.RECREATE_FOLDER.value) is not None else False
self.zephyr_config_dict[CliConstants.EXECUTION_STATUS_COLUMN.value] = zephyr_config_dict.get(
CliConstants.EXECUTION_STATUS_COLUMN.value) if \
self.zephyr_config_dict.get(CliConstants.EXECUTION_STATUS_COLUMN.value) is not None else 6
self.zephyr_config_dict[CliConstants.COMMENTS_COLUMN.value] = zephyr_config_dict.get(
CliConstants.COMMENTS_COLUMN.value) if \
self.zephyr_config_dict.get(CliConstants.COMMENTS_COLUMN.value) is not None else 8 | zephyr-uploader | /zephyr_uploader-1.0.3.tar.gz/zephyr_uploader-1.0.3/zephyr_uploader/zephyr_configurer.py | zephyr_configurer.py |
from distutils import util
from .cli_constants import CliConstants
from .environment import EnvironmentSingleton
class EnvLoader:
def __init__(self):
self.env = EnvironmentSingleton.get_instance().get_env_and_virtual_env()
def get_zephyr_config_from_env(self):
zephyr_config_dict = {}
if self.env.get(CliConstants.USERNAME.value) is not None:
zephyr_config_dict[CliConstants.USERNAME.value] = self.env.get(CliConstants.USERNAME.value)
if self.env.get(CliConstants.PASSWORD.value) is not None:
zephyr_config_dict[CliConstants.PASSWORD.value] = self.env.get(CliConstants.PASSWORD.value)
if self.env.get(CliConstants.JIRA_URL.value) is not None:
zephyr_config_dict[CliConstants.JIRA_URL.value] = self.env.get(CliConstants.JIRA_URL.value)
if self.env.get(CliConstants.PROJECT_KEY.value) is not None:
zephyr_config_dict[CliConstants.PROJECT_KEY.value] = self.env.get(CliConstants.PROJECT_KEY.value)
if self.env.get(CliConstants.RELEASE_VERSION.value) is not None:
zephyr_config_dict[CliConstants.RELEASE_VERSION.value] = self.env.get(
CliConstants.RELEASE_VERSION.value)
if self.env.get(CliConstants.TEST_CYCLE.value) is not None:
zephyr_config_dict[CliConstants.TEST_CYCLE.value] = self.env.get(CliConstants.TEST_CYCLE.value)
if self.env.get(CliConstants.REPORT_PATH.value) is not None:
zephyr_config_dict[CliConstants.REPORT_PATH.value] = self.env.get(CliConstants.REPORT_PATH.value)
if self.env.get(CliConstants.FOLDER_NAME.value) is not None:
zephyr_config_dict[CliConstants.FOLDER_NAME.value] = self.env.get(CliConstants.FOLDER_NAME.value)
if self.env.get(CliConstants.NO_OF_THREADS.value) is not None:
zephyr_config_dict[CliConstants.NO_OF_THREADS.value] = int(
self.env.get(CliConstants.NO_OF_THREADS.value))
if self.env.get(CliConstants.RECREATE_FOLDER.value) is not None:
zephyr_config_dict[CliConstants.RECREATE_FOLDER.value] = bool(
util.strtobool(self.env.get(CliConstants.RECREATE_FOLDER.value)))
if self.env.get(CliConstants.COMMENTS_COLUMN.value) is not None:
zephyr_config_dict[CliConstants.COMMENTS_COLUMN.value] = int(self.env.get(CliConstants.COMMENTS_COLUMN.value))
if self.env.get(CliConstants.EXECUTION_STATUS_COLUMN.value) is not None:
zephyr_config_dict[CliConstants.EXECUTION_STATUS_COLUMN.value] = int(
self.env.get(CliConstants.EXECUTION_STATUS_COLUMN.value))
return zephyr_config_dict | zephyr-uploader | /zephyr_uploader-1.0.3.tar.gz/zephyr_uploader-1.0.3/zephyr_uploader/env_loader.py | env_loader.py |
import concurrent.futures
import time
from datetime import date
from .cli_constants import CliConstants
from .execution_status import ExecutionStatus
from .test_status import TestStatus
class ZephyrUploader:
def __init__(self, zephyr_service):
"""
Zephyr uploader class takes a zephyr config and uploads the results in jira zephyr
:param zephyr_service:
"""
self.zephyr_service = zephyr_service
self.config = self.zephyr_service.get_zephyr_config()
def upload_jira_zephyr(self, excel_data):
folder_name_with_timestamp = self.config.get(CliConstants.FOLDER_NAME.value) + "_" + date.today().strftime(
"%Y-%m-%d")
project_id = self.zephyr_service.get_project_id_by_key(self.config.get(CliConstants.PROJECT_KEY.value))
version_id = self.zephyr_service.get_version_for_project_id(self.config.get(CliConstants.RELEASE_VERSION.value),
project_id=project_id)
cycle_id = self.zephyr_service.get_cycle_id(self.config.get(CliConstants.TEST_CYCLE.value), project_id,
version_id)
folder_id = self.zephyr_service.get_folder_id(folder_name=folder_name_with_timestamp, cycle_id=cycle_id,
project_id=project_id, version_id=version_id)
if folder_id is not None and self.config.get(CliConstants.RECREATE_FOLDER.value):
self.zephyr_service.delete_folder_from_cycle(folder_id=folder_id, project_id=project_id,
version_id=version_id, cycle_id=cycle_id)
time.sleep(5)
folder_id = self.zephyr_service.create_folder_under_cycle(folder_name=folder_name_with_timestamp)
if folder_id is None:
folder_id = self.zephyr_service.create_folder_under_cycle(folder_name=folder_name_with_timestamp)
zephyr_meta_info = {
"cycleId": cycle_id,
"projectId": project_id,
"versionId": version_id,
"folderId": folder_id,
}
self.__upload_jira_zephyr_concurrent(excel_data=excel_data, zephyr_meta_info=zephyr_meta_info)
def __create_and_update_zephyr_execution(self, row, zephyr_meta_info):
jira_id = row[0]
issue_id = self.zephyr_service.get_issue_by_key(jira_id)
execution_id = self.zephyr_service.create_new_execution(issue_id=issue_id, zephyr_meta_info=zephyr_meta_info)
if row[self.config.get(CliConstants.EXECUTION_STATUS_COLUMN.value)] == ExecutionStatus.SUCCESS.value:
self.zephyr_service.update_execution(execution_id, TestStatus.PASSED.value,
row[self.config.get(CliConstants.COMMENTS_COLUMN.value)])
elif row[self.config.get(CliConstants.EXECUTION_STATUS_COLUMN.value)] == ExecutionStatus.FAILURE.value:
self.zephyr_service.update_execution(execution_id, TestStatus.FAILED.value,
row[self.config.get(CliConstants.COMMENTS_COLUMN.value)])
else:
self.zephyr_service.update_execution(execution_id, TestStatus.NOT_EXECUTED.value,
row[self.config.get(CliConstants.COMMENTS_COLUMN.value)])
def __upload_jira_zephyr_concurrent(self, excel_data, zephyr_meta_info):
max_workers = self.config.get(CliConstants.NO_OF_THREADS.value)
with concurrent.futures.ThreadPoolExecutor(max_workers=max_workers) as executor:
{executor.submit(self.__create_and_update_zephyr_execution, row, zephyr_meta_info): row for row in
excel_data} | zephyr-uploader | /zephyr_uploader-1.0.3.tar.gz/zephyr_uploader-1.0.3/zephyr_uploader/zephyr_uploader.py | zephyr_uploader.py |
import json
import requests
from .cli_constants import CliConstants
class ZephyrService:
def __init__(self, zephyr_configurer):
self.zephyr_config = zephyr_configurer.get_config()
self.jira_url = self.zephyr_config.get(CliConstants.JIRA_URL.value)
self.username = self.zephyr_config.get(CliConstants.USERNAME.value)
self.password = self.zephyr_config.get(CliConstants.PASSWORD.value)
self.project_key = self.zephyr_config.get(CliConstants.PROJECT_KEY.value)
self.cycle_name = self.zephyr_config.get(CliConstants.TEST_CYCLE.value)
self.folder_name = self.zephyr_config.get(CliConstants.FOLDER_NAME.value)
self.version_name = self.zephyr_config.get(CliConstants.RELEASE_VERSION.value)
self.single_update_uri = 'zapi/latest/execution/{}/execute'
self.auth = (self.username, self.password)
def get_zephyr_config(self):
return self.zephyr_config
def get_issue_by_key(self, issue_key):
url = self.jira_url + "api/2/issue/" + issue_key
print(f"Get {url}")
resp = requests.get(url, auth=self.auth)
if resp.status_code != 200:
raise Exception(resp.content)
return resp.json()['id']
def create_new_execution(self, issue_id, zephyr_meta_info):
url = self.jira_url + "zapi/latest/execution"
headers = {'content-type': 'application/json'}
post_data = json.dumps({
"cycleId": zephyr_meta_info.get("cycleId"),
"projectId": zephyr_meta_info.get("projectId"),
"versionId": zephyr_meta_info.get("versionId"),
"assigneeType": "assignee",
"assignee": self.zephyr_config.get(CliConstants.USERNAME.value),
"folderId": zephyr_meta_info.get("folderId"),
"issueId": issue_id
})
print(f"Post {url} with data {post_data}")
resp = requests.post(url, data=post_data, headers=headers, auth=self.auth)
if resp.status_code != 200:
raise Exception(resp.content)
keys = resp.json().keys()
return list(keys)[0]
def update_execution(self, issue_key, status_number, comment=None):
issue_id = self.get_issue_by_key(issue_key)
url = self.jira_url + self.single_update_uri.format(str(issue_id))
if comment is None:
data = json.dumps({"status": status_number})
else:
data = json.dumps({
"status": status_number,
"comment": comment
})
headers = {'content-type': 'application/json'}
print(f"Put {url} with data {data}")
resp = requests.put(url, headers=headers, data=data, auth=self.auth)
if resp.status_code != 200:
raise Exception(resp.content)
def get_project_id_by_key(self, project_key=None):
if project_key is not None:
p_key = project_key
else:
p_key = self.project_key
url = self.jira_url + 'api/2/project/' + p_key
headers = {
'content-type': 'application/json',
'accept': 'application/json'
}
print(f"Get {url}")
project = requests.get(url, headers=headers, auth=self.auth)
return project.json()['id']
def get_version_for_project_id(self, version_name=None, project_id=None):
if version_name is not None:
v_name = version_name
else:
v_name = self.version_name
if project_id is not None:
p_id = project_id
else:
p_id = self.get_project_id_by_key(self.project_key)
url = self.jira_url + 'zapi/latest/util/versionBoard-list?projectId=' + p_id
headers = {'accept': 'application/json'}
print(f"Get {url}")
project = requests.get(url, headers=headers, auth=self.auth)
for version in project.json()['unreleasedVersions']:
if version['label'] == v_name:
return version['value']
def create_test_cycle(self, cycle_name, version_id=None, project_id=None, description=None):
url = self.jira_url + 'zapi/latest/cycle'
if version_id is not None:
v_id = version_id
else:
v_id = self.self.get_version_for_project_id()
if project_id is not None:
p_id = project_id
else:
p_id = self.get_project_id_by_key(self.project_key)
headers = {'content-type': 'application/json'}
post_data = json.dumps({
"clonedCycleId": "",
"name": cycle_name,
"build": "",
"environment": "",
"description": description,
"projectId": p_id,
"versionId": v_id
})
print(f"Post {url} with data {post_data}")
resp = requests.post(url, data=post_data, headers=headers, auth=self.auth)
return resp.json()['id']
def get_cycle_id(self, cycle_name=None, project_id=None, version_id=None):
if project_id is not None:
p_id = project_id
else:
p_id = self.get_project_id_by_key(self.project_key)
if version_id is not None:
v_id = version_id
else:
v_id = self.get_version_for_project_id()
url = self.jira_url + 'zapi/latest/cycle?projectId=' + p_id + '&versionId=' + v_id
print(f"Get {url}")
resp = requests.get(url, auth=self.auth)
if cycle_name is not None:
c_name = cycle_name
else:
c_name = self.cycle_name
for key, value in resp.json().items():
try:
if c_name.strip() == value['name'].strip():
return key
except Exception as e:
raise Exception(f'Cycle name not found {e.__str__()}')
def delete_folder_from_cycle(self, folder_id=None, project_id=None, version_id=None, cycle_id=None):
if folder_id is not None:
f_id = folder_id
else:
f_id = self.get_folder_id()
if cycle_id is not None:
c_id = cycle_id
else:
c_id = self.get_cycle_id(self.cycle_name)
if project_id is not None:
p_id = project_id
else:
p_id = self.get_project_id_by_key()
if version_id is not None:
v_id = version_id
else:
v_id = self.get_version_for_project_id()
delete_data = {
"versionId": v_id,
"cycleId": c_id,
"projectId": p_id
}
headers = {'content-type': 'application/json'}
url = self.jira_url + f"zapi/latest/folder/{f_id}"
print(f"Delete {url} with query params {delete_data}")
resp = requests.delete(url, params=delete_data, headers=headers, auth=self.auth)
if resp.status_code != 200:
raise Exception(f'Could not delete folder id {folder_id} for versionId: {version_id}, cycleId: {cycle_id}, '
f'projectId: {project_id}\nResponse: {resp.text}')
def get_folder_id(self, cycle_id=None, project_id=None, version_id=None, folder_name=None):
if cycle_id is not None:
c_id = cycle_id
else:
c_id = self.get_cycle_id(self.cycle_name)
if project_id is not None:
p_id = project_id
else:
p_id = self.get_project_id_by_key()
if version_id is not None:
v_id = version_id
else:
v_id = self.get_version_for_project_id()
url = self.jira_url + 'zapi/latest/cycle/' + c_id + '/folders?projectId=' + p_id + '&versionId=' + v_id
if folder_name:
f_name = folder_name
else:
f_name = self.folder_name
print(f"Get {url}")
resp = requests.get(url, auth=self.auth)
for folder in resp.json():
if folder['folderName'] == f_name:
return folder['folderId']
def create_folder_under_cycle(self, folder_name, cycle_id=None):
url = self.jira_url + 'zapi/latest/folder/create'
if cycle_id is not None:
c_id = cycle_id
else:
c_id = self.get_cycle_id(self.cycle_name)
project_id = self.get_project_id_by_key()
version_id = self.get_version_for_project_id()
post_data = json.dumps({
"versionId": version_id,
"cycleId": c_id,
"projectId": project_id,
"name": folder_name
})
headers = {'content-type': 'application/json'}
print(f"Post {url} with data {post_data}")
resp = requests.post(url, data=post_data, headers=headers, auth=self.auth)
if resp.status_code == 200:
return self.get_folder_id(cycle_id=cycle_id, project_id=project_id, version_id=version_id,
folder_name=folder_name)
else:
raise Exception(f'Unable to create folder {resp.content}') | zephyr-uploader | /zephyr_uploader-1.0.3.tar.gz/zephyr_uploader-1.0.3/zephyr_uploader/zephyr_service.py | zephyr_service.py |
import abc
from functools import wraps
from gembox.debug_utils import Debugger
class BrowserNotRunningError(Exception):
def __init__(self, message=f"Browser is not running"):
super().__init__(message)
class NoActivePageError(Exception):
def __init__(self, message=f"No active page found"):
super().__init__(message)
class NonSingletonError(Exception):
def __init__(self, message=f"Only one browser instance and one page is allowed"):
super().__init__(message)
def ensure_browser_is_running(func):
@wraps(func)
async def wrapper(browser_mgr, *args, **kwargs):
if browser_mgr.is_running is False:
raise BrowserNotRunningError()
return await func(browser_mgr, *args, **kwargs)
return wrapper
class SinglePageBrowserBase(abc.ABC):
"""
Browser manager class for managing browser instances.
To avoid troubles, **only one browser instance** is allowed to run at a time,
and **only one page** is allowed to be used.
"""
def __init__(self, headless=True, debug_tool: Debugger = None):
self._is_running: bool = False
"""whether browser is running"""
self._browser = None
"""Singleton browser instance"""
self._headless: bool = headless
"""whether browser is headless"""
self._debug_tool = debug_tool if debug_tool is not None else Debugger()
"""Debugger instance"""
@property
def is_running(self) -> bool:
"""whether browser is running"""
return self._is_running
@property
def headless(self) -> bool:
"""whether browser is headless"""
return self._headless
@property
def debug_tool(self):
return self._debug_tool
@property
@abc.abstractmethod
def url(self) -> str:
"""Return the current url of the page."""
raise NotImplementedError
@abc.abstractmethod
async def start_browser(self) -> None:
raise NotImplementedError
@abc.abstractmethod
async def close_browser(self) -> None:
raise NotImplementedError
async def restart_browser(self) -> None:
await self.close_browser()
await self.start_browser()
async def go_back(self) -> None:
self.debug_tool.info(f"Browser: Go back")
await self._go_back()
self.debug_tool.info(f"Browser: Go back successfully")
@abc.abstractmethod
async def _go_back(self):
raise NotImplementedError
async def go(self, url: str) -> None:
self.debug_tool.info(f"Browser: Go to {url}")
await self._go(url)
self.debug_tool.info(f"Browser: Go to {url} successfully")
@abc.abstractmethod
async def _go(self, url: str):
raise NotImplementedError | zephyrion | /_common/browser_manager.py | browser_manager.py |
abilities = {
# ---------------------------------------
# ---------------------------------------
# --------------- GENERAL ---------------
# ---------------------------------------
# ---------------------------------------
'stop': {},
'move': {},
'attack': {},
'Rally': {},
'AttackRedirect': {},
'StopRedirect': {},
# ---------------------------------------
# ---------------------------------------
# --------------- PROTOSS ---------------
# ---------------------------------------
# ---------------------------------------
'GuardianShield': {
'energy_cost': 75,
},
'Feedback': {
'energy_cost': 50,
},
'HallucinationArchon': {
'energy_cost': 75,
},
'HallucinationColossus': {
'energy_cost': 75,
},
'HallucinationHighTemplar': {
'energy_cost': 75,
},
'HallucinationImmortal': {
'energy_cost': 75,
},
'HallucinationPhoenix': {
'energy_cost': 75,
},
'HallucinationProbe': {
'energy_cost': 75,
},
'HallucinationStalker': {
'energy_cost': 75,
},
'HallucinationVoidRay': {
'energy_cost': 75,
},
'HallucinationWarpPrism': {
'energy_cost': 75,
},
'HallucinationZealot': {
'energy_cost': 75,
},
'GravitonBeam': {
'energy_cost': 50,
},
'WarpPrismTransport': {},
'GatewayTrain': {},
'StargateTrain': {},
'RoboticsFacilityTrain': {},
'NexusTrain': {},
'PsiStorm': {
'energy_cost': 75,
},
'ForgeResearch': {},
'RoboticsBayResearch': {},
'TemplarArchiveResearch': {},
'WarpGateTrain': {},
'Blink': {},
'ForceField': {
'energy_cost': 50,
},
# Warp Prism Phasing (Stationary)
'PhasingMode': {},
# Warp Prism Transport (Mobile)
'TransportMode': {},
'CyberneticsCoreResearch': {},
'TwilightCouncilResearch': {},
'Charge': {},
'HallucinationOracle': {
'energy_cost': 75,
},
'OracleRevelation': {
'energy_cost': 50,
},
# Assume this is Mothership ability
'TemporalField': {
'energy_cost': 100,
},
# Disruptor Ball
'PurificationNovaTargeted': {},
'OracleWeapon': {
'energy_cost': 25,
},
'HallucinationDisruptor': {
'energy_cost': 75,
},
'HallucinationAdept': {
'energy_cost': 75,
},
# Void Ray overcharge ability???
'VoidRaySwarmDamageBoost': {},
'AdeptPhaseShift': {},
'AdeptPhaseShiftCancel': {},
'AdeptShadePhaseShiftCancel': {},
'DarkTemplarBlink': {},
'BatteryOvercharge': {
'energy_cost': 50,
},
'VoidRaySwarmDamageBoostCancel': {},
'DarkShrineResearch': {},
'ObserverSiegeMorphtoObserver': {},
'ObserverMorphtoObserverSiege': {},
'ChronoBoostEnergyCost': {
'energy_cost': 50,
},
'NexusMassRecall': {
'energy_cost': 50,
},
# --------------------------------------
# --------------------------------------
# --------------- TERRAN ---------------
# --------------------------------------
# --------------------------------------
# Ghost abilities???
'GhostHoldFire': {},
'GhostWeaponsFree': {},
'CalldownMULE': {
'energy_cost': 50,
},
'RallyCommand': {},
'StimpackMarauder': {},
'SupplyDrop': {
'energy_cost': 50,
},
'Stimpack': {},
'GhostCloak': {
'energy_cost': 25,
},
# Don't know which unit??? Assume Tank
'SiegeMode': {},
'Unsiege': {},
'BansheeCloak': {
'energy_cost': 25,
},
'MedivacTransport': {},
'ScannerSweep': {
'energy_cost': 50,
},
'Yamato': {},
# Assume this is for Viking
'AssaultMode': {},
'FighterMode': {},
'CommandCenterTransport': {},
'CommandCenterLiftOff': {},
'CommandCenterLand': {},
'BarracksFlyingBuild': {},
'BarracksLiftOff': {},
'FactoryFlyingBuild': {},
'FactoryLiftOff': {},
'StarportFlyingBuild': {},
'StarportLiftOff': {},
'FactoryLand': {},
'StarportLand': {},
'CommandCenterTrain': {},
'BarracksLand': {},
'SupplyDepotLower': {},
'SupplyDepotRaise': {},
'BarracksTrain': {},
'FactoryTrain': {},
'StarportTrain': {},
'EngineeringBayResearch': {},
'GhostAcademyTrain': {},
'BarracksTechLabResearch': {},
'FactoryTechLabResearch': {},
'StarportTechLabResearch': {},
'GhostAcademyResearch': {},
'ArmoryResearch': {},
'UpgradeToPlanetaryFortress': {},
'UpgradeToOrbital': {},
'OrbitalLiftOff': {},
'OrbitalCommandLand': {},
'FusionCoreResearch': {},
'TacNukeStrike': {},
'EMP': {
'energy_cost': 75,
},
'StimpackRedirect': {},
'StimpackMarauderRedirect': {},
'BuildAutoTurret': {},
# Assume changing from AP to normal
'ThorNormalMode': {},
'MorphToHellion': {},
'MorphToHellionTank': {},
'WidowMineBurrow': {},
'WidowMineUnburrow': {},
'WidowMineAttack': {},
# Assume Widow Mine ability
'TornadoMissile': {},
'MedivacSpeedBoost': {},
'LockOn': {},
'LockOnCancelled': {},
# Assume Battlecruiser Tac Jump
'Hyperjump': {},
'ThorAPMode': {},
'LiberatorAGTarget': {},
'LiberatorAATarget': {},
'KD8Charge': {},
# ???
'BattlecruiserAttack': {},
'BattlecruiserMove': {},
'BattlecruiserStop': {},
# Assume Ghost Snipe ability
'ChannelSnipe': {
'energy_cost': 50,
},
'RavenScramblerMissile': {
'energy_cost': 75,
},
'RavenShredderMissile': {
'energy_cost': 75,
},
# --------------------------------------
# --------------------------------------
# --------------- ZERG -----------------
# --------------------------------------
# --------------------------------------
# Assume Baneling explosion
'Explode': {},
'FungalGrowth': {
'energy_cost': 75,
},
'ZerglingTrain': {},
'SpawnChangeling': {
'energy_cost': 50,
},
'RallyHatchery': {},
'RoachWarrenResearch': {},
'NeuralParasite': {
'energy_cost': 100,
},
# Queen Inject
'SpawnLarva': {
'energy_cost': 25,
},
'UltraliskCavernResearch': {},
'ZergBuild': {},
'EvolutionChamberResearch': {},
'UpgradeToLair': {},
'UpgradeToHive': {},
'UpgradeToGreaterSpire': {},
'HiveResearch': {},
'SpawningPoolResearch': {},
'HydraliskDenResearch': {},
'GreaterSpireResearch': {},
'LarvaTrain': {},
'MorphToBroodLord': {},
'BurrowBanelingDown': {},
'BurrowBanelingUp': {},
'BurrowDroneDown': {},
'BurrowDroneUp': {},
'BurrowHydraliskDown': {},
'BurrowHydraliskUp': {},
'BurrowRoachDown': {},
'BurrowRoachUp': {},
'BurrowZerglingDown': {},
'BurrowZerglingUp': {},
'OverlordTransport': {},
'BurrowQueenDown': {},
'BurrowQueenUp': {},
'NydusCanalTransport': {},
'BurrowInfestorDown': {},
'BurrowInfestorUp': {},
'InfestationPitResearch': {},
'BanelingNestUpgrade': {},
'BurrowUltraliskDown': {},
'BurrowUltraliskUp': {},
'HiveTrain': {},
'Transfusion': {
'energy_cost': 50,
},
# Queen Creep Tumor ability
'GenerateCreep': {
'energy_cost': 25,
},
# Queen Creep Tumor action
'QueenBuild': {},
'SpineCrawlerUproot': {},
'SporeCrawlerUproot': {},
'SpineCrawlerRoot': {},
'SporeCrawlerRoot': {},
# Creep Tumor spawn another tumor
'CreepTumorBurrowedBuild': {},
'NydusNetworkBuild': {},
'Contaminate': {
'energy_cost': 125,
},
'RavagerCorrosiveBile': {},
'BurrowLurkerMPDown': {},
'BurrowLurkerMPUp': {},
'BurrowRavagerDown': {},
'BurrowRavagerUp': {},
'MorphToRavager': {},
'MorphToTransportOverlord': {},
'BlindingCloud': {
'energy_cost': 100,
},
'Yoink': {
'energy_cost': 75,
},
'ViperConsumeStructure': {},
# Assume Baneling building explosion
'VolatileBurstBuilding': {},
'MorphToLurker': {},
'NydusWormTransport': {},
'ParasiticBomb': {
'energy_cost': 125,
},
'LurkerHoldFire': {},
'LurkerRemoveHoldFire': {},
'LurkerDenMPResearch': {},
} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/base_ability_data.py | base_ability_data.py |
# Zephyrus Replay Parser
A robust and detailed parser for .SC2Replay files. Only 1v1 games are currently supported.
Used by [zephyrus.gg](https://zephyrus.gg) for in-depth replay analysis.
## Core Features
- **Easy to use**
No need to configure anything, just install the package and call `parse_replay`
- **Battle Tested**
The parser is used on [zephyrus.gg](https://zephyrus.gg) and has been used to process over 70k replays with very few failing. For common failure modes there are also custom exceptions to make it clear why parsing failed.
- **Stateful and Object Orientated**
Core game elements are recreated with objects (Game, GameObj, Player, PlayerState) allowing for an easy understanding of where information is located and how it is interlinked.
Events and information are re-calculated on every relevant event, so you always have the correct gamestate.
Gamestate is recorded at regular intervals (5sec) to allow easy analysis on parsed information.
Raw data is available through all main objects (Game.events, GameObj.birth_time, Player.objects, etc).
- **Extremely Detailed Information**
The parser utilizes both the tracker and game events from replay files to re-create gamestate, allowing much more complex information to be gathered.
Ex:
- Unit Modes: Warp Prism Flying vs Phasing
- Creep: Active Tumors, Dead Tumors, Total Creep Tiles
- Ability Attribution/Energy Tracking (Command Structures only)
- Selection/Control Group Tracking
## Installation and Usage
The parser is hosted on PyPI. You can install it through pip
`pip install zephyrus_sc2_parser`
You can import `parse_replay` as a top level import
`from zephyrus_sc2_parser import parse_replay`
### Required Arguments
The only required argument is the path of the replay you want to parse
### Optional Keyword Arguments
You can optionally use the `local` flag to indicate you want to parse a replay without MMR, otherwise the parser will abort the replay. `local` is set to False by default.
By default the generated timeline will be in 5sec intervals (22.4 gameloops = 1 second, 22.4 * 5 = 112). You can specify a custom interval in gameloops using the `tick` keyword argument.
The `network` flag can be used to disable network requests, since maps that aren't cached in `zephyrus_sc2_parser/gamedata/map_info.py` require one to get the map size (Used for Creep calculations). `network` is set to True by default.
### Return Values
The parser returns a [named tuple](https://docs.python.org/3/library/collections.html#collections.namedtuple) which can either be handled like a single object, or spread into distinct values.
The data returned is:
- Dictionary containing both player objects
- List of recorded game states
- List of recorded engagements
- Dictionary of summary stats containing general information about both players
- Dictionary of metadata about the game
Currently engagements is empty, but it will contain engagement data in the future.
### Examples
```
# data can be accessed with dot notation
# replay.players, replay.timeline, replay.engagements, replay.summary, replay.metadata
replay = parse_replay(filepath, local=False, tick=112, network=True)
OR
# you can name these however you like
players, timeline, engagements, summary, metadata = parse_replay(filepath, local=False, tick=112, network=True)
```
Example of `players`:
{
1: <Player object>, # see zephyrus_sc2_parser/game/player.py for details
2: <Player object>,
}
Example of `timeline`:
# one gamestate, not actual data
# see zephyrus_sc2_parser/game/player_state.py for details
[{
1: {
'gameloop': 3000,
'resource_collection_rate': { 'minerals': 1200, 'gas': 800 },
'unspent_resources': { 'minerals': 300, 'gas': 400 },
'resource_collection_rate_all': 2000,
'unit': {
'Probe': {
'type': ['unit', 'worker'],
'live': 50,
'died': 15,
'in_progress': 0,
'mineral_cost': 50,
'gas_cost': 0,
},
'Stalker': {
'type': ['unit'],
'live': 12,
'died': 0,
'in_progress': 0,
'mineral_cost': 125,
'gas_cost': 50,
},
},
'building': {
'CyberneticsCore': {
'type': ['building'],
'live': 1,
'died': 0,
'in_progress': 0,
'mineral_cost': 150,
'gas_cost': 0,
},
'ShieldBattery': {
'type': ['building'],
'live': 2,
'died': 0,
'in_progress': 0,
'mineral_cost': 100,
'gas_cost': 0,
}
},
'upgrade': [],
'current_selection': { 'Stalker': 2 },
'workers_active': 50,
'workers_produced': 38,
'workers_lost': 0,
'supply': 74,
'supply_cap': 100,
'supply_block': 0,
'spm': 0,
'army_value': { 'minerals': 1500, 'gas': 600 },
'resources_lost': { 'minerals': 750, 'gas': 0 },
'resources_collected': { 'minerals': 10500, 'gas': 2500 },
'total_army_value': 2100,
'total_resources_lost': 0,
'total_resources_collected': 13000,
'race': {},
},
2: {
...
},
}]
Example of `summary`:
# not actual data
{
'mmr': { 1: 3958, 2: 3893 },
'avg_resource_collection_rate': {
'minerals': { 1: 1150.9, 2: 1238.6 },
'gas': { 1: 321.7, 2: 316.8 }
},
'max_collection_rate': { 1: 2400, 2: 2200 },
'avg_unspent_resources': {
'minerals': { 1: 330.7, 2: 247.3 },
'gas': { 1: 205.2, 2: 174.5 }
},
'apm': { 1: 123.0, 2: 187.0 },
'spm': { 1: 7, 2: 10.4 },
'resources_lost': {
'minerals': { 1: 2375, 2: 800 },
'gas': { 1: 1000, 2: 425 }
},
'resources_collected': {
'minerals': { 1: 22000, 2: 23000 },
'gas': { 1: 5400, 2: 7500 }
},
'workers_produced': { 1: 63, 2: 48 },
'workers_killed': { 1: 12, 2: 41 },
'workers_lost': { 1: 41, 2: 12 },
'supply_block': { 1: 20, 2: 5 },
'sq': { 1: 91, 2: 104 },
'avg_pac_per_min': { 1: 28.15, 2: 36.29 },
'avg_pac_action_latency': { 1: 0.46, 2: 0.32 },
'avg_pac_actions': { 1: 3.79, 2: 4.65 },
'avg_pac_gap': { 1: 0.37, 2: 0.25 },
'race': { 1: {}, 2: {} },
}
Example of `metadata`:
# not actual data
{
'map': 'Acropolis LE',
# UTC timezone
'played_at': <datetime.datetime object>,
# player ID
'winner': 1,
# seconds
'game_length': 750,
}
| zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/README.md | README.md |
import os
import copy
import csv
from pathlib import Path
from base_unit_data import units
from base_building_data import buildings
from base_ability_data import abilities
from base_upgrade_data import upgrades
from protocols import protocols
path = Path('version_data')
prev_protocol = {
'unit': 0,
'building': 0,
'ability': 0,
}
version_protocols = {}
for file_path in path.iterdir():
version = int(file_path.name[:5])
if 'units' in file_path.name:
data_type = 'unit'
elif 'abilities' in file_path.name:
data_type = 'ability'
else:
continue
for i in range(0, len(protocols)):
protocol = protocols[i]
if prev_protocol[data_type] < protocol <= version:
if version not in version_protocols:
version_protocols[version] = set()
version_protocols[version].add(protocol)
elif protocol > version:
prev_protocol[data_type] = protocols[i - 1]
break
# for prot, data in version_protocols.items():
# print(prot)
# print(sorted(list(data)))
# print('\n\n')
for file_path in path.iterdir():
if file_path.is_file():
version = int(file_path.name[:5])
if 'units' in file_path.name:
version_data = {
'unit': copy.deepcopy(units),
'building': copy.deepcopy(buildings),
}
elif 'abilities' in file_path.name:
version_data = {'ability': copy.deepcopy(abilities)}
new_version_data = {}
else:
continue
with open(file_path) as data:
reader = csv.reader(data)
for row in reader:
if not row:
continue
obj_id = int(row[0])
obj_name = row[1]
obj_race = False
for data_type, data in version_data.items():
if data_type == 'unit' or data_type == 'building':
for race, obj_type_data in data.items():
if obj_name in obj_type_data:
obj_race = race
break
if obj_race:
version_data[data_type][obj_race][obj_name]['obj_id'] = obj_id
break
elif data_type == 'ability':
if obj_name in abilities:
new_version_data[obj_id] = {'ability_name': obj_name}
new_version_data[obj_id].update(abilities[obj_name])
else:
continue
for prot in list(version_protocols[version]):
if not os.path.isdir(f'zephyrus_sc2_parser/gamedata/{prot}'):
os.mkdir(f'zephyrus_sc2_parser/gamedata/{prot}')
Path(f'zephyrus_sc2_parser/gamedata/{prot}/__init__.py').touch()
for data_type, data in version_data.items():
if data_type == 'unit' or data_type == 'building':
data_name = f'{data_type}s'
write_data = version_data[data_type]
elif data_type == 'ability':
data_name = 'abilities'
write_data = new_version_data
else:
continue
with open(f'zephyrus_sc2_parser/gamedata/{prot}/{data_type}_data.py', 'w') as version_file:
version_file.write(f'# Version {prot}\n{data_name} = {write_data}')
with open(f'zephyrus_sc2_parser/gamedata/{prot}/upgrade_data.py', 'w') as version_file:
version_file.write(f'# Version {prot}\nupgrades = {upgrades}') | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/generate_gamedata.py | generate_gamedata.py |
# Architecture
This document describes the general structure of the parser and how different areas of the codebase interact with one another.
## Overview
The goal of the parser is to generate useful game data and perform high level analysis. It's supposed to make it easy for users to extract useful data from replays.
It achieves this by processing game events and building up the state of the game from event data. Game state is recorded in a few core data structures (`Game`, `GameObj`, `Player`), which are all mutable.
Some data is lost throughout the parsing process due to mutability, however snapshots of the current game state are recorded at regular intervals (This is the timeline). Other data is recorded in the core data structures (I.e. player selections).
There is also some secondary parsing after all game events have been processed, which involves re-processing data for high level analysis.
## Data Structures
There are 2 extremely commmon data structures used in the parser: `GameObj` and `Player`. They are both found in the `zephyrus_sc2_parser/game` folder.
`GameObj` objects contain the current state of units and buildings as well as underlying information such as mineral cost, type (Worker, building, unit or supply), etc.
`Player` objects contain the current state of things under a player's control (Control Groups, Units/Buildings, etc) as well as a lot of historical data (Resource Collection rates, Selections, etc).
## Initial Setup
Before we can starting processing game events, we need to parse the replay file itself and set up a few data structures and populate them with basic information.
Most of this occurs in the `_setup` function in `zephyrus_sc2_parser/parser.py`.
The most important thing that occurs during the initial setup is populating `Player` objects with their ids. Some events have user ids, and some have player ids. User ids are matched up with player ids in the `_create_players` function in `zephyrus_sc2_parser/utils.py`.
## Parsing Loop
To re-create the game state, we iterate through all the game events and mutate the current state accordingly. This parsing loop is a core part of the parser and is found in `zephyrus_sc2_parser/parser.py`.
Here's a basic description of what happens when an event is processed:
1. Create event object
2. Extract relevant data from the event
3. Mutate game state with updated data
Notes:
- If an event is not supported by the parser, it's skipped and no event object is created
- Event objects are like classes of events. Multiple different events can correspond to the same type of event object
- In general, the parsing loop should be as pure as possible. The exceptions to this are mutations that span multiple events and global mutations
## Events
Notes:
- All events only relate to one (1) player
- All events inherit from `BaseEvent`
- All events implement the `parse_event` method. This is the only public method events implement
- All events are strictly self-contained. They should **NOT** be mutated from outside the event object itself
- In general, events are the only place where mutation of core data structures (`GameObj`, `Player`) should occur. The exceptions to this are mutations during initial setup and in the parsing loop
- You should think of events as the main method of communication between data structures like so:
`GameObj/Player <--> event <--> GameObj/Player`
### `BaseEvent`
The `BaseEvent` populates the event object with some basic generic data about the event. Any non-generic data is extracted in the specific event.
### `ObjectEvent`
An `ObjectEvent` spans 5 different game events:
- `NNet.Replay.Tracker.SUnitInitEvent`
- `NNet.Replay.Tracker.SUnitDoneEvent`
- `NNet.Replay.Tracker.SUnitBornEvent`
- `NNet.Replay.Tracker.SUnitDiedEvent`
- `NNet.Replay.Tracker.SUnitTypeChangeEvent`
These are all directly related to mutations of in-game objects (i.e. `GameObj` objects).
Since this event is related to `GameObj` objects, it attempts to find the `GameObj` and `Player` related to the event. If either of these lookups fail, the event is aborted.
If the lookup succeeds, the `GameObj` is mutated based on the data in the event.
### `SelectionEvent`
A `SelectionEvent` is related to the `NNet.Game.SSelectionDeltaEvent` game event. However, the domain knowledge and logic required to handle this event is quite complex.
This event manages all mutations related to player selections. Units being box selected, units being shift deselected, units dying while being selected, units spawning from selected Eggs, etc. (This applies to buildings as well of course).
### `ControlGroupEvent`
A `ControlGroupEvent` is related to the `NNet.Game.SControlGroupUpdateEvent` game event. However, the domain knowledge and logic required to handle this event is quite complex.
This event is related to the `SelectionEvent` event, but there is no overlap in functionality.
### `AbilityEvent`
An `AbilityEvent` spans two game events:
- `NNet.Game.SCmdEvent`
- `NNet.Game.SCommandManagerStateEvent`
This event relates to abilities used by `GameObj` objects.
When a `NNet.Game.SCmdEvent` game event occurs, it is effectively cached for that player. If the same event is repeated multiple times, a `NNet.Game.SCommandManagerStateEvent` event fires instead of a `NNet.Game.SCmdEvent` event.
`NNet.Game.SCommandManagerStateEvent` events have limited information, so we track information about which ability is currently active for each player.
### `PlayerStatsEvent`
A `PlayerStatsEvent` is related to the `NNet.Replay.Tracker.SPlayerStatsEvent` game event.
This event occurs every 160 gameloops (\~7 seconds) and contains a lot of information which otherwise can't easily be obtained such as current values for Supply, Unspent Resources, Resources in Queue, etc.
### `UpgradeEvent`
An `UpgradeEvent` is related to the `NNet.Replay.Tracker.SUpgradeEvent` game event.
This event occurs when an upgrade completes. Some upgrade names are not immediately intuitive as they are old names.
### `CameraEvent`
A `CameraEvent` is related to the `NNet.Game.SCameraUpdateEvent` game event.
This event occurs every time the camera position, pitch, roll or yaw changes.
### `PlayerLeaveEvent`
A `PlayerLeaveEvent` is related to the `NNet.Game.SPlayerLeaveEvent` game event.
This event occurs when a player or observer leaves the game.
| zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/ARCHITECTURE.md | ARCHITECTURE.md |
upgrades = {
'Protoss': {
'ObserverGraviticBooster': {
'mineral_cost': 100,
'gas_cost': 100,
},
'GraviticDrive': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ExtendedThermalLance': {
'mineral_cost': 150,
'gas_cost': 150,
},
'PsiStormTech': {
'mineral_cost': 200,
'gas_cost': 200,
},
'WarpGateResearch': {
'mineral_cost': 50,
'gas_cost': 50,
},
'Charge': {
'mineral_cost': 100,
'gas_cost': 100,
},
'BlinkTech': {
'mineral_cost': 150,
'gas_cost': 150,
},
'PhoenixRangeUpgrade': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Adept Glaives
'AdeptPiercingAttack': {
'mineral_cost': 100,
'gas_cost': 100,
},
'DarkTemplarBlinkUpgrade': {
'mineral_cost': 100,
'gas_cost': 100,
},
'FluxVanes': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ProtossGroundWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ProtossGroundWeaponsLevel2': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ProtossGroundWeaponsLevel3': {
'mineral_cost': 200,
'gas_cost': 200,
},
'ProtossGroundArmorsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ProtossGroundArmorsLevel2': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ProtossGroundArmorsLevel3': {
'mineral_cost': 200,
'gas_cost': 200,
},
'ProtossShieldsLevel1': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ProtossShieldsLevel2': {
'mineral_cost': 225,
'gas_cost': 225,
},
'ProtossShieldsLevel3': {
'mineral_cost': 300,
'gas_cost': 300,
},
'ProtossAirWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ProtossAirWeaponsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'ProtossAirWeaponsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'ProtossAirArmorsLevel1': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ProtossAirArmorsLevel2': {
'mineral_cost': 225,
'gas_cost': 225,
},
'ProtossAirArmorsLevel3': {
'mineral_cost': 300,
'gas_cost': 300,
},
},
'Terran': {
'Stimpack': {
'mineral_cost': 100,
'gas_cost': 100,
},
'CombatShields': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Concussive Shells
'PunisherGrenades': {
'mineral_cost': 50,
'gas_cost': 50,
},
# Ghost Cloaking
'PersonalCloaking': {
'mineral_cost': 150,
'gas_cost': 150,
},
'EnhancedShockwaves': {
'mineral_cost': 150,
'gas_cost': 150,
},
'BansheeCloak': {
'mineral_cost': 100,
'gas_cost': 100,
},
'RavenCorvidReactor': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Yamato
'BattlecruiserEnableSpecializations': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Widow Mine Drilling Claws
'DrillClaws': {
'mineral_cost': 75,
'gas_cost': 75,
},
# Blue Flame
'HighCapacityBarrels': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Mag Field Accelerator
'CycloneLockOnDamageUpgrade': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Hyperflight Rotors
'BansheeSpeed': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Advanced Ballistics
'LiberatorAGRangeUpgrade': {
'mineral_cost': 150,
'gas_cost': 150,
},
'SmartServos': {
'mineral_cost': 100,
'gas_cost': 100,
},
'MedivacIncreaseSpeedBoost': {
'mineral_cost': 100,
'gas_cost': 100,
},
'HiSecAutoTracking': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Neosteel
'TerranBuildingArmor': {
'mineral_cost': 150,
'gas_cost': 150,
},
'TerranInfantryWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'TerranInfantryWeaponsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'TerranInfantryWeaponsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'TerranInfantryArmorsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'TerranInfantryArmorsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'TerranInfantryArmorsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'TerranVehicleWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'TerranVehicleWeaponsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'TerranVehicleWeaponsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'TerranVehicleAndShipArmorsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'TerranVehicleAndShipArmorsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'TerranVehicleAndShipArmorsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'TerranShipWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'TerranShipWeaponsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'TerranShipWeaponsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
},
'Zerg': {
'GlialReconstitution': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Roach Tunneling Claws
'TunnelingClaws': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ChitinousPlating': {
'mineral_cost': 150,
'gas_cost': 150,
},
'AnabolicSynthesis': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Lurker Adaptive Talons
'DiggingClaws': {
'mineral_cost': 150,
'gas_cost': 150,
},
# Lurker Seismic Spines
'LurkerRange': {
'mineral_cost': 150,
'gas_cost': 150,
},
# actual name is 'overlordspeed'
'OverlordSpeed': {
'mineral_cost': 100,
'gas_cost': 100,
},
'Burrow': {
'mineral_cost': 100,
'gas_cost': 100,
},
# actual name is 'zerglingattackspeed'
'ZerglingAttackSpeed': {
'mineral_cost': 200,
'gas_cost': 200,
},
# actual name is 'zerglingmovementspeed'
'ZerglingMovementSpeed': {
'mineral_cost': 100,
'gas_cost': 100,
},
# Baneling Speed
'CentrificalHooks': {
'mineral_cost': 150,
'gas_cost': 150,
},
'EvolveGroovedSpines': {
'mineral_cost': 100,
'gas_cost': 100,
},
'EvolveMuscularAugments': {
'mineral_cost': 100,
'gas_cost': 100,
},
'NeuralParasite': {
'mineral_cost': 150,
'gas_cost': 150,
},
'InfestorEnergyUpgrade': {
'mineral_cost': 150,
'gas_cost': 150,
},
'MicrobialShroud': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ZergMeleeWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ZergMeleeWeaponsLevel2': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ZergMeleeWeaponsLevel3': {
'mineral_cost': 200,
'gas_cost': 200,
},
'ZergMissileWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ZergMissileWeaponsLevel2': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ZergMissileWeaponsLevel3': {
'mineral_cost': 200,
'gas_cost': 200,
},
'ZergGroundArmorsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ZergGroundArmorsLevel2': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ZergGroundArmorsLevel3': {
'mineral_cost': 200,
'gas_cost': 200,
},
'ZergFlyerWeaponsLevel1': {
'mineral_cost': 100,
'gas_cost': 100,
},
'ZergFlyerWeaponsLevel2': {
'mineral_cost': 175,
'gas_cost': 175,
},
'ZergFlyerWeaponsLevel3': {
'mineral_cost': 250,
'gas_cost': 250,
},
'ZergFlyerArmorsLevel1': {
'mineral_cost': 150,
'gas_cost': 150,
},
'ZergFlyerArmorsLevel2': {
'mineral_cost': 225,
'gas_cost': 225,
},
'ZergFlyerArmorsLevel3': {
'mineral_cost': 300,
'gas_cost': 300,
},
},
} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/base_upgrade_data.py | base_upgrade_data.py |
buildings = {
'Protoss': {
'Nexus': {
'obj_id': [81],
'priority': 28,
'type': ['building', 'supply'],
'mineral_cost': 400,
'gas_cost': 0,
'supply': 15,
'energy': 50,
},
'Pylon': {
'obj_id': [82],
'priority': 1,
'type': ['building', 'supply'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 8,
},
'Assimilator': {
'obj_id': [83],
'priority': 3,
'type': ['building'],
'mineral_cost': 75,
'gas_cost': 0,
'supply': 0,
},
'Gateway': {
'obj_id': [84],
'priority': 24,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'WarpGate': {
'obj_id': [155],
'priority': 30,
'type': ['building'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Forge': {
'obj_id': [85],
'priority': 18,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'CyberneticsCore': {
'obj_id': [94],
'priority': 16,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'PhotonCannon': {
'obj_id': [88],
'priority': 4,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'ShieldBattery': {
'obj_id': [443],
'priority': 5,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 0,
'energy': 100,
},
'RoboticsFacility': {
'obj_id': [93],
'priority': 22,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'Stargate': {
'obj_id': [89],
'priority': 20,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
'TwilightCouncil': {
'obj_id': [87],
'priority': 12,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'RoboticsBay': {
'obj_id': [92],
'priority': 6,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
'FleetBeacon': {
'obj_id': [86],
'priority': 14,
'type': ['building'],
'mineral_cost': 300,
'gas_cost': 200,
'supply': 0,
},
'TemplarArchives': {
'obj_id': [90],
'priority': 10,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 200,
'supply': 0,
},
'DarkShrine': {
'obj_id': [91],
'priority': 8,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
# 'OracleStasisTrap': {
# 'obj_id': [967],
# 'priority': 0,
# 'type': ['unit'], # temporary
# 'mineral_cost': 0,
# 'gas_cost': 0,
# 'supply': 0,
# },
},
'Terran': {
'CommandCenter': {
'obj_id': [39],
'priority': 32,
'type': ['building', 'supply'],
'mineral_cost': 400,
'gas_cost': 0,
'supply': 15,
},
'CommandCenterFlying': {
'obj_id': [39],
'priority': 32,
'type': ['building', 'supply'],
'mineral_cost': 400,
'gas_cost': 0,
'supply': 15,
},
'OrbitalCommand': {
'obj_id': [154],
'priority': 34,
'type': ['building', 'supply'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
'energy': 50,
},
'OrbitalCommandFlying': {
'obj_id': [154],
'priority': 34,
'type': ['building', 'supply'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
'energy': 50,
},
'PlanetaryFortress': {
'obj_id': [152],
'priority': 30,
'type': ['building', 'supply'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
'SupplyDepot': {
'obj_id': [40],
'priority': 26,
'type': ['building', 'supply'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 8,
},
'SupplyDepotLowered': {
'obj_id': [40],
'priority': 26,
'type': ['building', 'supply'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Refinery': {
'obj_id': [41],
'priority': 1,
'type': ['building'],
'mineral_cost': 75,
'gas_cost': 0,
'supply': 0,
},
'Barracks': {
'obj_id': [42],
'priority': 24,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'BarracksFlying': {
'obj_id': [42],
'priority': 24,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'EngineeringBay': {
'obj_id': [43],
'priority': 18,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'Bunker': {
'obj_id': [45],
'priority': 12,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 0,
},
'MissileTurret': {
'obj_id': [44],
'priority': 14,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 0,
},
'SensorTower': {
'obj_id': [46],
'priority': 10,
'type': ['building'],
'mineral_cost': 125,
'gas_cost': 100,
'supply': 0,
},
'GhostAcademy': {
'obj_id': [47],
'priority': 8,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 50,
'supply': 0,
},
'Factory': {
'obj_id': [48],
'priority': 22,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'FactoryFlying': {
'obj_id': [48],
'priority': 22,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'Starport': {
'obj_id': [49],
'priority': 20,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'StarportFlying': {
'obj_id': [49],
'priority': 20,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'Armory': {
'obj_id': [51],
'priority': 16,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'FusionCore': {
'obj_id': [52],
'priority': 7,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
'BarracksTechLab': {
'obj_id': [59],
'priority': 2,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 25,
'supply': 0,
},
'FactoryTechLab': {
'obj_id': [61],
'priority': 2,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 25,
'supply': 0,
},
'StarportTechLab': {
'obj_id': [63],
'priority': 2,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 25,
'supply': 0,
},
'BarracksReactor': {
'obj_id': [25],
'priority': 1,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 50,
'supply': 0,
},
'FactoryReactor': {
'obj_id': [25],
'priority': 1,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 50,
'supply': 0,
},
'StarportReactor': {
'obj_id': [25],
'priority': 1,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 50,
'supply': 0,
},
},
'Zerg': {
'Hatchery': {
'obj_id': [108],
'priority': 32,
'type': ['building', 'supply'],
'mineral_cost': 300,
'gas_cost': 0,
'supply': 6,
},
'Extractor': {
'obj_id': [110],
'priority': 1,
'type': ['building'],
'mineral_cost': 25,
'gas_cost': 0,
'supply': 0,
},
'SpawningPool': {
'obj_id': [111],
'priority': 20,
'type': ['building'],
'mineral_cost': 200,
'gas_cost': 0,
'supply': 0,
},
'SpineCrawler': {
'obj_id': [161],
'priority': 4,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 0,
},
'SporeCrawler': {
'obj_id': [162],
'priority': 4,
'type': ['building'],
'mineral_cost': 75,
'gas_cost': 0,
'supply': 0,
},
'EvolutionChamber': {
'obj_id': [112],
'priority': 26,
'type': ['building'],
'mineral_cost': 75,
'gas_cost': 0,
'supply': 0,
},
'RoachWarren': {
'obj_id': [119],
'priority': 6,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 0,
},
'BanelingNest': {
'obj_id': [118],
'priority': 8,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 50,
'supply': 0,
},
'Lair': {
'obj_id': [122],
'priority': 30,
'type': ['building', 'supply'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 0,
},
'HydraliskDen': {
'obj_id': [113],
'priority': 18,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 0,
},
'LurkerDenMP': {
'obj_id': [174],
'priority': 16,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 150,
'supply': 0,
},
'Spire': {
'obj_id': [114],
'priority': 24,
'type': ['building'],
'mineral_cost': 200,
'gas_cost': 200,
'supply': 0,
},
'GreaterSpire': {
'obj_id': [124],
'priority': 22,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 150,
'supply': 0,
},
'NydusNetwork': {
'obj_id': [117],
'priority': 10,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 0,
},
'NydusCanal': {
'obj_id': [164],
'priority': 10,
'type': ['building'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'NydusWorm': {
'obj_id': [164],
'priority': 10,
'type': ['building'],
'mineral_cost': 50,
'gas_cost': 50,
'supply': 0,
},
'InfestationPit': {
'obj_id': [116],
'priority': 12,
'type': ['building'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 0,
},
'Hive': {
'obj_id': [123],
'priority': 28,
'type': ['building', 'supply'],
'mineral_cost': 200,
'gas_cost': 150,
'supply': 0,
},
'UltraliskCavern': {
'obj_id': [115],
'priority': 14,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 200,
'supply': 0,
},
'CreepTumor': {
'obj_id': [159],
'priority': 2,
'type': ['building'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'CreepTumorBurrowed': {
'obj_id': [159],
'priority': 2,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 200,
'supply': 0,
},
'CreepTumorQueen': {
'obj_id': [159],
'priority': 2,
'type': ['building'],
'mineral_cost': 150,
'gas_cost': 200,
'supply': 0,
},
}
} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/base_building_data.py | base_building_data.py |
units = {
'Protoss': {
'Probe': {
'obj_id': [107],
'priority': 33,
'type': ['unit', 'worker'],
'mineral_cost': 50,
'gas_cost': 0,
'supply': 1,
},
'Zealot': {
'obj_id': [96],
'priority': 39,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 2,
'cooldown': 446,
},
'Stalker': {
'obj_id': [97],
'priority': 60,
'type': ['unit'],
'mineral_cost': 125,
'gas_cost': 50,
'supply': 2,
'cooldown': 512,
},
'Sentry': {
'obj_id': [100],
'priority': 87,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 100,
'supply': 2,
'energy': 50,
'cooldown': 512,
},
'Adept': {
'obj_id': [464],
'priority': 57,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 25,
'supply': 2,
'cooldown': 446,
},
# 'AdeptPhaseShift': {
# 'obj_id': [1052],
# 'priority': 54,
# 'type': ['unit'], # 'temporary'
# 'mineral_cost': 0,
# 'gas_cost': 0,
# 'supply': 0,
# },
'HighTemplar': {
'obj_id': [98],
'priority': 93,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 150,
'supply': 2,
'energy': 50,
'cooldown': 714,
},
'DarkTemplar': {
'obj_id': [99],
'priority': 56,
'type': ['unit'],
'mineral_cost': 125,
'gas_cost': 125,
'supply': 2,
'cooldown': 714,
},
'Archon': {
'obj_id': [164],
'priority': 45,
'type': ['unit'],
# cost values are 2 HT merging
# not sure how to dynamically calc cost
'mineral_cost': 100,
'gas_cost': 300,
'supply': 4,
},
'Observer': {
'obj_id': [105],
'priority': 36,
'type': ['unit'],
'mineral_cost': 25,
'gas_cost': 75,
'supply': 1,
},
'ObserverSiegeMode': {
'obj_id': [1169],
'priority': 36,
'type': ['unit'],
'mineral_cost': 25,
'gas_cost': 75,
'supply': 1,
},
'WarpPrism': {
'obj_id': [104],
'priority': 69,
'type': ['unit'],
'mineral_cost': 250,
'gas_cost': 0,
'supply': 2,
},
'WarpPrismPhasing': {
'obj_id': [159],
'priority': 69,
'type': ['unit'],
'mineral_cost': 250,
'gas_cost': 0,
'supply': 2,
},
'Immortal': {
'obj_id': [106],
'priority': 44,
'type': ['unit'],
'mineral_cost': 275,
'gas_cost': 100,
'supply': 4,
},
'Colossus': {
'obj_id': [23],
'priority': 48,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 200,
'supply': 6,
},
'Disruptor': {
'obj_id': [465],
'priority': 72,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'Phoenix': {
'obj_id': [101],
'priority': 81,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 2,
'energy': 50,
},
'VoidRay': {
'obj_id': [103],
'priority': 78,
'type': ['unit'],
'mineral_cost': 200,
'gas_cost': 150,
'supply': 4,
},
'Oracle': {
'obj_id': [185],
'priority': 84,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
'energy': 50,
},
'Tempest': {
'obj_id': [186],
'priority': 50,
'type': ['unit'],
'mineral_cost': 250,
'gas_cost': 175,
'supply': 5,
},
'Carrier': {
'obj_id': [102],
'priority': 51,
'type': ['unit'],
'mineral_cost': 350,
'gas_cost': 250,
'supply': 6,
},
'Interceptor': {
'obj_id': [108],
'priority': None,
'type': ['unit'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Mothership': {
'obj_id': [30],
'priority': 96,
'type': ['unit'],
'mineral_cost': 400,
'gas_cost': 400,
'supply': 8,
'energy': 50,
}
},
'Terran': {
'SCV': {
'obj_id': [67],
'priority': 58,
'type': ['unit', 'worker'],
'mineral_cost': 50,
'gas_cost': 0,
'supply': 1,
},
'MULE': {
'obj_id': [381],
'priority': 56,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Marine': {
'obj_id': [70],
'priority': 78,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 0,
'supply': 1,
},
'Reaper': {
'obj_id': [71],
'priority': 70,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 50,
'supply': 1,
},
'Marauder': {
'obj_id': [73],
'priority': 76,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 25,
'supply': 2,
},
'Ghost': {
'obj_id': [72],
'priority': 82,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 125,
'supply': 2,
'energy': 75,
},
'Hellion': {
'obj_id': [75],
'priority': 66,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 2,
},
# HellionTank
'HellionTank': {
'obj_id': [75],
'priority': 6,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 2,
},
'WidowMine': {
'obj_id': [436, 448],
'priority': 54,
'type': ['unit'],
'mineral_cost': 75,
'gas_cost': 25,
'supply': 2,
},
'WidowMineBurrowed': {
'obj_id': [436, 448],
'priority': 54,
'type': ['unit'],
'mineral_cost': 75,
'gas_cost': 25,
'supply': 2,
},
'Cyclone': {
'obj_id': [460],
'priority': 71,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 3,
},
'SiegeTank': {
'obj_id': [55],
'priority': 74,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 125,
'supply': 3,
},
'SiegeTankSieged': {
'obj_id': [55],
'priority': 74,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 125,
'supply': 3,
},
'Thor': {
'obj_id': [74],
'priority': 52,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 200,
'supply': 6,
},
'ThorAP': {
'obj_id': [74],
'priority': 52,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 200,
'supply': 6,
},
'VikingFighter': {
'obj_id': [56],
'priority': 68,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 75,
'supply': 2,
},
'VikingAssault': {
'obj_id': [56],
'priority': 68,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 75,
'supply': 2,
},
'Medivac': {
'obj_id': [76],
'priority': 60,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 2,
'energy': 50,
},
'Liberator': {
'obj_id': [437, 449],
'priority': 72,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'LiberatorAG': {
'obj_id': [437, 449],
'priority': 72,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'Raven': {
'obj_id': [78],
'priority': 84,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 200,
'supply': 2,
'energy': 50,
},
'AutoTurret': {
'obj_id': [53],
'priority': 2,
'type': ['building'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Banshee': {
'obj_id': [78],
'priority': 64,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 3,
'energy': 50,
},
'Battlecruiser': {
'obj_id': [79],
'priority': 80,
'type': ['unit'],
'mineral_cost': 400,
'gas_cost': 300,
'supply': 6,
},
},
'Zerg': {
'Larva': {
'obj_id': [177, 188],
'priority': 58,
'type': ['unit'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Egg': {
'obj_id': [125],
'priority': 54,
'type': ['unit'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Drone': {
'obj_id': [126],
'priority': 60,
'type': ['unit', 'worker'],
'mineral_cost': 50,
'gas_cost': 0,
'supply': 1,
},
'Overlord': {
'obj_id': [128],
'priority': 72,
'type': ['unit', 'supply'],
'mineral_cost': 100,
'gas_cost': 0,
'supply': 0,
},
'Queen': {
'obj_id': [148],
'priority': 101,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 0,
'supply': 2,
'energy': 25,
},
'Zergling': {
'obj_id': [127],
'priority': 68,
'type': ['unit'],
'mineral_cost': 25,
'gas_cost': 0,
'supply': 0.5,
},
'Baneling': {
'obj_id': [29],
'priority': 82,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 25,
'supply': 0.5,
},
'Roach': {
'obj_id': [132],
'priority': 80,
'type': ['unit'],
'mineral_cost': 75,
'gas_cost': 25,
'supply': 2,
},
'Ravager': {
'obj_id': [178],
'priority': 92,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 3,
},
'TransportOverlordCocoon': {
'obj_id': [181],
'priority': 1,
'type': ['unit', 'supply'],
'mineral_cost': 125,
'gas_cost': 25,
'supply': 0,
},
'OverlordCocoon': {
'obj_id': [150],
'priority': 1,
'type': ['unit', 'supply'],
'mineral_cost': 150,
'gas_cost': 50,
'supply': 0,
},
'Overseer': {
'obj_id': [151],
'priority': 74,
'type': ['unit', 'supply'],
'mineral_cost': 150,
'gas_cost': 50,
'supply': 0,
'energy': 50,
},
'OverseerSiegeMode': {
'obj_id': [151],
'priority': 74,
'type': ['unit', 'supply'],
'mineral_cost': 150,
'gas_cost': 50,
'supply': 0,
'energy': 50,
},
'OverlordTransport': {
'obj_id': [177],
'priority': 73,
'type': ['unit', 'supply'],
'mineral_cost': 125,
'gas_cost': 25,
'supply': 0,
},
# Add Changeling
'Hydralisk': {
'obj_id': [129],
'priority': 70,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 50,
'supply': 2,
},
'LurkerMP': {
'obj_id': [173],
'priority': 90,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'LurkerMPEgg': {
'obj_id': [175],
'priority': 54,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'LurkerMPBurrowed': {
'obj_id': [173],
'priority': 90,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 150,
'supply': 3,
},
'Mutalisk': {
'obj_id': [130],
'priority': 76,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 2,
},
'Corruptor': {
'obj_id': [134],
'priority': 84,
'type': ['unit'],
'mineral_cost': 150,
'gas_cost': 100,
'supply': 2,
},
'SwarmHostMP': {
'obj_id': [441],
'priority': 86,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 75,
'supply': 3,
},
'LocustMP': {
'obj_id': [678],
'priority': 54,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'LocustMPFlying': {
'obj_id': [907],
'priority': 56,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'LocustMPPrecursor': {
'obj_id': [678],
'priority': 54,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Infestor': {
'obj_id': [133],
'priority': 94,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 150,
'supply': 2,
'energy': 50,
},
'InfestedTerransEgg': {
'obj_id': [187],
'priority': 54,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'InfestorTerran': {
'obj_id': [27],
'priority': 66,
'type': ['unit'], # temporary
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Viper': {
'obj_id': [442],
'priority': 96,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 200,
'supply': 3,
'energy': 50,
},
'Ultralisk': {
'obj_id': [131],
'priority': 88,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 200,
'supply': 6,
},
'BroodLord': {
'obj_id': [136],
'priority': 78,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 250,
'supply': 4,
},
'BroodlingEscort': {
'obj_id': None,
'priority': None,
'type': ['unit'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'Broodling': {
'obj_id': [404],
'priority': 62,
'type': ['unit'],
'mineral_cost': 0,
'gas_cost': 0,
'supply': 0,
},
'RavagerCocoon': {
'obj_id': [180],
'priority': 54,
'type': ['unit'],
'mineral_cost': 100,
'gas_cost': 100,
'supply': 3,
},
'BanelingCocoon': {
'obj_id': [28],
'priority': 54,
'type': ['unit'],
'mineral_cost': 50,
'gas_cost': 25,
'supply': 0.5,
},
'BroodLordCocoon': {
'obj_id': [135],
'priority': 1,
'type': ['unit'],
'mineral_cost': 300,
'gas_cost': 250,
'supply': 3,
},
}
} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/base_unit_data.py | base_unit_data.py |
import datetime
import math
import mpyq
import binascii
import requests
import struct
from pathlib import Path
from io import BytesIO
from importlib import import_module
from typing import Dict
from zephyrus_sc2_parser.events import (
ObjectEvent,
AbilityEvent,
SelectionEvent,
ControlGroupEvent,
UpgradeEvent,
CameraEvent,
PlayerStatsEvent,
)
from zephyrus_sc2_parser.dataclasses import GameData, Map
from zephyrus_sc2_parser.game import Player
from zephyrus_sc2_parser.gamedata.map_info import maps
from zephyrus_sc2_parser.exceptions import PlayerCountError
import pytz
import logging
logger = logging.getLogger(__name__)
NON_ENGLISH_RACES = {
'저그': 'Zerg',
'异虫': 'Zerg',
'蟲族': 'Zerg',
'테란': 'Terran',
'人類': 'Terran',
'人类': 'Terran',
'Terraner': 'Terran',
'Терраны': 'Terran',
'프로토스': 'Protoss',
'神族': 'Protoss',
'Protosi': 'Protoss',
'星灵': 'Protoss',
'Протоссы': 'Protoss',
}
non_english_races = {}
for non_eng_race, eng_race in NON_ENGLISH_RACES.items():
non_english_races[non_eng_race.encode('utf8')] = eng_race
def _convert_time(windows_time):
unix_epoch_time = math.floor(windows_time/10000000)-11644473600
replay_datetime = datetime.datetime.fromtimestamp(unix_epoch_time).replace(tzinfo=pytz.utc)
return replay_datetime
def _import_gamedata(protocol):
protocol_name = protocol.__name__[8:]
unit_data = import_module(f'zephyrus_sc2_parser.gamedata.{protocol_name}.unit_data')
building_data = import_module(f'zephyrus_sc2_parser.gamedata.{protocol_name}.building_data')
ability_data = import_module(f'zephyrus_sc2_parser.gamedata.{protocol_name}.ability_data')
upgrade_data = import_module(f'zephyrus_sc2_parser.gamedata.{protocol_name}.upgrade_data')
return GameData(
unit_data.units,
building_data.buildings,
ability_data.abilities,
upgrade_data.upgrades,
)
def _generate_initial_summary_stats(game, metadata, mmr_data):
summary_stats = {
'mmr': {1: 0, 2: 0},
'avg_resource_collection_rate': {
'minerals': {1: 0, 2: 0},
'gas': {1: 0, 2: 0}
},
'max_collection_rate': {1: 0, 2: 0},
'avg_unspent_resources': {
'minerals': {1: 0, 2: 0},
'gas': {1: 0, 2: 0}
},
'apm': {1: 0, 2: 0},
'spm': {1: 0, 2: 0},
'resources_lost': {
'minerals': {1: 0, 2: 0},
'gas': {1: 0, 2: 0}
},
'resources_collected': {
'minerals': {1: 0, 2: 0},
'gas': {1: 0, 2: 0},
},
'workers_produced': {1: 0, 2: 0},
'workers_killed': {1: 0, 2: 0},
'workers_lost': {1: 0, 2: 0},
'supply_block': {1: 0, 2: 0},
'sq': {1: 0, 2: 0},
'avg_pac_per_min': {1: 0, 2: 0},
'avg_pac_action_latency': {1: 0, 2: 0},
'avg_pac_actions': {1: 0, 2: 0},
'avg_pac_gap': {1: 0, 2: 0},
'race': {1: {}, 2: {}},
}
# setting winner of the game
for p in metadata['Players']:
if p['Result'] == 'Win':
game.winner = p['PlayerID']
# setting basic summary stats
for player in metadata['Players']:
player_id = player['PlayerID']
summary_stats['apm'][player_id] = player['APM']
if 'm_scaledRating' in mmr_data[player_id - 1]:
summary_stats['mmr'][player_id] = mmr_data[player_id - 1]['m_scaledRating']
else:
summary_stats['mmr'][player_id] = None
return summary_stats
def _create_players(player_info, events, test_flag):
# get player name and race
# workingSetSlotId correlates to playerIDs
players = []
races = ['Protoss', 'Terran', 'Zerg']
# find and record players
for count, player in enumerate(player_info['m_playerList']):
if player['m_workingSetSlotId'] is None:
new_player = Player(
count,
player['m_toon']['m_id'],
player['m_toon']['m_region'],
player['m_toon']['m_realm'],
player['m_name'],
player['m_race']
)
players.append(new_player)
else:
new_player = Player(
player['m_workingSetSlotId'],
player['m_toon']['m_id'],
player['m_toon']['m_region'],
player['m_toon']['m_realm'],
player['m_name'].decode('utf-8'),
player['m_race'].decode('utf-8')
)
players.append(new_player)
if new_player.race not in races:
new_player.race = non_english_races[new_player.race.encode('utf-8')]
# first 2 events in every replay with 2 players is always setup for playerIDs
# need to look at the setup to match player IDs to players
setup_index = 0
for setup_index, event in enumerate(events):
if event['_event'] == 'NNet.Replay.Tracker.SPlayerSetupEvent':
break
# logic for translating user_id's into playerID's
# if only one player then playerID is always 0
if len(players) != 2:
if test_flag and len(players) == 1:
player_obj = players[0]
player_obj.player_id = events[setup_index]['m_playerId']
player_obj.user_id = events[setup_index]['m_userId']
return {
1: player_obj,
}
logger.warning('Replay does not contain exactly 2 players')
raise PlayerCountError(f'There are {len(players)} in the replay. Only 2 player replays are supported')
# if both user_id's larger than 2 then lowest user_id first, the largest
elif min(players) > 2:
player_obj = min(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index]['m_playerId']
player_obj.user_id = events[setup_index]['m_userId']
player_obj = max(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index + 1]['m_playerId']
player_obj.user_id = events[setup_index + 1]['m_userId']
# if both user_id's under 2 then the largest is set as 2 and the smallest is set as 1
# specifically in that order to prevent assignment conflicts
elif max(players) < 2:
player_obj = max(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index + 1]['m_playerId']
player_obj.user_id = events[setup_index + 1]['m_userId']
player_obj = min(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index]['m_playerId']
player_obj.user_id = events[setup_index]['m_userId']
# else specific numbers don't matter and smallest user_id correlates to playerID of 1
# and largest user_id correlates to playerID of 2
# not sure if I need this
else:
player_obj = min(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index]['m_playerId']
player_obj.user_id = events[setup_index]['m_userId']
player_obj = max(players, key=lambda x: x.player_id)
player_obj.player_id = events[setup_index + 1]['m_playerId']
player_obj.user_id = events[setup_index + 1]['m_userId']
players.sort(key=lambda x: x.player_id)
return {
1: players[0],
2: players[1],
}
def _get_map_info(player_info: Dict, map_name: str, network_flag: bool) -> Map:
game_map = Map(map_name)
if map_name not in maps and network_flag:
map_bytes = player_info['m_cacheHandles'][-1]
server = map_bytes[4:8].decode('utf8').strip('\x00 ').lower()
file_hash = binascii.b2a_hex(map_bytes[8:]).decode('utf8')
file_type = map_bytes[0:4].decode('utf8')
map_file = None
for i in range(0, 5):
map_response = requests.get(f'https://{server}-s2-depot.classic.blizzard.com/{file_hash}.{file_type}')
if map_response.status_code == 200:
map_file = BytesIO(map_response.content)
break
logger.warning(f'Could not fetch {map_name} map file. Retrying')
if not map_file:
logger.error(f'Failed to fetch {map_name} map file')
return game_map
map_archive = mpyq.MPQArchive(map_file)
map_data = BytesIO(map_archive.read_file('MapInfo'))
map_data.seek(4)
# returns tuple of 32 byte unsigned integer
unpack_int = struct.Struct('<I').unpack
version = unpack_int(map_data.read(4))[0]
if version >= 0x18:
# trash bytes
unpack_int(map_data.read(4))
unpack_int(map_data.read(4))
map_width = unpack_int(map_data.read(4))[0]
map_height = unpack_int(map_data.read(4))[0]
maps.update({
map_name: {
'width': map_width,
'height': map_height,
},
})
try:
map_info_path = Path(__file__).resolve().parent / 'gamedata' / 'map_info.py'
with open(map_info_path, 'w', encoding='utf-8') as map_info:
map_info.write(f'maps = {maps}')
except OSError:
logger.warning('Could not write map details to file')
# something may have gone wrong when trying to get map details
# or network_flag may be False
if map_name in maps:
game_map.width = maps[map_name]['width']
game_map.height = maps[map_name]['height']
return game_map
def _create_event(game, event, protocol, summary_stats):
object_events = [
'NNet.Replay.Tracker.SUnitInitEvent',
'NNet.Replay.Tracker.SUnitDoneEvent',
'NNet.Replay.Tracker.SUnitBornEvent',
'NNet.Replay.Tracker.SUnitDiedEvent',
'NNet.Replay.Tracker.SUnitTypeChangeEvent'
]
ability_events = [
'NNet.Game.SCmdEvent',
'NNet.Game.SCommandManagerStateEvent'
]
if event['_event'] in object_events:
current_event = ObjectEvent(protocol, summary_stats, game, event)
logger.debug(f'Created new ObjectEvent at {event["_gameloop"]}')
elif event['_event'] in ability_events:
current_event = AbilityEvent(game, event)
logger.debug(f'Created new AbilityEvent at {event["_gameloop"]}')
elif event['_event'] == 'NNet.Game.SSelectionDeltaEvent':
current_event = SelectionEvent(game, event)
logger.debug(f'Created new SelectionEvent at {event["_gameloop"]}')
elif event['_event'] == 'NNet.Game.SControlGroupUpdateEvent':
current_event = ControlGroupEvent(game, event)
logger.debug(f'Created new ControlGroupEvent at {event["_gameloop"]}')
elif event['_event'] == 'NNet.Replay.Tracker.SUpgradeEvent':
current_event = UpgradeEvent(game, event)
logger.debug(f'Created new UpgradeEvent at {event["_gameloop"]}')
elif event['_event'] == 'NNet.Game.SCameraUpdateEvent':
current_event = CameraEvent(game, event)
logger.debug(f'Created new CameraEvent at {event["_gameloop"]}')
elif event['_event'] == 'NNet.Replay.Tracker.SPlayerStatsEvent':
current_event = PlayerStatsEvent(summary_stats, game, event)
logger.debug(f'Created new PlayerStatsEvent at {event["_gameloop"]}')
else:
current_event = None
logger.warning(f'Event of type {event["_event"]} is not supported')
return current_event | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/utils.py | utils.py |
import mpyq
import json
import math
import heapq
import copy
import logging
from collections import OrderedDict, deque
from dataclasses import dataclass
from typing import NamedTuple, Dict, Any, Union, List, Optional
from zephyrus_sc2_parser.s2protocol_fixed import versions
from zephyrus_sc2_parser.game import Game, GameObj, Player, PlayerState
from zephyrus_sc2_parser.utils import (
_generate_initial_summary_stats,
_import_gamedata,
_get_map_info,
_create_event,
_create_players,
_convert_time
)
from zephyrus_sc2_parser.exceptions import MissingMmrError, ReplayDecodeError, GameLengthNotFoundError
logger = logging.getLogger(__name__)
# this type information is here instead of dataclasses.py
# to prevent circular imports
# GameState = {
# <player id>: {
# <gamestate key>: <gamestate value>
# }
# }
GameState = Dict[int, Dict[str, Any]]
# SummaryStat = {
# <stat name>: {
# <player id>: <stat value>
# }
# }
SummaryStat = Dict[str, Dict[int, int]]
# NamedTuple over dataclass so that it can be spread on return
class Replay(NamedTuple):
players: Dict[int, Player]
timeline: List[GameState]
engagements: List
summary: Union[SummaryStat, Dict[str, SummaryStat]]
metadata: Dict[str, Any]
@dataclass
class Selection:
objects: List[GameObj]
start: int
end: Optional[int]
# intl map names
# should probably figure out a way to automate this for each map pool
MAP_NAMES = {
"Eternal Empire LE": (
"永恆帝國 - 天梯版",
"Empire éternel EC",
"Ewiges Imperium LE",
"이터널 엠파이어 - 래더",
"Imperio eterno EE",
'Imperio eterno EJ',
'永恒帝国-天梯版',
'Вечная империя РВ',
),
"World of Sleepers LE": (
"Welt der Schläfer LE",
"休眠者之境 - 天梯版",
"Domaine des dormeurs EC",
"월드 오브 슬리퍼스 - 래더",
'Mundo de durmientes EE',
),
"Triton LE": (
"Triton EC",
"海神信使 - 天梯版",
"트라이튼 - 래더",
'Tritón EE',
),
"Nightshade LE": (
"Nocny Mrok ER",
"毒茄樹叢 - 天梯版",
"나이트쉐이드 - 래더",
'Belladona EE',
'Belladone EC',
),
"Zen LE": (
"젠 - 래더",
'Zen EC',
'Zen EE',
'Zen EJ',
),
"Ephemeron LE": (
"Efemeryda ER",
"이페머론 - 래더",
'Efímero EE',
'Éphémèrion EC',
),
"Golden Wall LE": (
"골든 월 - 래더",
'黄金墙-天梯版',
'Mur doré EC',
),
"Ever Dream LE": (
"에버 드림 - 래더",
"永恒梦境-天梯版",
"Помечтай РВ",
),
"Simulacrum LE": (
"시뮬레이크럼 - 래더",
'Simulacre EC',
'Simulacro EE',
),
"Pillars of Gold LE": (
'黄金之柱-天梯版',
"Piliers d'or EC",
'필러스 오브 골드 - 래더',
),
"Submarine LE": (
'潜水艇-天梯版',
"Подводный мир РВ",
"Sous-marin EC",
'서브머린 - 래더',
),
"Deathaura LE": (
'死亡光环-天梯版',
"Aura de mort EC",
'데스오라 - 래더',
),
"Ice and Chrome LE": (
'冰雪合金-天梯版',
'Лед и хром РВ',
"Glace et chrome EC",
'아이스 앤 크롬 - 래더',
),
}
non_english_maps = {}
for map_name, non_eng_name_tuple in MAP_NAMES.items():
for non_eng_map_name in non_eng_name_tuple:
non_english_maps[non_eng_map_name.encode('utf-8')] = map_name
def _setup(filename, local, _test):
archive = mpyq.MPQArchive(filename)
# getting correct game version and protocol
header_content = archive.header['user_data_header']['content']
error = True
for i in range(0, 5):
try:
header = versions.latest().decode_replay_header(header_content)
base_build = header['m_version']['m_baseBuild']
try:
protocol = versions.build(base_build)
except ImportError:
# if the build can't be found, we fallback to the latest version
protocol = versions.latest()
# accessing neccessary parts of file for data
contents = archive.read_file('replay.tracker.events')
details = archive.read_file('replay.details')
game_info = archive.read_file('replay.game.events')
init_data = archive.read_file('replay.initData')
metadata = json.loads(archive.read_file('replay.gamemetadata.json'))
# translating data into dict format info
# look into using detailed_info['m_syncLobbyState']['m_userInitialData']
# instead of player_info for player names, clan tags, etc
# maybe metadata['IsNotAvailable'] is useful for something?
# metadata['duration'] could be replacement for game length?
game_events = protocol.decode_replay_game_events(game_info)
player_info = protocol.decode_replay_details(details)
tracker_events = protocol.decode_replay_tracker_events(contents)
detailed_info = protocol.decode_replay_initdata(init_data)
error = False
break
# ValueError = unreadable header
# ImportError = unsupported protocol
# KeyError = unreadable file info
except ValueError as e:
logger.warning(f'Unreadable file header: {e}')
except ImportError as e:
logger.warning(f'Unsupported protocol: {e}')
except KeyError as e:
logger.warning(f'Unreadable file info: {e}')
if error:
logger.critical('Replay could not be decoded')
raise ReplayDecodeError('Replay could not be decoded')
logger.info('Parsed raw replay file')
# if no MMR then exit early
mmr_data = detailed_info['m_syncLobbyState']['m_userInitialData']
for p_id in range(1, 3):
player = mmr_data[p_id - 1]
if 'm_scaledRating' not in player or not player['m_scaledRating']:
logger.warning(f'Player {p_id} ({player["m_name"].decode("utf-8")}) has no MMR')
if not local:
raise MissingMmrError('One or more players has no MMR. If you want to parse replays without MMR, add "local=True" as a keyword argument')
# all info is returned as generators
# to paint the full picture of the game, both game and tracker events are needed
# so they are combined then sorted in chronological order
events = heapq.merge(game_events, tracker_events, key=lambda x: x['_gameloop'])
events = sorted(events, key=lambda x: x['_gameloop'])
# need to create players before finding the game length
# since it relies on having the player ids
players = _create_players(player_info, events, _test)
logger.info('Created players')
losing_player_id = None
for p in metadata['Players']:
if p['Result'] == 'Loss':
losing_player_id = p['PlayerID']
game_length = None
last_user_leave = None
for event in events:
if event['_event'] == 'NNet.Game.SGameUserLeaveEvent':
# need to collect this info in the case that the game ends via all buildings being destroyed
# in this case, a UserLeaveEvent does not occur for the losing player
last_user_leave = event['_gameloop']
if (
# losing player will always be the first player to leave the replay
event['_userid']['m_userId'] == players[losing_player_id].user_id
# in a draw I'm guessing neither player wins or loses, not sure how it works though
or losing_player_id is None
):
logger.debug(f'Found UserLeaveEvent. Game length = {event["_gameloop"]}')
game_length = event['_gameloop']
break
if not game_length and not last_user_leave:
raise GameLengthNotFoundError('Could not find the length of the game')
else:
# we fallback to the last leave event in the case that we can't find when the losing player leaves
game_length = last_user_leave
return events, players, player_info, detailed_info, metadata, game_length, protocol
def parse_replay(filename: str, *, local=False, tick=112, network=True, _test=False) -> Replay:
events, players, player_info, detailed_info, metadata, game_length, protocol = _setup(filename, local, _test)
if player_info['m_title'] in non_english_maps:
map_name = non_english_maps[player_info['m_title']]
else:
map_name = player_info['m_title'].decode('utf-8')
played_at = _convert_time(player_info['m_timeUTC'])
game_map = _get_map_info(player_info, map_name, network)
logger.info('Fetched map data')
current_game = Game(
players,
game_map,
played_at,
game_length,
events,
protocol,
_import_gamedata(protocol),
)
summary_stats = _generate_initial_summary_stats(
current_game,
metadata,
detailed_info['m_syncLobbyState']['m_userInitialData'],
)
logger.info('Completed pre-parsing setup')
# ----- core parsing logic -----
action_events = [
'NNet.Game.SControlGroupUpdateEvent',
'NNet.Game.SSelectionDeltaEvent',
'NNet.Game.SCmdEvent',
'NNet.Game.SCommandManagerStateEvent',
]
logger.info('Iterating through game events')
current_tick = 0
for event in events:
gameloop = event['_gameloop']
# create event object from JSON data
# if the event isn't supported, continue iterating
current_event = _create_event(current_game, event, protocol, summary_stats)
if current_event:
# parse_event extracts and processes event data to update Player/GameObj objects
# if summary_stats are modified they are returned from parse_event
# this only occurs for ObjectEvents and PlayerStatsEvents
result = current_event.parse_event()
logger.debug(f'Finished parsing event')
if result:
summary_stats = result
if current_event.player and current_event.player.current_selection:
player = current_event.player
# empty list of selections i.e. first selection
if not player.selections:
player.selections.append(
Selection(
player.current_selection,
gameloop,
None,
)
)
# if the time and player's current selection has changed
# update it and add the new selection
# 2 gameloops ~ 0.09s
elif (
gameloop - player.selections[-1].start >= 2
and player.current_selection != player.selections[-1].objects
):
player.selections[-1].end = gameloop
player.selections.append(
Selection(
player.current_selection,
gameloop,
None,
)
)
if (
current_event.type in action_events
and current_event.player
and current_event.player.current_pac
):
current_event.player.current_pac.actions.append(gameloop)
# every 5sec + at end of the game, record the game state
if gameloop >= current_tick or gameloop == game_length:
current_player_states = {}
for player in players.values():
player_state = PlayerState(
current_game,
player,
gameloop,
)
current_player_states[player.player_id] = player_state
# if only 2 players, we can use workers_lost of the opposite players to get workers_killed
if len(current_player_states) == 2:
current_player_states[1].summary['workers_killed'] = current_player_states[2].summary['workers_lost']
current_player_states[2].summary['workers_killed'] = current_player_states[1].summary['workers_lost']
current_timeline_state = {}
for state in current_player_states.values():
current_timeline_state[state.player.player_id] = state.summary
logger.debug(f'Created new game state at {gameloop}')
current_game.state.append(tuple(current_player_states))
current_game.timeline.append(current_timeline_state)
logger.debug(f'Recorded new timeline state at {gameloop}')
# tick = kwarg value for timeline tick size
# default tick = 112 (~5sec of game time)
current_tick += tick
# this condition is last to allow game/timeline state to be recorded at the end of the game
if gameloop == game_length:
logger.info('Reached end of the game')
logger.debug(f'Current gameloop: {gameloop}, game length: {game_length}')
break
# ----- first iteration of parsing finished, start secondary parsing -----
# aggregate all created units from game objs
queues = []
all_created_units = {1: [], 2: []}
for p_id, player in players.items():
for obj in player.objects.values():
if obj._created_units:
all_created_units[p_id].extend(obj._created_units)
all_created_units[1].sort(key=lambda x: x.train_time)
all_created_units[2].sort(key=lambda x: x.train_time)
for p_id, player in players.items():
if player.race == 'Zerg':
# deepcopy to prevent mutating original objects by reference
filtered_created_units = copy.deepcopy(all_created_units[p_id])
current_larva = deque()
for created_unit in all_created_units[p_id]:
if not current_larva:
current_larva.appendleft(created_unit)
continue
# if next unit is from the same building and has a train time specifically
# 4 gameloops after the previous unit, it means these larva are from injects
if (
created_unit.building == current_larva[-1].building
and created_unit.train_time == current_larva[-1].train_time + 4
):
current_larva.appendleft(created_unit)
continue
# 3 larva = 1 inject
# remove inject larva from created units
if len(current_larva) == 3:
for obj in current_larva:
filtered_created_units.remove(obj)
# reset for next set of inject larva
current_larva = deque()
# update created units to non-inject larva only
all_created_units[p_id] = filtered_created_units
created_unit_pos = {1: 0, 2: 0}
total_downtime = {1: 0, 2: 0}
current_downtime = {1: 0, 2: 0}
idle_production_gameloop = {}
for gameloop in range(0, game_length + 1):
player_queues = {
'gameloop': gameloop,
1: {
'supply_blocked': False,
'queues': {},
'downtime': {
'current': 0,
'total': 0,
},
},
2: {
'supply_blocked': False,
'queues': {},
'downtime': {
'current': 0,
'total': 0,
},
},
}
for p_id, player_units in all_created_units.items():
# using OrderedDict to preserve order of obj creation
# want command structures in order of when each base was created
copied_queues = OrderedDict()
# need to do this for perf so that queue itself is a new object
# but references to objects inside queue are preserved
if queues:
for building, queue in queues[-1][p_id]['queues'].items():
copied_queues[building] = copy.copy(queue)
current_queues = copied_queues
# removing finished units from queue for this gameloop
for building_queue in current_queues.values():
for i in range(len(building_queue) - 1, -1, -1):
queued_unit = building_queue[i]
if queued_unit.birth_time <= gameloop:
building_queue.pop()
# adding newly queued units for this gameloop
# start from unit after last unit to be queued
for i in range(created_unit_pos[p_id], len(player_units)):
created_unit = player_units[i]
# this means we're at the last unit and it's already been queued
if (
gameloop > created_unit.train_time
and i == len(player_units) - 1
):
# set unit position pointer to len(player_units) to prevent further iteration
created_unit_pos[p_id] = i + 1
break
# the rest of the recorded units are yet to be trained if train_time greater
if created_unit.train_time > gameloop:
# this is next unit to be queued
created_unit_pos[p_id] = i
break
if created_unit.building not in player_queues:
current_queues[created_unit.building] = deque()
current_queues[created_unit.building].appendleft(created_unit.obj)
player_queues[p_id]['queues'] = current_queues
# if either of the queues have changed, update them
if (
not queues
or queues[-1][1]['queues'] != player_queues[1]['queues']
or queues[-1][2]['queues'] != player_queues[2]['queues']
):
for p_id in range(1, 3):
# current downtime must be recalculated every gameloop
current_downtime[p_id] = 0
updated_total_downtime = total_downtime[p_id]
for building, queue in player_queues[p_id]['queues'].items():
# set initial state of idle gameloops
if building not in idle_production_gameloop:
idle_production_gameloop[building] = None
if idle_production_gameloop[building]:
current_downtime[p_id] += player_queues['gameloop'] - idle_production_gameloop[building]
# reset building idle gameloop if we have something queued now
# can also now add this building's idle time to total_downtime, since this idle period has ended
if queue and idle_production_gameloop[building]:
updated_total_downtime += player_queues['gameloop'] - idle_production_gameloop[building]
idle_production_gameloop[building] = None
# if we have an empty queue (i.e. idle production)
# and this is a new instance of idle time
if not queue and not idle_production_gameloop[building]:
idle_production_gameloop[building] = player_queues['gameloop']
# update idle time counters
player_queues[p_id]['downtime']['total'] = total_downtime[p_id] + current_downtime[p_id]
player_queues[p_id]['downtime']['current'] = current_downtime[p_id]
total_downtime[p_id] = updated_total_downtime
queues.append(player_queues)
for player in players.values():
current_supply_block = 0
for queue_state in queues:
is_queued = False
gameloop = queue_state['gameloop']
player_queues = queue_state[player.player_id]['queues']
for queue in player_queues.values():
if queue:
is_queued = True
# if all queues aren't active, we may be supply blocked
# Zerg supply block aren't related to larva though
if not is_queued or player.race == 'Zerg':
for i in range(current_supply_block, len(player._supply_blocks)):
supply_block = player._supply_blocks[i]
# there is no way for this supply block to have occurred yet, so skip to next queue state
if gameloop < supply_block['start']:
break
# if this gameloop is inside supply block
if supply_block['start'] <= gameloop <= supply_block['end']:
queue_state[player.player_id]['supply_blocked'] = True
# supply block may span over gameloops, so start again at same block
current_supply_block = i
break
for player in players.values():
player_queues = []
for queue_state in queues:
current_queue = {
'gameloop': queue_state['gameloop'],
'supply_blocked': queue_state[player.player_id]['supply_blocked'],
'queues': queue_state[player.player_id]['queues'],
'downtime': queue_state[player.player_id]['downtime'],
}
player_queues.append(current_queue)
player.queues = player_queues
# ----- parsing finished, generating return data -----
logger.info('Generating game stats')
players_export = {}
for player in players.values():
summary_stats = player.calc_pac(summary_stats, game_length)
summary_stats['spm'][player.player_id] = player.calc_spm(current_game.game_length)
collection_rate_totals = list(map(
lambda x: x[0] + x[1],
zip(player.collection_rate['minerals'], player.collection_rate['gas']),
))
if collection_rate_totals:
summary_stats['max_collection_rate'][player.player_id] = max(collection_rate_totals)
opp_id = 1 if player.player_id == 2 else 2
if player.race == 'Zerg':
if 'creep' in current_game.timeline[-1][player.player_id]['race']:
summary_stats['race'][player.player_id]['creep'] = current_game.timeline[-1][player.player_id]['race']['creep']
if 'inject_efficiency' in current_game.timeline[-1][player.player_id]['race']:
summary_stats['race'][player.player_id]['inject_efficiency'] = current_game.timeline[-1][player.player_id]['race']['inject_efficiency']
if len(player.idle_larva) == 0:
summary_stats['race'][player.player_id]['avg_idle_larva'] = 0
else:
summary_stats['race'][player.player_id]['avg_idle_larva'] = round(sum(player.idle_larva) / len(player.idle_larva), 1)
if 'energy' in current_game.timeline[-1][player.player_id]['race']:
energy_stats = current_game.timeline[-1][player.player_id]['race']['energy']
energy_efficiency = {}
energy_idle_time = {}
for obj_name, energy_info in energy_stats.items():
energy_efficiency[obj_name] = []
energy_idle_time[obj_name] = []
for obj_data in energy_info:
energy_efficiency[obj_name].append(obj_data[1])
energy_idle_time[obj_name].append(obj_data[2])
summary_stats['race'][player.player_id]['energy'] = {
'efficiency': energy_efficiency,
'idle_time': energy_idle_time,
}
players_export[player.player_id] = player
summary_stats['workers_killed'][opp_id] = summary_stats['workers_lost'][player.player_id]
metadata_export = {
'played_at': current_game.played_at,
'map': current_game.map.name,
'game_length': math.floor(current_game.game_length / 22.4),
'winner': current_game.winner
}
logger.info('Parsing completed')
return Replay(
players_export,
current_game.timeline,
[],
summary_stats,
metadata_export,
) | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/parser.py | parser.py |
import logging
from zephyrus_sc2_parser.events.base_event import BaseEvent
from zephyrus_sc2_parser.game import PerceptionActionCycle
from zephyrus_sc2_parser.dataclasses import Position
logger = logging.getLogger(__name__)
class CameraEvent(BaseEvent):
def __init__(self, *args):
super().__init__(*args)
def parse_event(self):
event = self.event
player = self.player
gameloop = self.gameloop
logger.debug(f'Parsing {self.type} at {gameloop}')
if not player or not self.event['m_target']:
return
position = Position(
event['m_target']['x'] / 256,
event['m_target']['y'] / 256,
)
if not player.prev_screen_position:
player.prev_screen_position = position
else:
x_diff = player.prev_screen_position.x - position.x
y_diff = player.prev_screen_position.y - position.y
# if x^2 + y^2 > 15^2 then add screen
# 15 tiles is cut off
if (x_diff ** 2) + (y_diff ** 2) >= 225:
player.screens.append(gameloop)
player.prev_screen_position = position
if player.current_pac:
current_pac = player.current_pac
# if current PAC is still within camera bounds, count action
if current_pac.check_position(position):
current_pac.camera_moves.append((gameloop, position))
# if current PAC is out of camera bounds
# and meets min duration, save it
elif current_pac.check_duration(gameloop):
current_pac.final_camera_position = position
current_pac.final_gameloop = gameloop
if current_pac.actions:
player.pac_list.append(current_pac)
player.current_pac = PerceptionActionCycle(position, gameloop)
player.current_pac.camera_moves.append((gameloop, position))
# if current PAC is out of camera bounds
# and does not meet min duration,
# discard current PAC and create new one
else:
player.current_pac = PerceptionActionCycle(position, gameloop)
player.current_pac.camera_moves.append((gameloop, position))
else:
player.current_pac = PerceptionActionCycle(position, gameloop)
player.current_pac.camera_moves.append((gameloop, position)) | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/camera_event.py | camera_event.py |
import copy
import logging
from dataclasses import dataclass
from typing import Dict, Optional
from zephyrus_sc2_parser.events.base_event import BaseEvent
from zephyrus_sc2_parser.game import GameObj
from zephyrus_sc2_parser.dataclasses import Position, Gameloop
logger = logging.getLogger(__name__)
@dataclass(frozen=True)
class CreatedUnit:
obj: GameObj
train_time: Gameloop
building: GameObj
class ObjectEvent(BaseEvent):
def __init__(self, protocol, summary_stats: Dict, *args):
super().__init__(*args)
self.protocol = protocol
self.summary_stats: Dict = summary_stats
def _get_or_create_game_object(self) -> Optional[GameObj]:
units = self.game.gamedata.units
buildings = self.game.gamedata.buildings
event = self.event
unit_tag_index = self.event['m_unitTagIndex']
unit_tag_recycle = self.event['m_unitTagRecycle']
game_id = self.protocol.unit_tag(unit_tag_index, unit_tag_recycle)
obj_name = None
if 'm_unitTypeName' in event:
obj_name = event['m_unitTypeName'].decode('utf-8')
logger.debug(f'Event object name: {obj_name}, ({game_id})')
if self.player is False:
logger.debug('Event does not contain player information. Checking players for event object')
for p in self.game.players.values():
if game_id in p.objects:
logger.debug('Found event object in player. Setting player and returning event object')
self.player = p
return self.player.objects[game_id]
player = self.player
if not player:
return None
if game_id in player.objects:
logger.debug('Found event object in player. Returning event object')
return player.objects[game_id]
if obj_name in units[player.race]:
obj = units[player.race][obj_name]
elif obj_name in buildings[player.race]:
obj = buildings[player.race][obj_name]
else:
return None
logger.debug('Creating new object')
new_game_obj = GameObj(
obj_name,
obj['obj_id'],
game_id,
unit_tag_index,
unit_tag_recycle,
obj['priority'],
obj['mineral_cost'],
obj['gas_cost']
)
if 'energy' in obj:
new_game_obj.energy = obj['energy']
if 'cooldown' in obj:
new_game_obj.cooldown = obj['cooldown']
for value in obj['type']:
# convert to uppercase for comparisons
new_game_obj.type.append(value.upper())
if value == GameObj.UNIT:
new_game_obj.supply = obj['supply']
elif value == GameObj.BUILDING:
new_game_obj.queue = []
elif value == GameObj.SUPPLY:
if obj_name == 'Overlord' or 'Overseer':
new_game_obj.supply_provided = 8
else:
new_game_obj.supply_provided = obj['supply']
player.objects[game_id] = new_game_obj
return new_game_obj
def parse_event(self):
units = self.game.gamedata.units
buildings = self.game.gamedata.buildings
logger.debug(f'Parsing {self.type} at {self.gameloop}')
# _get_or_create_game_object can alter self.player, so must be executed first
obj = self._get_or_create_game_object()
event = self.event
player = self.player
gameloop = self.gameloop
if not player:
logger.warning('Missing player in event')
else:
logger.debug(f'Player: {player.name} ({player.player_id})')
if not obj:
logger.warning('Missing object in event')
else:
logger.debug(f'Object: {obj}')
if not obj or not player:
return None
summary_stats = self.summary_stats
protocol = self.protocol
if self.type == 'NNet.Replay.Tracker.SUnitInitEvent':
obj.status = GameObj.IN_PROGRESS
obj.init_time = gameloop
obj.position = Position(
event['m_x'],
event['m_y'],
)
logger.debug(f'Updated object status to: {obj.status}')
logger.debug(f'Updated object init_time to: {obj.init_time}')
logger.debug(f'Updated object position to: {obj.position}')
if player.warpgate_cooldowns and GameObj.UNIT in obj.type:
first_cooldown = player.warpgate_cooldowns[0]
time_past_cooldown = gameloop - (first_cooldown[0] + first_cooldown[1])
if time_past_cooldown >= 0:
player.warpgate_cooldowns.pop(0)
player.warpgate_efficiency = (
player.warpgate_efficiency[0] + first_cooldown[1],
player.warpgate_efficiency[1] + time_past_cooldown
)
# only warped in units generate this event
if GameObj.UNIT in obj.type and obj.name != 'Archon' and obj.name != 'OracleStasisTrap':
player.warpgate_cooldowns.append((gameloop, obj.cooldown))
player.warpgate_cooldowns.sort(key=lambda x: x[0] + x[1])
warpgate_count = 0
for obj_id, obj in player.objects.items():
if obj.name == 'WarpGate':
warpgate_count += 1
while len(player.warpgate_cooldowns) > warpgate_count:
player.warpgate_cooldowns.pop()
elif self.type == 'NNet.Replay.Tracker.SUnitDoneEvent':
obj.birth_time = gameloop
obj.status = GameObj.LIVE
logger.debug(f'Updated object birth_time to: {obj.birth_time}')
logger.debug(f'Updated object status to: {obj.status}')
elif self.type == 'NNet.Replay.Tracker.SUnitBornEvent':
obj.birth_time = gameloop
obj.status = GameObj.LIVE
logger.debug(f'Updated object birth_time to: {obj.birth_time}')
logger.debug(f'Updated object status to: {obj.status}')
if GameObj.WORKER in obj.type:
summary_stats['workers_produced'][player.player_id] += 1
if not obj.position:
obj.position = Position(
event['m_x'],
event['m_y'],
)
logger.debug(f'Updated object position to: {obj.position}')
# don't want to count spawned workers/larva at start of game
if (
(obj.name == 'Larva' or (GameObj.WORKER in obj.type and obj.name != 'Drone'))
and obj.birth_time > 0
):
distances = []
command_structures = [
'Nexus',
'CommandCenter',
'OrbitalCommand',
'PlanetaryFortress',
'Hatchery',
'Lair',
'Hive',
]
# collecting building positions
for building in player.objects.values():
if building.name in command_structures:
distance_to_obj = obj.calc_distance(building.position)
distances.append({
'distance': distance_to_obj,
'obj': building,
})
closest_building = min(distances, key=lambda x: x['distance'])
if not closest_building['obj']._created_units:
closest_building['obj']._created_units = []
# due to chronoboost, a unit may be birthed earlier than expected
# if initial probe is chronoboosted, train_time will be negative
# 271 = worker training time in gameloops
# 240 = larva spawn time
train_duration = 240 if obj.name == 'Larva' else 271
estimated_train_time = obj.birth_time - train_duration
obj_train_time = estimated_train_time if estimated_train_time >= 0 else 0
# we compare the estimated train_time with the previous objects birth_time
# if train_time is before birth_time, we simply set train_time = birth_time
if (
closest_building['obj']._created_units
and obj_train_time < closest_building['obj']._created_units[-1].obj.birth_time
):
obj_train_time = closest_building['obj']._created_units[-1].obj.birth_time
closest_building['obj']._created_units.append(
CreatedUnit(
obj,
obj_train_time,
closest_building['obj'],
)
)
elif self.type == 'NNet.Replay.Tracker.SUnitDiedEvent':
obj.status = GameObj.DIED
obj.death_time = gameloop
logger.debug(f'Updated object status to: {obj.status}')
logger.debug(f'Updated object death_time to: {obj.death_time}')
if obj.name == 'WarpGate' and player.warpgate_cooldowns:
player.warpgate_cooldowns.pop()
obj_killer_tag = event['m_killerUnitTagIndex']
obj_killer_recycle = event['m_killerUnitTagRecycle']
# if a Drone died and no-one killed it, must have morphed into building
if obj.name == 'Drone' and not (obj_killer_tag and obj_killer_recycle):
obj.morph_time = gameloop
logger.debug(f'Updated object morph_time to: {obj.morph_time}')
if obj_killer_tag and obj_killer_recycle:
obj_killer_id = protocol.unit_tag(obj_killer_tag, obj_killer_recycle)
for p in self.game.players.values():
if obj_killer_id in p.objects:
obj.killed_by = p.objects[obj_killer_id]
logger.debug(f'Object killed by {obj.killed_by}')
elif self.type == 'NNet.Replay.Tracker.SUnitTypeChangeEvent':
new_obj_name = event['m_unitTypeName'].decode('utf-8')
logger.debug(f'New object name: {new_obj_name}')
if new_obj_name in units[player.race]:
new_obj_info = units[player.race][new_obj_name]
elif new_obj_name in buildings[player.race]:
new_obj_info = buildings[player.race][new_obj_name]
else:
return
obj_tag = event['m_unitTagIndex']
obj_recycle = event['m_unitTagRecycle']
obj_game_id = protocol.unit_tag(obj_tag, obj_recycle)
obj = player.objects[obj_game_id]
old_name = copy.copy(obj.name)
# flying buildings such as Terran Command Center need to have
# their position updated when they land
# new position is the target of the landing ability
if (
old_name[-6:] == 'Flying'
and GameObj.BUILDING in obj.type
and obj.abilities_used
and obj.abilities_used[-1][0].name[-4:] == 'Land'
):
landing_position = obj.abilities_used[-1][0].target_position
obj.position = landing_position
obj.update_name(new_obj_name, gameloop)
obj.obj_id = new_obj_info['obj_id']
obj.game_id = obj_game_id
obj.tag = obj_tag
obj.priority = new_obj_info['priority']
obj.mineral_cost = new_obj_info['mineral_cost']
obj.gas_cost = new_obj_info['gas_cost']
obj.supply = new_obj_info['supply']
if 'energy' in new_obj_info:
obj.energy = new_obj_info['energy']
# organised in alphabetically sorted order
morph_units = [
['Hatchery', 'Lair'],
['Hive', 'Lair'],
['BanelingCocoon', 'Zergling'],
['Baneling', 'BanelingCocoon'],
['OverlordCocoon', 'Overseer'],
['OverlordTransport', 'TransportOverlordCocoon'],
['Ravager', 'RavagerCocoon'],
['LurkerMP', 'LurkerMPEgg'],
['BroodLord', 'BroodLordCocoon'],
['CommandCenter', 'OrbitalCommand'],
]
if sorted([old_name, new_obj_name]) in morph_units:
obj.morph_time = gameloop | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/object_event.py | object_event.py |
import math
import logging
from typing import Union, Literal, List
from zephyrus_sc2_parser.events.base_event import BaseEvent
logger = logging.getLogger(__name__)
SelectionType = Union[Literal['new'], Literal['sub']]
class SelectionEvent(BaseEvent):
def __init__(self, *args):
super().__init__(*args)
def _add_to_selection(self, ctrl_group_num: int, new_obj_ids: List[int]):
player = self.player
logger.debug('Adding new objects to current selection or control group')
if ctrl_group_num:
selection = player.control_groups[ctrl_group_num]
else:
selection = player.current_selection
for obj_game_id in new_obj_ids:
if obj_game_id not in player.objects:
logger.warning(f'{obj_game_id} not in player objects. Returning')
return
for obj_game_id in new_obj_ids:
obj = player.objects[obj_game_id]
selection.append(obj)
logger.debug(f'Added {obj} to control group {ctrl_group_num}')
selection.sort(key=lambda x: x.tag)
# update object control group references
if ctrl_group_num:
logger.debug('Updating object control group references')
for index, obj in enumerate(selection):
logger.debug(f'Object: {obj}')
if ctrl_group_num not in obj.control_groups:
logger.debug(f'Previous reference: Does not exist')
else:
logger.debug(f'Previous reference: control group {ctrl_group_num}, index {obj.control_groups[ctrl_group_num]}')
obj.control_groups[ctrl_group_num] = index
logger.debug(f'Updated reference: control group {ctrl_group_num}, index {obj.control_groups[ctrl_group_num]}')
# re-assign selection to update object
if ctrl_group_num:
player.control_groups[ctrl_group_num] = selection
else:
player.current_selection = selection
def _is_morph(self) -> bool:
units = self.game.gamedata.units
# checking for Archon being added
for obj_type in self.event['m_delta']['m_addSubgroups']:
if obj_type['m_unitLink'] == units['Protoss']['Archon']['obj_id']:
return True
return False
def _handle_zero_indices(self, ctrl_group_num: int, *, selection_type: SelectionType):
"""
new: Clear the current selection and create a new one
containing the newly selected units/buildings
sub: Sub-select the units/buildings in the positions
given by 'm_removeMask' from the current selection
"""
player = self.player
event = self.event
logger.debug(f'Handling ZeroIndices mask on control group {ctrl_group_num} with {selection_type} selection')
# new selection
if selection_type == 'new':
if ctrl_group_num:
logger.debug(f'Clearing control group {ctrl_group_num}')
player.control_groups[ctrl_group_num] = []
selection = player.control_groups[ctrl_group_num]
else:
logger.debug('Clearing current selection')
player.current_selection = []
selection = player.current_selection
new_game_ids = event['m_delta']['m_addUnitTags']
for obj_game_id in new_game_ids:
if obj_game_id in player.objects:
selection.append(player.objects[obj_game_id])
selection.sort(key=lambda x: x.tag)
# sub selection. i.e a subset of the existing selection
elif selection_type == 'sub':
if ctrl_group_num:
selection = player.control_groups[ctrl_group_num]
else:
selection = player.current_selection
selection_indices = event['m_delta']['m_removeMask']['ZeroIndices']
logger.debug(f'Selection indices: {selection_indices}')
for i in range(len(selection) - 1, -1, -1):
if i not in selection_indices:
logger.debug(f'Removing object {selection[i]} at position {i}')
del selection[i]
# re-assign selection to update object
if ctrl_group_num:
player.control_groups[ctrl_group_num] = selection
else:
player.current_selection = selection
def _handle_one_indices(self, ctrl_group_num: int, *, selection_type: SelectionType):
"""
new: Remove the unit/building in the position given
by 'm_removeMask' from the current selection.
sub: Remove the units in the position given
by 'm_removeMask' from the current selection and add
the new units.
"""
player = self.player
event = self.event
selection_indices = event['m_delta']['m_removeMask']['OneIndices']
logger.debug(f'Handling OneIndices mask on control group {ctrl_group_num} with {selection_type} selection')
logger.debug(f'Selection indices {selection_indices}')
if ctrl_group_num:
selection = player.control_groups[ctrl_group_num]
else:
selection = player.current_selection
if selection_type == 'new':
new_game_ids = event['m_delta']['m_addUnitTags']
is_morph = self._is_morph()
# reverse order of current selection so object removals
# don't affect future removals
for i in range(len(selection) - 1, -1, -1):
if i in selection_indices:
if is_morph:
selection[i].morph_time = self.gameloop
logger.debug(f'Removing object {selection[i]} at position {i}')
del selection[i]
# re-assign selection to update object
if ctrl_group_num:
player.control_groups[ctrl_group_num] = selection
else:
player.current_selection = selection
self._add_to_selection(ctrl_group_num, new_game_ids)
elif selection_type == 'sub':
# reverse order of current selection so object removals
# don't affect future removals
for i in range(len(selection) - 1, -1, -1):
if i in selection_indices:
logger.debug(f'Removing object {selection[i]} at position {i}')
del selection[i]
# re-assign selection to update object
if ctrl_group_num:
player.control_groups[ctrl_group_num] = selection
else:
player.current_selection = selection
def _create_bitmask(self, mask_x: int, mask_y: int, length: int):
logger.debug('Creating bitmask')
# remove 0b prefix from string
bitmask = bin(mask_y)[2:]
# ceil = number of bytes
ceil = math.ceil(len(bitmask) / 8)
# if we have more than 8 bits, we need to pad the string
# to the correct number of bytes for the next operations
if len(bitmask) % 8 != 0:
bitmask_bytes = bitmask[:(ceil * 8) - 8]
remaining_bits = bitmask[(ceil * 8) - 8:]
bitmask = bitmask_bytes + remaining_bits.rjust(8, '0')
# slice the bitmask into bytes, reverse the byte string and record it in order
bitmask_sects = []
for i in range(0, ceil):
section = bitmask[8 * i:(8 * i) + 8]
bitmask_sects.append(section[::-1])
final_bitmask = ''.join(bitmask_sects)
# adjust the created bitmask to the correct number of bits
if len(final_bitmask) > length:
final_bitmask = final_bitmask[:length]
else:
final_bitmask = final_bitmask.ljust(length, '0')
logger.debug(f'Final bitmask: {final_bitmask}')
return final_bitmask
def _handle_mask(self, ctrl_group_num: int, *, selection_type: SelectionType):
"""
new:
sub:
"""
player = self.player
event = self.event
mask_x = event['m_delta']['m_removeMask']['Mask'][0]
mask_y = event['m_delta']['m_removeMask']['Mask'][1]
logger.debug(f'Handling Mask on control group {ctrl_group_num} with {selection_type} selection')
logger.debug(f'Mask: {mask_x}, {mask_y}')
if ctrl_group_num:
selection = player.control_groups[ctrl_group_num]
else:
selection = player.current_selection
length = len(selection)
bitmask = self._create_bitmask(mask_x, mask_y, length)
for i in range(length - 1, -1, -1):
if bitmask[i] == '1':
if selection_type == 'new' and self._is_morph():
selection[i].morph_time = self.gameloop
logger.debug(f'Removing object {selection[i]} at position {i}')
del selection[i]
# re-assign selection to update object
if ctrl_group_num:
player.control_groups[ctrl_group_num] = selection
else:
player.current_selection = selection
if selection_type == 'new':
self._add_to_selection(ctrl_group_num, event['m_delta']['m_addUnitTags'])
def _handle_none(self, ctrl_group_num: int, *, selection_type: SelectionType):
"""
new: Add the new units/buildings to the current selection.
"""
logger.debug(f'Handling None on control group {ctrl_group_num} with {selection_type} selection')
if selection_type == 'new':
selection_game_ids = self.event['m_delta']['m_addUnitTags']
self._add_to_selection(ctrl_group_num, selection_game_ids)
def _handle_new_selection(self, ctrl_group_num: int):
"""
ZeroIndices: Occurs on a new selection of units/buildings
Example: A player has 10 Roaches originally selected, then
selects 20 Zerglings.
-----
OneIndices: An alternative to Masks. A OneIndices selection occurs
when a unit/building is deselected, when a unit/building in the
original selection dies and when a unit/building in a control group
dies.
This event occurs in both the current selection (If the relevant
units are selected) and any controls groups the units are apart of.
Example: A player Shift-deselects a unit from their original selection.
Note: The current selection is resolved immediately, but
any control groups containing the units in the event
are not resolved until they are reselected.
-----
Mask: A Mask sub selection occurs when more than 1 unit/building
is selected from the original selection.
Example: A player has 18 Zerglings originally selected, then they
box a sub selection of 7 Zerglings.
-----
None: Occurs when units/buildings are added to the current selection.
Example: A player has 18 Zerglings originally selected, then they
box a new selection of 24 Zerglings, including the original 18.
"""
event = self.event
logger.debug(f'Handling new selection on control group {ctrl_group_num}')
if 'ZeroIndices' in event['m_delta']['m_removeMask']:
self._handle_zero_indices(ctrl_group_num, selection_type='new')
elif 'OneIndices' in event['m_delta']['m_removeMask']:
self._handle_one_indices(ctrl_group_num, selection_type='new')
elif 'Mask' in event['m_delta']['m_removeMask']:
self._handle_mask(ctrl_group_num, selection_type='new')
elif 'None' in event['m_delta']['m_removeMask']:
self._handle_none(ctrl_group_num, selection_type='new')
def _handle_sub_selection(self, ctrl_group_num: int):
"""
ZeroIndices: Occurs on a sub selection when there is a
maximum of 1 unit/building selected for every 8 in the
original selection and the units/buildings are adjacent.
Example: A player has 18 Zerglings originally selected,
then they box a sub selection of 2 Zerglings which are in
positions 4 and 5 of the original selection.
-----
OneIndices: An alternative to Masks. A sub selection OneIndices
occurs when units need to be added to the selection as well as
removed. This occurs when a Zerg unit is born from an Egg and
when 2 units are morphed together to create a new unit.
This event occurs in both the current selection (If the relevant
units are selected) and any controls groups the units are apart of.
Example: 2 High Templar are morphed into an Archon. Both
High Templar are removed from the current selection and
an Archon is inserted into the current selection.
Note: The current selection is resolved immediately, but
any control groups containing the units in the event
are not resolved until they are reselected.
-----
Mask: A Mask sub selection occurs when extra units/buildings are
selected in addition to the original selection.
Example: A player has 18 Zerglings originally selected, then they
box a new selection of 24 Zerglings, including the original 18.
"""
event = self.event
logger.debug(f'Handling sub selection on control group {ctrl_group_num}')
if 'ZeroIndices' in event['m_delta']['m_removeMask']:
self._handle_zero_indices(ctrl_group_num, selection_type='sub')
elif 'OneIndices' in event['m_delta']['m_removeMask']:
self._handle_one_indices(ctrl_group_num, selection_type='sub')
elif 'Mask' in event['m_delta']['m_removeMask']:
self._handle_mask(ctrl_group_num, selection_type='sub')
def parse_event(self):
event = self.event
player = self.player
gameloop = self.gameloop
# this event only concerns the player's current selection
ctrl_group_num = None
logger.debug(f'Parsing {self.type} at {gameloop}')
logger.debug(f'Control group num: {ctrl_group_num}')
logger.debug(f'm_controlGroupId: {event["m_controlGroupId"]}')
if not player:
logger.debug('No player associated with this event')
return
logger.debug(f'Player: {player.name} ({player.player_id})')
# need to handle Egg hatching here
if event['m_controlGroupId'] != 10:
ctrl_group_num = event['m_controlGroupId']
logger.debug(f'Control group (Before): {player.control_groups[ctrl_group_num]}')
logger.debug(f'Current selection (Before): {player.current_selection}')
# new selection handles adding units
self._handle_new_selection(ctrl_group_num)
logger.debug(f'Control group (After): {player.control_groups[ctrl_group_num]}')
logger.debug(f'Current selection (After): {player.current_selection}')
return
selection_game_ids = self.event['m_delta']['m_addUnitTags']
for obj_game_id in selection_game_ids:
if obj_game_id not in self.player.objects:
logger.debug(f'Object with game id {obj_game_id} not found in player objects')
return
logger.debug(f'Current selection (Before): {player.current_selection}')
if event['m_delta']['m_addSubgroups']:
for unit in event['m_delta']['m_addSubgroups']:
# Egg. The morph from Larva -> Egg is handled on an object level
# don't need to respond to this event
if unit['m_unitLink'] == 125:
return
self._handle_new_selection(ctrl_group_num)
else:
self._handle_sub_selection(ctrl_group_num)
logger.debug(f'Current selection (After): {player.current_selection}') | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/selection_event.py | selection_event.py |
import logging
from typing import Dict
from zephyrus_sc2_parser.events.base_event import BaseEvent
logger = logging.getLogger(__name__)
# flake8: noqa
# picks up binary operator before line break, but in this case it makes more sense
class PlayerStatsEvent(BaseEvent):
def __init__(self, summary_stats: Dict, *args):
super().__init__(*args)
self.summary_stats: Dict = summary_stats
def parse_event(self) -> Dict:
event = self.event
player = self.player
gameloop = self.gameloop
game = self.game
summary_stats = self.summary_stats
logger.debug(f'Parsing {self.type} at {gameloop}')
if not player:
logger.debug('No player associated with this event')
return
logger.debug(f'Player: {player.name} ({player.player_id})')
player.supply = event['m_stats']['m_scoreValueFoodUsed'] // 4096
player.supply_cap = event['m_stats']['m_scoreValueFoodMade'] // 4096
if gameloop != game.game_length:
# if maxed out, not supply blocked
if player.supply >= player.supply_cap and player.supply_cap != 200:
player.supply_block += 112
player._supply_blocks.append({
'start': gameloop - 160,
'end': gameloop,
})
player.resources_collected['minerals'] = (
event['m_stats']['m_scoreValueMineralsCurrent'] +
event['m_stats']['m_scoreValueMineralsUsedInProgressArmy'] +
event['m_stats']['m_scoreValueMineralsUsedInProgressEconomy'] +
event['m_stats']['m_scoreValueMineralsUsedInProgressTechnology'] +
event['m_stats']['m_scoreValueMineralsUsedCurrentArmy'] +
event['m_stats']['m_scoreValueMineralsUsedCurrentEconomy'] +
event['m_stats']['m_scoreValueMineralsUsedCurrentTechnology'] +
event['m_stats']['m_scoreValueMineralsLostArmy'] +
event['m_stats']['m_scoreValueMineralsLostEconomy'] +
event['m_stats']['m_scoreValueMineralsLostTechnology']
)
player.resources_collected['gas'] = (
event['m_stats']['m_scoreValueVespeneCurrent'] +
event['m_stats']['m_scoreValueVespeneUsedInProgressArmy'] +
event['m_stats']['m_scoreValueVespeneUsedInProgressEconomy'] +
event['m_stats']['m_scoreValueVespeneUsedInProgressTechnology'] +
event['m_stats']['m_scoreValueVespeneUsedCurrentArmy'] +
event['m_stats']['m_scoreValueVespeneUsedCurrentEconomy'] +
event['m_stats']['m_scoreValueVespeneUsedCurrentTechnology'] +
event['m_stats']['m_scoreValueVespeneLostArmy'] +
event['m_stats']['m_scoreValueVespeneLostEconomy'] +
event['m_stats']['m_scoreValueVespeneLostTechnology']
)
unspent_resources = player.unspent_resources
collection_rate = player.collection_rate
army_value = player.army_value
if gameloop != 1:
unspent_resources['minerals'].append(
event['m_stats']['m_scoreValueMineralsCurrent']
)
unspent_resources['gas'].append(
event['m_stats']['m_scoreValueVespeneCurrent']
)
collection_rate['minerals'].append(
event['m_stats']['m_scoreValueMineralsCollectionRate']
)
collection_rate['gas'].append(
event['m_stats']['m_scoreValueVespeneCollectionRate']
)
army_value['minerals'].append(
event['m_stats']['m_scoreValueMineralsUsedCurrentArmy']
)
army_value['gas'].append(
event['m_stats']['m_scoreValueVespeneUsedCurrentArmy']
)
# update summary stats every gameloop since final update at end gameloop is inconsistent
summary_stats['supply_block'][player.player_id] = round(self.player.supply_block / 22.4, 1)
summary_stats['resources_lost']['minerals'][player.player_id] = event['m_stats']['m_scoreValueMineralsLostArmy']
summary_stats['resources_lost']['gas'][player.player_id] = event['m_stats']['m_scoreValueVespeneLostArmy']
summary_stats['resources_collected']['minerals'][player.player_id] = self.player.resources_collected['minerals']
summary_stats['resources_collected']['gas'][player.player_id] = self.player.resources_collected['gas']
# ----- unspent resources -----
player_minerals = unspent_resources['minerals']
player_gas = unspent_resources['gas']
if len(player_minerals) == 0:
summary_stats['avg_unspent_resources']['minerals'][player.player_id] = 0
else:
summary_stats['avg_unspent_resources']['minerals'][player.player_id] = round(
sum(player_minerals) / len(player_minerals), 1
)
if len(player_gas) == 0:
summary_stats['avg_unspent_resources']['gas'][player.player_id] = 0
else:
summary_stats['avg_unspent_resources']['gas'][player.player_id] = round(
sum(player_gas) / len(player_gas), 1
)
# ----- collection rates -----
player_minerals_collection = collection_rate['minerals']
player_gas_collection = collection_rate['gas']
if len(player_minerals_collection) == 0:
summary_stats['avg_resource_collection_rate']['minerals'][player.player_id] = 0
else:
summary_stats['avg_resource_collection_rate']['minerals'][player.player_id] = round(
sum(player_minerals_collection) / len(player_minerals_collection), 1
)
if len(player_gas_collection) == 0:
summary_stats['avg_resource_collection_rate']['gas'][player.player_id] = 0
else:
summary_stats['avg_resource_collection_rate']['gas'][player.player_id] = round(
sum(player_gas_collection) / len(player_gas_collection), 1
)
total_collection_rate = (
summary_stats['avg_resource_collection_rate']['minerals'][player.player_id]
+ summary_stats['avg_resource_collection_rate']['gas'][player.player_id]
)
total_avg_unspent = (
summary_stats['avg_unspent_resources']['minerals'][player.player_id]
+ summary_stats['avg_unspent_resources']['gas'][player.player_id]
)
# ----- other stats -----
player_sq = player.calc_sq(
unspent_resources=total_avg_unspent,
collection_rate=total_collection_rate,
)
summary_stats['sq'][player.player_id] = player_sq
current_workers = event['m_stats']['m_scoreValueWorkersActiveCount']
workers_produced = summary_stats['workers_produced'][player.player_id]
summary_stats['workers_lost'][player.player_id] = workers_produced - current_workers
return summary_stats | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/player_stats_event.py | player_stats_event.py |
import math
import logging
from typing import List
from zephyrus_sc2_parser.events.base_event import BaseEvent
from zephyrus_sc2_parser.game import GameObj
logger = logging.getLogger(__name__)
class ControlGroupEvent(BaseEvent):
def __init__(self, *args):
super().__init__(*args)
def _set_obj_group_info(self, ctrl_group_num: int):
logger.debug(f'Binding control group {ctrl_group_num} to objects')
ctrl_group = self.player.control_groups[ctrl_group_num]
for index, obj in enumerate(ctrl_group):
obj.control_groups[ctrl_group_num] = index
logger.debug(f'Binding control group {ctrl_group_num} to {obj} at position {index}')
def _remove_obj_group_info(self, ctrl_group_num: int):
logger.debug(f'Removing control group {ctrl_group_num} from objects')
ctrl_group = self.player.control_groups[ctrl_group_num]
for index, obj in enumerate(ctrl_group):
for group_num, group_info in obj.control_groups.items():
if ctrl_group_num == group_num and index == group_info:
del obj.control_groups[group_num]
logger.debug(f'Removed control group {ctrl_group_num} from {obj} at position {index}')
break
def _copy_from_selection(self, selection: List[GameObj], target: List[GameObj]):
logger.debug('Copying from selection to target')
for obj in selection:
if obj not in target:
target.append(obj)
def _add_to_group(self, ctrl_group_num: int):
logger.debug(f'Adding current selection to control group {ctrl_group_num}')
new_obj_list = self.player.current_selection
control_group = self.player.control_groups[ctrl_group_num]
# change control groups/selections to sets instead of lists?
for new_obj in new_obj_list:
duplicate = False
for old_obj in control_group:
if new_obj.game_id == old_obj.game_id:
duplicate = True
break
if not duplicate:
control_group.append(new_obj)
control_group.sort(key=lambda x: x.tag)
def _create_bitmask(self, mask_x: int, mask_y: int, length: int):
logger.debug('Creating bitmask')
# remove 0b prefix from string
bitmask = bin(mask_y)[2:]
# ceil = number of bytes
ceil = math.ceil(len(bitmask) / 8)
# if we have more than 8 bits, we need to pad the string
# to the correct number of bytes for the next operations
if len(bitmask) % 8 != 0:
bitmask_bytes = bitmask[:(ceil * 8) - 8]
remaining_bits = bitmask[(ceil * 8) - 8:]
bitmask = bitmask_bytes + remaining_bits.rjust(8, '0')
# slice the bitmask into bytes, reverse the byte string and record it in order
bitmask_sects = []
for i in range(0, ceil):
section = bitmask[8 * i:(8 * i) + 8]
bitmask_sects.append(section[::-1])
final_bitmask = ''.join(bitmask_sects)
# adjust the created bitmask to the correct number of bits
if len(final_bitmask) > length:
final_bitmask = final_bitmask[:length]
else:
final_bitmask = final_bitmask.ljust(length, '0')
logger.debug(f'Final bitmask: {final_bitmask}')
return final_bitmask
def _remove_from_group(self, ctrl_group_num: int):
"""
new:
sub:
"""
player = self.player
event = self.event
# rename x, y. confusing
mask_x = event['m_mask']['Mask'][0]
mask_y = event['m_mask']['Mask'][1]
length = len(player.control_groups[ctrl_group_num])
logger.debug(f'Removing mask selection from control group {ctrl_group_num}')
logger.debug(f'Mask: {mask_x}, {mask_y}')
bitmask = self._create_bitmask(mask_x, mask_y, length)
for i in range(length - 1, -1, -1):
if bitmask[i] == '1':
del player.control_groups[ctrl_group_num][i]
def parse_event(self):
"""
Each 'm_controlGroupUpdate' value corresponds to
a different type of action.
-----
0: Bind the current selection to a control group.
Example: A player uses Ctrl+1 to bind their
current selection to control group 1.
-----
1: Add the current selection to a control group.
Example: A player uses Shift+1 to add their
current selection to control group 1.
-----
2: Select a control group.
Example: A player presses 1 to select the units
they bound to control group 1.
-----
3: Remove a control group.
Example: A player presses 1, then Alt+3 to
select the units they bound to control group 1
and rebind them to control group 3. In this case
control group 1 is removed.
-----
4: Steal and bind the current selection to a control group.
Example: A player selects a unit already bound
to control group 1, then presses Alt+3 to
to rebind the unit to control group 3. In this case,
the unit is removed from control group 1 and
control group 3 is overwritten with the new control group
that includes the unit that was removed.
-----
5: Steal and add the current selection to a control group.
Example: A player selects a unit already bound
to control group 1, then presses Shift+Alt+3 to
to rebind the unit to control group 3. In this case,
the unit is removed from control group 1 and added
to control group 3.
"""
player = self.player
event = self.event
ctrl_group_num = event['m_controlGroupIndex']
logger.debug(f'Parsing {self.type} at {self.gameloop}')
logger.debug(f'Player: {player.name} ({player.player_id})')
logger.debug(f'Control group num: {ctrl_group_num}')
if ctrl_group_num in player.control_groups:
logger.debug(f'Control group (Before): {player.control_groups[ctrl_group_num]}')
else:
logger.debug(f'Control group (Before): Does not exist')
logger.debug(f'Current selection (Before): {player.current_selection}')
if event['m_controlGroupUpdate'] == 0:
logger.debug('m_controlGroupUpdate = 0 (Binding current selection to control group)')
player.control_groups[ctrl_group_num] = []
control_group = player.control_groups[ctrl_group_num]
self._copy_from_selection(player.current_selection, control_group)
self._set_obj_group_info(ctrl_group_num)
elif event['m_controlGroupUpdate'] == 1:
logger.debug('m_controlGroupUpdate = 1 (Adding current selection to control group)')
if ctrl_group_num not in player.control_groups:
player.control_groups[ctrl_group_num] = []
self._add_to_group(ctrl_group_num)
# limited to Eggs hatches/Larva swapping?
if 'Mask' in event['m_mask']:
self._remove_from_group(ctrl_group_num)
self._set_obj_group_info(ctrl_group_num)
elif event['m_controlGroupUpdate'] == 2:
logger.debug('m_controlGroupUpdate = 2 (Selecting control group)')
player.current_selection = []
if ctrl_group_num in player.control_groups:
control_group = player.control_groups[ctrl_group_num]
else:
control_group = []
self._copy_from_selection(control_group, player.current_selection)
elif event['m_controlGroupUpdate'] == 3:
logger.debug('m_controlGroupUpdate = 3 (Removing control group)')
if ctrl_group_num in player.control_groups:
self._remove_obj_group_info(ctrl_group_num)
del player.control_groups[ctrl_group_num]
elif event['m_controlGroupUpdate'] == 4:
logger.debug('m_controlGroupUpdate = 4 (Steal and bind current selection to control group)')
# control group may not exist yet
if ctrl_group_num in player.control_groups:
# remove references to control group from existing objects
self._remove_obj_group_info(ctrl_group_num)
# clear control group since we are overwriting
player.control_groups[ctrl_group_num] = []
control_group = player.control_groups[ctrl_group_num]
# remove references to other control groups from objects to be added
# this is control group 'stealing'
logger.debug(f'Removing references to other control groups from objects')
for obj in player.current_selection:
obj.control_groups = {}
# add new objects to control group
self._copy_from_selection(player.current_selection, control_group)
# set references to control group for new objects
self._set_obj_group_info(ctrl_group_num)
elif event['m_controlGroupUpdate'] == 5:
logger.debug('m_controlGroupUpdate = 5 (Steal and add current selection to control group)')
# remove references to other control groups from objects to be added
# this is control group 'stealing'
logger.debug(f'Removing references to other control groups from objects')
for obj in player.current_selection:
obj.control_groups = {}
# this control group event can be called on an non-existent group
if ctrl_group_num not in player.control_groups:
player.control_groups[ctrl_group_num] = []
# add new objects to control group
self._add_to_group(ctrl_group_num)
# set references to control group for new objects
self._set_obj_group_info(ctrl_group_num)
if ctrl_group_num in player.control_groups:
logger.debug(f'Control group (After): {player.control_groups[ctrl_group_num]}')
else:
logger.debug(f'Control group (After): Does not exist')
logger.debug(f'Current selection (After): {player.current_selection}') | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/control_group_event.py | control_group_event.py |
import logging
from dataclasses import dataclass
from typing import Optional
from zephyrus_sc2_parser.events.base_event import BaseEvent
from zephyrus_sc2_parser.dataclasses import Ability, Position
from zephyrus_sc2_parser.game import GameObj
logger = logging.getLogger(__name__)
COMMAND_ABILITIES = {
'ChronoBoostEnergyCost': 'Nexus',
'NexusMassRecall': 'Nexus',
'BatteryOvercharge': 'Nexus',
'CalldownMULE': 'OrbitalCommand',
'SupplyDrop': 'OrbitalCommand',
'ScannerSweep': 'OrbitalCommand',
}
@dataclass(frozen=True)
class ActiveAbility:
"""
Contains the ability, target object and target position
of a player's currently active ability
"""
ability: Ability
obj: Optional[GameObj]
target_position: Optional[Position]
queued: bool
class AbilityEvent(BaseEvent):
def __init__(self, *args):
super().__init__(*args)
def _get_target_object(self):
event = self.event
if 'None' in event['m_data'] or 'TargetUnit' not in event['m_data']:
logger.debug('No target object')
return None
unit_game_id = event['m_data']['TargetUnit']['m_tag']
for obj_id, obj in self.player.objects.items():
if obj.tag == event['m_data']['TargetUnit']['m_snapshotUnitLink']:
break
if unit_game_id in self.player.objects:
logger.debug('Found target object')
return self.player.objects[unit_game_id]
logger.debug('Target object is not in player objects')
return None
def _handle_inject_ability(self, ability_obj):
player = self.player
gameloop = self.gameloop
logger.debug('Inject ability detected')
# ~1sec
if not ability_obj.abilities_used:
ability_obj.abilities_used.append((
player.active_ability.ability,
player.active_ability.obj,
gameloop,
))
elif (gameloop - ability_obj.abilities_used[-1][-1]) > 22 or player.active_ability.target_position:
ability_obj.abilities_used.append((
player.active_ability.ability,
player.active_ability.obj,
gameloop,
))
def _handle_command_ability(self, ability_name):
player = self.player
gameloop = self.gameloop
logger.debug('Command ability detected')
ability_buildings = []
for obj in player.objects.values():
if obj.name == COMMAND_ABILITIES[ability_name]:
current_obj_energy = obj.calc_energy(gameloop)
# abilities cost 50 energy to use
# if <50 energy the building is not available to cast
if current_obj_energy and current_obj_energy >= 50:
ability_buildings.append(obj)
# need to check ability_buildings because events can show up repeatedly
# although only 1 is executed. To tell exactly which one, need to do secondary parsing
if ability_buildings and player.active_ability.target_position:
ability_obj = min(
ability_buildings,
key=lambda x: x.calc_distance(player.active_ability.target_position),
)
ability_obj.abilities_used.append((
player.active_ability.ability,
player.active_ability.obj,
gameloop,
))
def _handle_landing_ability(self, ability_name):
player = self.player
gameloop = self.gameloop
logger.debug('Landing ability detected')
ability_buildings = []
# 'Land' is 4 letters, -4 slice removes it and leaves object name
obj_name = ability_name[:-4]
for obj in player.objects.values():
if f'{obj_name}Flying' == obj.name:
ability_buildings.append(obj)
# if only 1 building of type, it's easy otherwise
# we need to calculate a match based on last known positions
# we assume that the building which was closer to the landing position
# is the correct building
ability_obj = min(
ability_buildings,
key=lambda x: x.calc_distance(player.active_ability.target_position),
)
player.active_ability.ability.target_position = player.active_ability.target_position
ability_obj.abilities_used.append((
player.active_ability.ability,
player.active_ability.obj,
gameloop,
))
def parse_event(self):
event = self.event
player = self.player
gameloop = self.gameloop
abilities = self.game.gamedata.abilities
logger.debug(f'Parsing {self.type} at {gameloop}')
if not player:
logger.debug('No player associated with this event')
return
logger.debug(f'Player: {player.name} ({player.player_id})')
logger.debug(f'Active ability: {player.active_ability}')
if self.type == 'NNet.Game.SCmdEvent':
if event['m_abil'] and event['m_abil']['m_abilLink'] and event['m_abil']['m_abilLink'] in abilities and type(event['m_abil']['m_abilCmdIndex']) is int:
obj = self._get_target_object()
queued = False
if 'm_cmdFlags' in event:
bitwise = event['m_cmdFlags'] & 2
if bitwise == 2:
queued = True
target_position = None
if 'm_data' in event:
if 'TargetUnit' in event['m_data']:
target_position = Position(
event['m_data']['TargetUnit']['m_snapshotPoint']['x'] / 4096,
event['m_data']['TargetUnit']['m_snapshotPoint']['y'] / 4096,
)
elif 'TargetPoint' in event['m_data']:
target_position = Position(
event['m_data']['TargetPoint']['x'] / 4096,
event['m_data']['TargetPoint']['y'] / 4096,
)
ability_data = abilities[event['m_abil']['m_abilLink']]
ability = ActiveAbility(
Ability(
ability_data['ability_name'],
ability_data['energy_cost'] if 'energy_cost' in ability_data else None,
),
obj,
target_position,
queued,
)
else:
ability = None
player.active_ability = ability
logger.debug(f'New active ability: {player.active_ability}')
if player.active_ability:
ability_name = player.active_ability.ability.name
ability_obj = player.active_ability.obj
if ability_name == 'SpawnLarva' and ability_obj:
self._handle_inject_ability(ability_obj)
# the building the target is closest to is where the ability is used from
elif ability_name in COMMAND_ABILITIES.keys():
self._handle_command_ability(ability_name)
# need to record information about flying/landing buildings for Terran
elif 'Land' in ability_name:
self._handle_landing_ability(ability_name) | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/events/ability_event.py | ability_event.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 1122, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 655, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/66668/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/66668/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 429, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1125, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 430, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 431, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 432, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 358, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 425, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 427, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 652, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 426, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 516, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 428, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 420, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 177, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 433, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 1123, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 178, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 422, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 421, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 653, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 654, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 434, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 646, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 879, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1004, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 435, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 381, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 876, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/66668/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 150: {'ability_name': 'FactoryLiftOff'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 302: {'ability_name': 'ThorNormalMode'}, 347: {'ability_name': 'MorphToHellion'}, 357: {'ability_name': 'MorphToHellionTank'}, 371: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 373: {'ability_name': 'Yoink', 'energy_cost': 75}, 376: {'ability_name': 'ViperConsumeStructure'}, 380: {'ability_name': 'VolatileBurstBuilding'}, 387: {'ability_name': 'WidowMineBurrow'}, 388: {'ability_name': 'WidowMineUnburrow'}, 389: {'ability_name': 'WidowMineAttack'}, 390: {'ability_name': 'TornadoMissile'}, 394: {'ability_name': 'BurrowLurkerMPDown'}, 395: {'ability_name': 'BurrowLurkerMPUp'}, 397: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 398: {'ability_name': 'MedivacSpeedBoost'}, 413: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 462: {'ability_name': 'TemporalField', 'energy_cost': 100}, 514: {'ability_name': 'MorphToRavager'}, 515: {'ability_name': 'MorphToLurker'}, 518: {'ability_name': 'RavagerCorrosiveBile'}, 519: {'ability_name': 'BurrowRavagerDown'}, 520: {'ability_name': 'BurrowRavagerUp'}, 522: {'ability_name': 'PurificationNovaTargeted'}, 524: {'ability_name': 'LockOn'}, 528: {'ability_name': 'Hyperjump'}, 530: {'ability_name': 'ThorAPMode'}, 533: {'ability_name': 'NydusWormTransport'}, 534: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 541: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 542: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 543: {'ability_name': 'VoidRaySwarmDamageBoost'}, 603: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 604: {'ability_name': 'AdeptPhaseShift'}, 607: {'ability_name': 'LurkerHoldFire'}, 608: {'ability_name': 'LurkerRemoveHoldFire'}, 611: {'ability_name': 'LiberatorAGTarget'}, 612: {'ability_name': 'LiberatorAATarget'}, 626: {'ability_name': 'KD8Charge'}, 629: {'ability_name': 'AdeptPhaseShiftCancel'}, 630: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 683: {'ability_name': 'DarkTemplarBlink'}, 691: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 693: {'ability_name': 'MorphToTransportOverlord'}, 696: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 699: {'ability_name': 'DarkShrineResearch'}, 700: {'ability_name': 'LurkerDenMPResearch'}, 701: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 702: {'ability_name': 'ObserverMorphtoObserverSiege'}, 705: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 708: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 709: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 710: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/66668/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 82, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 83, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 84, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 85, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 156, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 86, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 95, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 89, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 468, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 94, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 90, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 88, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 93, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 87, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 92, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 59, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 155, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 157, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 153, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 70, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 69, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 47, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 48, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 49, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 66, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 50, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 67, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 52, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 53, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 60, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 62, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 64, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 61, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 63, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 65, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 109, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 111, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 112, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 122, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 113, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 120, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 119, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 123, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 114, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 175, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 115, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 125, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 118, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 165, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 117, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 124, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 116, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 110, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 161, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/77379/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/77379/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 107, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 96, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 97, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 100, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 464, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 98, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 99, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 164, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 105, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1169, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 104, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 159, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 106, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 465, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 101, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 103, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 185, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 186, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 102, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 108, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 68, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 394, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 71, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 72, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 74, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 73, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 76, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 459, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 461, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 699, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 460, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 56, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 75, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 564, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 58, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 77, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 462, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 456, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 79, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 54, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 78, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 80, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 189, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 126, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 127, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 129, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 149, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 128, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 133, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 179, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 182, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 151, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 152, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 190, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 178, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 130, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 174, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 173, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 131, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 135, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 466, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 694, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 923, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1050, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 134, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 188, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 467, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 132, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 137, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 166, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 417, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 181, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 136, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/77379/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 149: {'ability_name': 'FactoryFlyingBuild'}, 150: {'ability_name': 'FactoryLiftOff'}, 151: {'ability_name': 'StarportFlyingBuild'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 155: {'ability_name': 'CommandCenterTrain'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 192: {'ability_name': 'GreaterSpireResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 211: {'ability_name': 'OverlordTransport'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 281: {'ability_name': 'RavagerCorrosiveBile'}, 303: {'ability_name': 'BurrowLurkerMPDown'}, 304: {'ability_name': 'BurrowLurkerMPUp'}, 307: {'ability_name': 'BurrowRavagerDown'}, 308: {'ability_name': 'BurrowRavagerUp'}, 309: {'ability_name': 'MorphToRavager'}, 310: {'ability_name': 'MorphToTransportOverlord'}, 312: {'ability_name': 'ThorNormalMode'}, 357: {'ability_name': 'MorphToHellion'}, 367: {'ability_name': 'MorphToHellionTank'}, 381: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 383: {'ability_name': 'Yoink', 'energy_cost': 75}, 386: {'ability_name': 'ViperConsumeStructure'}, 390: {'ability_name': 'VolatileBurstBuilding'}, 397: {'ability_name': 'WidowMineBurrow'}, 398: {'ability_name': 'WidowMineUnburrow'}, 399: {'ability_name': 'WidowMineAttack'}, 400: {'ability_name': 'TornadoMissile'}, 403: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 404: {'ability_name': 'MedivacSpeedBoost'}, 419: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 468: {'ability_name': 'TemporalField', 'energy_cost': 100}, 522: {'ability_name': 'MorphToLurker'}, 526: {'ability_name': 'PurificationNovaTargeted'}, 528: {'ability_name': 'LockOn'}, 532: {'ability_name': 'Hyperjump'}, 534: {'ability_name': 'ThorAPMode'}, 537: {'ability_name': 'NydusWormTransport'}, 538: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 545: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 546: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 547: {'ability_name': 'VoidRaySwarmDamageBoost'}, 607: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 608: {'ability_name': 'AdeptPhaseShift'}, 611: {'ability_name': 'LurkerHoldFire'}, 612: {'ability_name': 'LurkerRemoveHoldFire'}, 615: {'ability_name': 'LiberatorAGTarget'}, 616: {'ability_name': 'LiberatorAATarget'}, 630: {'ability_name': 'KD8Charge'}, 633: {'ability_name': 'AdeptPhaseShiftCancel'}, 634: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 687: {'ability_name': 'DarkTemplarBlink'}, 690: {'ability_name': 'BattlecruiserAttack'}, 692: {'ability_name': 'BattlecruiserMove'}, 694: {'ability_name': 'BattlecruiserStop'}, 700: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 704: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 707: {'ability_name': 'DarkShrineResearch'}, 708: {'ability_name': 'LurkerDenMPResearch'}, 709: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 710: {'ability_name': 'ObserverMorphtoObserverSiege'}, 713: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 716: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 717: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 718: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/77379/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 1094, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 625, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/56787/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/56787/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 404, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1098, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 408, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 409, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 411, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 339, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 397, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 407, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 622, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 406, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 849, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 398, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 399, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 177, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 402, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 1095, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 1099, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 1096, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 400, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 623, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 624, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 401, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 616, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 850, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 975, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 403, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 362, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 846, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/56787/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 150: {'ability_name': 'FactoryLiftOff'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 211: {'ability_name': 'OverlordTransport'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 346: {'ability_name': 'MorphToHellion'}, 356: {'ability_name': 'MorphToHellionTank'}, 370: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 372: {'ability_name': 'Yoink', 'energy_cost': 75}, 375: {'ability_name': 'ViperConsumeStructure'}, 379: {'ability_name': 'VolatileBurstBuilding'}, 386: {'ability_name': 'WidowMineBurrow'}, 387: {'ability_name': 'WidowMineUnburrow'}, 388: {'ability_name': 'WidowMineAttack'}, 389: {'ability_name': 'TornadoMissile'}, 393: {'ability_name': 'BurrowLurkerMPDown'}, 394: {'ability_name': 'BurrowLurkerMPUp'}, 396: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 397: {'ability_name': 'MedivacSpeedBoost'}, 412: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 461: {'ability_name': 'TemporalField', 'energy_cost': 100}, 513: {'ability_name': 'MorphToRavager'}, 514: {'ability_name': 'MorphToLurker'}, 517: {'ability_name': 'RavagerCorrosiveBile'}, 518: {'ability_name': 'BurrowRavagerDown'}, 519: {'ability_name': 'BurrowRavagerUp'}, 521: {'ability_name': 'PurificationNovaTargeted'}, 523: {'ability_name': 'LockOn'}, 527: {'ability_name': 'Hyperjump'}, 529: {'ability_name': 'ThorAPMode'}, 530: {'ability_name': 'ThorNormalMode'}, 533: {'ability_name': 'NydusWormTransport'}, 534: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 541: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 542: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 543: {'ability_name': 'VoidRaySwarmDamageBoost'}, 603: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 604: {'ability_name': 'AdeptPhaseShift'}, 607: {'ability_name': 'LurkerHoldFire'}, 608: {'ability_name': 'LurkerRemoveHoldFire'}, 611: {'ability_name': 'LiberatorAGTarget'}, 612: {'ability_name': 'LiberatorAATarget'}, 626: {'ability_name': 'KD8Charge'}, 629: {'ability_name': 'AdeptPhaseShiftCancel'}, 630: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 683: {'ability_name': 'DarkTemplarBlink'}, 688: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 690: {'ability_name': 'MorphToTransportOverlord'}, 693: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 696: {'ability_name': 'DarkShrineResearch'}, 697: {'ability_name': 'LurkerDenMPResearch'}, 698: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 699: {'ability_name': 'ObserverMorphtoObserverSiege'}, 702: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 705: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 706: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 707: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/56787/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/24944/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/24944/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/24944/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/24944/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/26490/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/26490/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/26490/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/26490/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/23260/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/23260/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/23260/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/23260/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/32283/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/32283/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/32283/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/32283/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/28272/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/28272/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/28272/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/28272/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 82, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 83, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 84, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 85, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 156, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 86, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 95, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 89, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 468, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 94, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 90, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 88, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 93, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 87, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 92, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 59, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 155, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 157, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 153, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 70, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 69, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 47, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 48, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 49, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 66, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 50, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 67, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 52, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 53, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 60, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 62, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 64, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 61, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 63, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 65, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 109, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 111, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 112, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 122, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 113, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 120, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 119, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 123, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 114, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 175, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 115, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 125, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 118, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 165, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 117, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 124, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 116, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 110, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 161, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/81009/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/81009/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 107, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 96, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 97, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 100, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 464, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 98, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 99, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 164, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 105, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1177, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 104, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 159, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 106, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 465, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 101, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 103, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 185, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 186, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 102, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 108, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 68, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 394, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 71, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 72, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 74, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 73, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 76, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 459, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 461, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 707, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 460, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 56, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 75, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 572, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 58, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 77, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 462, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 456, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 79, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 54, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 78, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 80, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 189, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 126, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 127, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 129, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 149, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 128, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 133, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 179, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 182, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 151, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 152, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 190, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 178, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 130, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 174, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 173, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 131, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 135, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 466, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 702, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 931, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1058, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 134, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 188, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 467, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 132, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 137, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 166, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 417, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 181, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 136, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/81009/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 149: {'ability_name': 'FactoryFlyingBuild'}, 150: {'ability_name': 'FactoryLiftOff'}, 151: {'ability_name': 'StarportFlyingBuild'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 211: {'ability_name': 'OverlordTransport'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 281: {'ability_name': 'RavagerCorrosiveBile'}, 303: {'ability_name': 'BurrowLurkerMPDown'}, 304: {'ability_name': 'BurrowLurkerMPUp'}, 307: {'ability_name': 'BurrowRavagerDown'}, 308: {'ability_name': 'BurrowRavagerUp'}, 309: {'ability_name': 'MorphToRavager'}, 310: {'ability_name': 'MorphToTransportOverlord'}, 312: {'ability_name': 'ThorNormalMode'}, 357: {'ability_name': 'MorphToHellion'}, 367: {'ability_name': 'MorphToHellionTank'}, 381: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 383: {'ability_name': 'Yoink', 'energy_cost': 75}, 386: {'ability_name': 'ViperConsumeStructure'}, 390: {'ability_name': 'VolatileBurstBuilding'}, 397: {'ability_name': 'WidowMineBurrow'}, 398: {'ability_name': 'WidowMineUnburrow'}, 399: {'ability_name': 'WidowMineAttack'}, 400: {'ability_name': 'TornadoMissile'}, 403: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 404: {'ability_name': 'MedivacSpeedBoost'}, 419: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 468: {'ability_name': 'TemporalField', 'energy_cost': 100}, 522: {'ability_name': 'MorphToLurker'}, 526: {'ability_name': 'PurificationNovaTargeted'}, 528: {'ability_name': 'LockOn'}, 532: {'ability_name': 'Hyperjump'}, 534: {'ability_name': 'ThorAPMode'}, 537: {'ability_name': 'NydusWormTransport'}, 538: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 545: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 546: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 547: {'ability_name': 'VoidRaySwarmDamageBoost'}, 607: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 608: {'ability_name': 'AdeptPhaseShift'}, 611: {'ability_name': 'LurkerHoldFire'}, 612: {'ability_name': 'LurkerRemoveHoldFire'}, 615: {'ability_name': 'LiberatorAGTarget'}, 616: {'ability_name': 'LiberatorAATarget'}, 630: {'ability_name': 'KD8Charge'}, 633: {'ability_name': 'AdeptPhaseShiftCancel'}, 634: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 687: {'ability_name': 'DarkTemplarBlink'}, 690: {'ability_name': 'BattlecruiserAttack'}, 692: {'ability_name': 'BattlecruiserMove'}, 694: {'ability_name': 'BattlecruiserStop'}, 695: {'ability_name': 'BatteryOvercharge', 'energy_cost': 50}, 701: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 705: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 708: {'ability_name': 'DarkShrineResearch'}, 709: {'ability_name': 'LurkerDenMPResearch'}, 710: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 711: {'ability_name': 'ObserverMorphtoObserverSiege'}, 714: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 717: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 718: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 719: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/81009/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 82, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 83, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 84, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 85, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 156, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 86, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 95, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 89, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 482, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 94, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 90, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 88, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 93, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 87, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 92, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 59, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 155, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 157, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 153, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 70, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 69, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 47, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 48, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 49, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 66, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 50, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 67, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 52, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 53, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 60, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 62, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 64, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 61, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 63, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 65, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 109, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 111, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 112, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 122, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 113, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 120, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 119, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 123, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 114, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 175, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 115, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 125, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 118, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 165, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 117, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 124, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 116, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 110, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 161, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/82457/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/82457/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 107, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 96, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 97, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 100, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 478, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 98, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 99, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 164, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 105, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1192, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 104, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 159, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 106, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 479, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 101, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 103, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 185, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 186, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 102, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 108, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 68, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 408, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 71, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 72, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 74, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 73, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 76, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 473, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 475, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 722, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 474, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 56, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 75, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 587, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 58, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 77, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 476, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 470, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 79, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 54, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 78, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 80, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 189, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 126, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 127, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 129, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 149, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 128, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 133, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 179, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 182, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 151, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 152, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 190, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 178, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 130, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 174, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 173, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 131, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 135, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 480, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 717, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 946, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1073, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 134, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 188, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 481, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 132, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 137, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 166, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 431, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 181, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 136, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/82457/unit_data.py | unit_data.py |
abilities = {41: {'ability_name': 'stop'}, 43: {'ability_name': 'move'}, 46: {'ability_name': 'attack'}, 67: {'ability_name': 'GhostHoldFire'}, 68: {'ability_name': 'GhostWeaponsFree'}, 70: {'ability_name': 'Explode'}, 72: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 73: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 75: {'ability_name': 'ZerglingTrain'}, 77: {'ability_name': 'Feedback', 'energy_cost': 50}, 80: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 88: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 89: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 92: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 93: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 97: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 104: {'ability_name': 'Rally'}, 106: {'ability_name': 'RallyCommand'}, 108: {'ability_name': 'RallyHatchery'}, 109: {'ability_name': 'RoachWarrenResearch'}, 112: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 113: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 114: {'ability_name': 'StimpackMarauder'}, 115: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 119: {'ability_name': 'UltraliskCavernResearch'}, 133: {'ability_name': 'Stimpack'}, 134: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 137: {'ability_name': 'SiegeMode'}, 138: {'ability_name': 'Unsiege'}, 139: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 140: {'ability_name': 'MedivacTransport'}, 141: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 142: {'ability_name': 'Yamato'}, 143: {'ability_name': 'AssaultMode'}, 144: {'ability_name': 'FighterMode'}, 146: {'ability_name': 'CommandCenterTransport'}, 147: {'ability_name': 'CommandCenterLiftOff'}, 148: {'ability_name': 'CommandCenterLand'}, 149: {'ability_name': 'BarracksFlyingBuild'}, 150: {'ability_name': 'BarracksLiftOff'}, 151: {'ability_name': 'FactoryFlyingBuild'}, 152: {'ability_name': 'FactoryLiftOff'}, 153: {'ability_name': 'StarportFlyingBuild'}, 154: {'ability_name': 'StarportLiftOff'}, 155: {'ability_name': 'FactoryLand'}, 156: {'ability_name': 'StarportLand'}, 158: {'ability_name': 'BarracksLand'}, 159: {'ability_name': 'SupplyDepotLower'}, 160: {'ability_name': 'SupplyDepotRaise'}, 161: {'ability_name': 'BarracksTrain'}, 162: {'ability_name': 'FactoryTrain'}, 163: {'ability_name': 'StarportTrain'}, 164: {'ability_name': 'EngineeringBayResearch'}, 166: {'ability_name': 'GhostAcademyTrain'}, 167: {'ability_name': 'BarracksTechLabResearch'}, 168: {'ability_name': 'FactoryTechLabResearch'}, 169: {'ability_name': 'StarportTechLabResearch'}, 170: {'ability_name': 'GhostAcademyResearch'}, 171: {'ability_name': 'ArmoryResearch'}, 173: {'ability_name': 'WarpPrismTransport'}, 174: {'ability_name': 'GatewayTrain'}, 175: {'ability_name': 'StargateTrain'}, 176: {'ability_name': 'RoboticsFacilityTrain'}, 177: {'ability_name': 'NexusTrain'}, 178: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 182: {'ability_name': 'ForgeResearch'}, 183: {'ability_name': 'RoboticsBayResearch'}, 184: {'ability_name': 'TemplarArchiveResearch'}, 185: {'ability_name': 'ZergBuild'}, 187: {'ability_name': 'EvolutionChamberResearch'}, 188: {'ability_name': 'UpgradeToLair'}, 189: {'ability_name': 'UpgradeToHive'}, 190: {'ability_name': 'UpgradeToGreaterSpire'}, 192: {'ability_name': 'SpawningPoolResearch'}, 193: {'ability_name': 'HydraliskDenResearch'}, 195: {'ability_name': 'LarvaTrain'}, 196: {'ability_name': 'MorphToBroodLord'}, 197: {'ability_name': 'BurrowBanelingDown'}, 198: {'ability_name': 'BurrowBanelingUp'}, 199: {'ability_name': 'BurrowDroneDown'}, 200: {'ability_name': 'BurrowDroneUp'}, 201: {'ability_name': 'BurrowHydraliskDown'}, 202: {'ability_name': 'BurrowHydraliskUp'}, 203: {'ability_name': 'BurrowRoachDown'}, 204: {'ability_name': 'BurrowRoachUp'}, 205: {'ability_name': 'BurrowZerglingDown'}, 206: {'ability_name': 'BurrowZerglingUp'}, 213: {'ability_name': 'OverlordTransport'}, 216: {'ability_name': 'WarpGateTrain'}, 217: {'ability_name': 'BurrowQueenDown'}, 218: {'ability_name': 'BurrowQueenUp'}, 219: {'ability_name': 'NydusCanalTransport'}, 220: {'ability_name': 'Blink'}, 221: {'ability_name': 'BurrowInfestorDown'}, 222: {'ability_name': 'BurrowInfestorUp'}, 224: {'ability_name': 'UpgradeToPlanetaryFortress'}, 225: {'ability_name': 'InfestationPitResearch'}, 227: {'ability_name': 'BurrowUltraliskDown'}, 228: {'ability_name': 'BurrowUltraliskUp'}, 229: {'ability_name': 'UpgradeToOrbital'}, 232: {'ability_name': 'OrbitalLiftOff'}, 233: {'ability_name': 'OrbitalCommandLand'}, 234: {'ability_name': 'ForceField', 'energy_cost': 50}, 235: {'ability_name': 'PhasingMode'}, 236: {'ability_name': 'TransportMode'}, 237: {'ability_name': 'FusionCoreResearch'}, 238: {'ability_name': 'CyberneticsCoreResearch'}, 239: {'ability_name': 'TwilightCouncilResearch'}, 240: {'ability_name': 'TacNukeStrike'}, 243: {'ability_name': 'EMP', 'energy_cost': 75}, 247: {'ability_name': 'Transfusion', 'energy_cost': 50}, 256: {'ability_name': 'AttackRedirect'}, 257: {'ability_name': 'StimpackRedirect'}, 258: {'ability_name': 'StimpackMarauderRedirect'}, 260: {'ability_name': 'StopRedirect'}, 261: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 262: {'ability_name': 'QueenBuild'}, 263: {'ability_name': 'SpineCrawlerUproot'}, 264: {'ability_name': 'SporeCrawlerUproot'}, 265: {'ability_name': 'SpineCrawlerRoot'}, 266: {'ability_name': 'SporeCrawlerRoot'}, 267: {'ability_name': 'CreepTumorBurrowedBuild'}, 268: {'ability_name': 'BuildAutoTurret'}, 270: {'ability_name': 'NydusNetworkBuild'}, 272: {'ability_name': 'Charge'}, 276: {'ability_name': 'Contaminate', 'energy_cost': 125}, 283: {'ability_name': 'RavagerCorrosiveBile'}, 305: {'ability_name': 'BurrowLurkerMPDown'}, 306: {'ability_name': 'BurrowLurkerMPUp'}, 309: {'ability_name': 'BurrowRavagerDown'}, 310: {'ability_name': 'BurrowRavagerUp'}, 311: {'ability_name': 'MorphToRavager'}, 312: {'ability_name': 'MorphToTransportOverlord'}, 314: {'ability_name': 'ThorNormalMode'}, 359: {'ability_name': 'MorphToHellion'}, 369: {'ability_name': 'MorphToHellionTank'}, 383: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 385: {'ability_name': 'Yoink', 'energy_cost': 75}, 388: {'ability_name': 'ViperConsumeStructure'}, 392: {'ability_name': 'VolatileBurstBuilding'}, 399: {'ability_name': 'WidowMineBurrow'}, 400: {'ability_name': 'WidowMineUnburrow'}, 401: {'ability_name': 'WidowMineAttack'}, 402: {'ability_name': 'TornadoMissile'}, 405: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 406: {'ability_name': 'MedivacSpeedBoost'}, 421: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 470: {'ability_name': 'TemporalField', 'energy_cost': 100}, 524: {'ability_name': 'MorphToLurker'}, 528: {'ability_name': 'PurificationNovaTargeted'}, 530: {'ability_name': 'LockOn'}, 534: {'ability_name': 'Hyperjump'}, 536: {'ability_name': 'ThorAPMode'}, 539: {'ability_name': 'NydusWormTransport'}, 540: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 547: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 548: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 549: {'ability_name': 'VoidRaySwarmDamageBoost'}, 609: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 610: {'ability_name': 'AdeptPhaseShift'}, 613: {'ability_name': 'LurkerHoldFire'}, 614: {'ability_name': 'LurkerRemoveHoldFire'}, 617: {'ability_name': 'LiberatorAGTarget'}, 618: {'ability_name': 'LiberatorAATarget'}, 632: {'ability_name': 'KD8Charge'}, 635: {'ability_name': 'AdeptPhaseShiftCancel'}, 636: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 689: {'ability_name': 'DarkTemplarBlink'}, 693: {'ability_name': 'BattlecruiserAttack'}, 695: {'ability_name': 'BattlecruiserMove'}, 697: {'ability_name': 'BattlecruiserStop'}, 698: {'ability_name': 'BatteryOvercharge', 'energy_cost': 50}, 705: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 709: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 712: {'ability_name': 'DarkShrineResearch'}, 713: {'ability_name': 'LurkerDenMPResearch'}, 714: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 715: {'ability_name': 'ObserverMorphtoObserverSiege'}, 718: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 721: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 722: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 723: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/82457/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/21029/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/21029/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/21029/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/21029/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/44401/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/44401/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/44401/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/44401/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16939/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16939/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 773, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': [1169], 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 772, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 541, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 542, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 277, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 527, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 544, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 546, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 770, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 769, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 766, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 819, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 176, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 765, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 948, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': [151], 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 949, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 548, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 547, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 549, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 540, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 535, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 771, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 851, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 545, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 300, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 764, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16939/unit_data.py | unit_data.py |
abilities = {36: {'ability_name': 'stop'}, 38: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 60: {'ability_name': 'GhostHoldFire'}, 61: {'ability_name': 'GhostWeaponsFree'}, 63: {'ability_name': 'Explode'}, 65: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 66: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 70: {'ability_name': 'Feedback', 'energy_cost': 50}, 73: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 74: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 75: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 76: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 77: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 78: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 85: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 86: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 90: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 97: {'ability_name': 'Rally'}, 99: {'ability_name': 'RallyCommand'}, 101: {'ability_name': 'RallyHatchery'}, 105: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 106: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 107: {'ability_name': 'StimpackMarauder'}, 108: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 126: {'ability_name': 'Stimpack'}, 127: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 130: {'ability_name': 'SiegeMode'}, 131: {'ability_name': 'Unsiege'}, 132: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 133: {'ability_name': 'MedivacTransport'}, 134: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 135: {'ability_name': 'Yamato'}, 136: {'ability_name': 'AssaultMode'}, 137: {'ability_name': 'FighterMode'}, 139: {'ability_name': 'CommandCenterTransport'}, 140: {'ability_name': 'CommandCenterLiftOff'}, 141: {'ability_name': 'CommandCenterLand'}, 143: {'ability_name': 'BarracksLiftOff'}, 145: {'ability_name': 'FactoryLiftOff'}, 147: {'ability_name': 'StarportLiftOff'}, 148: {'ability_name': 'FactoryLand'}, 149: {'ability_name': 'StarportLand'}, 151: {'ability_name': 'BarracksLand'}, 152: {'ability_name': 'SupplyDepotLower'}, 153: {'ability_name': 'SupplyDepotRaise'}, 166: {'ability_name': 'WarpPrismTransport'}, 171: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 181: {'ability_name': 'UpgradeToLair'}, 182: {'ability_name': 'UpgradeToHive'}, 183: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'MorphToBroodLord'}, 190: {'ability_name': 'BurrowBanelingDown'}, 191: {'ability_name': 'BurrowBanelingUp'}, 192: {'ability_name': 'BurrowDroneDown'}, 193: {'ability_name': 'BurrowDroneUp'}, 194: {'ability_name': 'BurrowHydraliskDown'}, 195: {'ability_name': 'BurrowHydraliskUp'}, 196: {'ability_name': 'BurrowRoachDown'}, 197: {'ability_name': 'BurrowRoachUp'}, 198: {'ability_name': 'BurrowZerglingDown'}, 199: {'ability_name': 'BurrowZerglingUp'}, 206: {'ability_name': 'OverlordTransport'}, 210: {'ability_name': 'BurrowQueenDown'}, 211: {'ability_name': 'BurrowQueenUp'}, 212: {'ability_name': 'NydusCanalTransport'}, 213: {'ability_name': 'Blink'}, 214: {'ability_name': 'BurrowInfestorDown'}, 215: {'ability_name': 'BurrowInfestorUp'}, 217: {'ability_name': 'UpgradeToPlanetaryFortress'}, 220: {'ability_name': 'BurrowUltraliskDown'}, 221: {'ability_name': 'BurrowUltraliskUp'}, 222: {'ability_name': 'UpgradeToOrbital'}, 225: {'ability_name': 'OrbitalLiftOff'}, 226: {'ability_name': 'OrbitalCommandLand'}, 227: {'ability_name': 'ForceField', 'energy_cost': 50}, 228: {'ability_name': 'PhasingMode'}, 229: {'ability_name': 'TransportMode'}, 233: {'ability_name': 'TacNukeStrike'}, 236: {'ability_name': 'EMP', 'energy_cost': 75}, 240: {'ability_name': 'Transfusion', 'energy_cost': 50}, 249: {'ability_name': 'AttackRedirect'}, 250: {'ability_name': 'StimpackRedirect'}, 251: {'ability_name': 'StimpackMarauderRedirect'}, 253: {'ability_name': 'StopRedirect'}, 254: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 256: {'ability_name': 'SpineCrawlerUproot'}, 257: {'ability_name': 'SporeCrawlerUproot'}, 258: {'ability_name': 'SpineCrawlerRoot'}, 259: {'ability_name': 'SporeCrawlerRoot'}, 261: {'ability_name': 'BuildAutoTurret'}, 265: {'ability_name': 'Charge'}, 269: {'ability_name': 'Contaminate', 'energy_cost': 125}, 341: {'ability_name': 'MorphToHellion'}, 351: {'ability_name': 'MorphToHellionTank'}, 365: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 367: {'ability_name': 'Yoink', 'energy_cost': 75}, 370: {'ability_name': 'ViperConsumeStructure'}, 374: {'ability_name': 'VolatileBurstBuilding'}, 381: {'ability_name': 'WidowMineBurrow'}, 382: {'ability_name': 'WidowMineUnburrow'}, 383: {'ability_name': 'WidowMineAttack'}, 384: {'ability_name': 'TornadoMissile'}, 388: {'ability_name': 'BurrowLurkerMPDown'}, 389: {'ability_name': 'BurrowLurkerMPUp'}, 391: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 392: {'ability_name': 'MedivacSpeedBoost'}, 407: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 456: {'ability_name': 'TemporalField', 'energy_cost': 100}, 500: {'ability_name': 'MorphToRavager'}, 501: {'ability_name': 'MorphToLurker'}, 504: {'ability_name': 'RavagerCorrosiveBile'}, 505: {'ability_name': 'BurrowRavagerDown'}, 506: {'ability_name': 'BurrowRavagerUp'}, 508: {'ability_name': 'PurificationNovaTargeted'}, 510: {'ability_name': 'LockOn'}, 514: {'ability_name': 'Hyperjump'}, 516: {'ability_name': 'ThorAPMode'}, 517: {'ability_name': 'ThorNormalMode'}, 520: {'ability_name': 'NydusWormTransport'}, 521: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 528: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 529: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 530: {'ability_name': 'VoidRaySwarmDamageBoost'}, 590: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 591: {'ability_name': 'AdeptPhaseShift'}, 594: {'ability_name': 'LurkerHoldFire'}, 595: {'ability_name': 'LurkerRemoveHoldFire'}, 598: {'ability_name': 'LiberatorAGTarget'}, 599: {'ability_name': 'LiberatorAATarget'}, 613: {'ability_name': 'KD8Charge'}, 616: {'ability_name': 'AdeptPhaseShiftCancel'}, 617: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 625: {'ability_name': 'MorphToTransportOverlord'}, 628: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16939/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 1122, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 655, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/62848/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/62848/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 429, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1125, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 430, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 431, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 432, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 358, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 425, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 427, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 652, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 426, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 516, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 428, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 420, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 177, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 433, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 1123, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 178, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 422, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 421, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 653, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 654, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 434, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 646, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 879, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1004, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 435, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 381, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 876, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/62848/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 150: {'ability_name': 'FactoryLiftOff'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 302: {'ability_name': 'ThorNormalMode'}, 347: {'ability_name': 'MorphToHellion'}, 357: {'ability_name': 'MorphToHellionTank'}, 371: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 373: {'ability_name': 'Yoink', 'energy_cost': 75}, 376: {'ability_name': 'ViperConsumeStructure'}, 380: {'ability_name': 'VolatileBurstBuilding'}, 387: {'ability_name': 'WidowMineBurrow'}, 388: {'ability_name': 'WidowMineUnburrow'}, 389: {'ability_name': 'WidowMineAttack'}, 390: {'ability_name': 'TornadoMissile'}, 394: {'ability_name': 'BurrowLurkerMPDown'}, 395: {'ability_name': 'BurrowLurkerMPUp'}, 397: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 398: {'ability_name': 'MedivacSpeedBoost'}, 413: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 462: {'ability_name': 'TemporalField', 'energy_cost': 100}, 514: {'ability_name': 'MorphToRavager'}, 515: {'ability_name': 'MorphToLurker'}, 518: {'ability_name': 'RavagerCorrosiveBile'}, 519: {'ability_name': 'BurrowRavagerDown'}, 520: {'ability_name': 'BurrowRavagerUp'}, 522: {'ability_name': 'PurificationNovaTargeted'}, 524: {'ability_name': 'LockOn'}, 528: {'ability_name': 'Hyperjump'}, 530: {'ability_name': 'ThorAPMode'}, 533: {'ability_name': 'NydusWormTransport'}, 534: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 541: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 542: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 543: {'ability_name': 'VoidRaySwarmDamageBoost'}, 603: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 604: {'ability_name': 'AdeptPhaseShift'}, 607: {'ability_name': 'LurkerHoldFire'}, 608: {'ability_name': 'LurkerRemoveHoldFire'}, 611: {'ability_name': 'LiberatorAGTarget'}, 612: {'ability_name': 'LiberatorAATarget'}, 626: {'ability_name': 'KD8Charge'}, 629: {'ability_name': 'AdeptPhaseShiftCancel'}, 630: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 683: {'ability_name': 'DarkTemplarBlink'}, 691: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 693: {'ability_name': 'MorphToTransportOverlord'}, 696: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 699: {'ability_name': 'DarkShrineResearch'}, 700: {'ability_name': 'LurkerDenMPResearch'}, 701: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 702: {'ability_name': 'ObserverMorphtoObserverSiege'}, 705: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 708: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 709: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 710: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/62848/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 455, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 174, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/72282/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/72282/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 106, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 95, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 96, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 99, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 451, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 97, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 98, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 163, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 104, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1153, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 103, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 158, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 105, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 452, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 100, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 102, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 184, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 185, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 101, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 107, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 67, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 381, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 70, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 71, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 73, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 72, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 75, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 446, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 448, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 683, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 447, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 54, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 74, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 548, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 56, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 76, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 449, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 443, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 78, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 53, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 77, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 79, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 188, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 125, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 126, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 128, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 148, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 127, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 132, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 178, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 181, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 150, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 151, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 189, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 177, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 129, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 173, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 175, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 172, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 130, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 134, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 453, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 678, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 907, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1034, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 133, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 187, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 454, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 131, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 136, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 165, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 404, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 180, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 135, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/72282/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 149: {'ability_name': 'FactoryFlyingBuild'}, 150: {'ability_name': 'FactoryLiftOff'}, 151: {'ability_name': 'StarportFlyingBuild'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 155: {'ability_name': 'CommandCenterTrain'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 192: {'ability_name': 'GreaterSpireResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 211: {'ability_name': 'OverlordTransport'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 281: {'ability_name': 'RavagerCorrosiveBile'}, 303: {'ability_name': 'BurrowLurkerMPDown'}, 304: {'ability_name': 'BurrowLurkerMPUp'}, 307: {'ability_name': 'BurrowRavagerDown'}, 308: {'ability_name': 'BurrowRavagerUp'}, 309: {'ability_name': 'MorphToRavager'}, 310: {'ability_name': 'MorphToTransportOverlord'}, 312: {'ability_name': 'ThorNormalMode'}, 357: {'ability_name': 'MorphToHellion'}, 367: {'ability_name': 'MorphToHellionTank'}, 381: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 383: {'ability_name': 'Yoink', 'energy_cost': 75}, 386: {'ability_name': 'ViperConsumeStructure'}, 390: {'ability_name': 'VolatileBurstBuilding'}, 397: {'ability_name': 'WidowMineBurrow'}, 398: {'ability_name': 'WidowMineUnburrow'}, 399: {'ability_name': 'WidowMineAttack'}, 400: {'ability_name': 'TornadoMissile'}, 403: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 404: {'ability_name': 'MedivacSpeedBoost'}, 419: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 468: {'ability_name': 'TemporalField', 'energy_cost': 100}, 522: {'ability_name': 'MorphToLurker'}, 526: {'ability_name': 'PurificationNovaTargeted'}, 528: {'ability_name': 'LockOn'}, 532: {'ability_name': 'Hyperjump'}, 534: {'ability_name': 'ThorAPMode'}, 537: {'ability_name': 'NydusWormTransport'}, 538: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 545: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 546: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 547: {'ability_name': 'VoidRaySwarmDamageBoost'}, 607: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 608: {'ability_name': 'AdeptPhaseShift'}, 611: {'ability_name': 'LurkerHoldFire'}, 612: {'ability_name': 'LurkerRemoveHoldFire'}, 615: {'ability_name': 'LiberatorAGTarget'}, 616: {'ability_name': 'LiberatorAATarget'}, 630: {'ability_name': 'KD8Charge'}, 633: {'ability_name': 'AdeptPhaseShiftCancel'}, 634: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 687: {'ability_name': 'DarkTemplarBlink'}, 690: {'ability_name': 'BattlecruiserAttack'}, 692: {'ability_name': 'BattlecruiserMove'}, 694: {'ability_name': 'BattlecruiserStop'}, 699: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 703: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 706: {'ability_name': 'DarkShrineResearch'}, 707: {'ability_name': 'LurkerDenMPResearch'}, 708: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 709: {'ability_name': 'ObserverMorphtoObserverSiege'}, 712: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 715: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 716: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 717: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/72282/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 82, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 83, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 84, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 85, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 156, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 86, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 95, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 89, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': 468, 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 94, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 90, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 88, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 93, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 87, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 92, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 59, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 155, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 157, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 153, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 70, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 69, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 47, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 48, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 49, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 66, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 50, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 67, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 52, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 53, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 60, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 62, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 64, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 61, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 63, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 65, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 109, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 111, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 112, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 122, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 113, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 120, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 119, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 123, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 114, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 175, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 115, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 125, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 118, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 165, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 117, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 124, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 116, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 110, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 161, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/78285/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/78285/upgrade_data.py | upgrade_data.py |
units = {'Protoss': {'Probe': {'obj_id': 107, 'priority': 33, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Zealot': {'obj_id': 96, 'priority': 39, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2, 'cooldown': 446}, 'Stalker': {'obj_id': 97, 'priority': 60, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 50, 'supply': 2, 'cooldown': 512}, 'Sentry': {'obj_id': 100, 'priority': 87, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 100, 'supply': 2, 'energy': 50, 'cooldown': 512}, 'Adept': {'obj_id': 464, 'priority': 57, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2, 'cooldown': 446}, 'HighTemplar': {'obj_id': 98, 'priority': 93, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 150, 'supply': 2, 'energy': 50, 'cooldown': 714}, 'DarkTemplar': {'obj_id': 99, 'priority': 56, 'type': ['unit'], 'mineral_cost': 125, 'gas_cost': 125, 'supply': 2, 'cooldown': 714}, 'Archon': {'obj_id': 164, 'priority': 45, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 300, 'supply': 4}, 'Observer': {'obj_id': 105, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'ObserverSiegeMode': {'obj_id': 1169, 'priority': 36, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 75, 'supply': 1}, 'WarpPrism': {'obj_id': 104, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'WarpPrismPhasing': {'obj_id': 159, 'priority': 69, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 0, 'supply': 2}, 'Immortal': {'obj_id': 106, 'priority': 44, 'type': ['unit'], 'mineral_cost': 275, 'gas_cost': 100, 'supply': 4}, 'Colossus': {'obj_id': 23, 'priority': 48, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'Disruptor': {'obj_id': 465, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Phoenix': {'obj_id': 101, 'priority': 81, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'VoidRay': {'obj_id': 103, 'priority': 78, 'type': ['unit'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 4}, 'Oracle': {'obj_id': 185, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3, 'energy': 50}, 'Tempest': {'obj_id': 186, 'priority': 50, 'type': ['unit'], 'mineral_cost': 250, 'gas_cost': 175, 'supply': 5}, 'Carrier': {'obj_id': 102, 'priority': 51, 'type': ['unit'], 'mineral_cost': 350, 'gas_cost': 250, 'supply': 6}, 'Interceptor': {'obj_id': 108, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Mothership': {'obj_id': 30, 'priority': 96, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 400, 'supply': 8, 'energy': 50}}, 'Terran': {'SCV': {'obj_id': 68, 'priority': 58, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'MULE': {'obj_id': 394, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Marine': {'obj_id': 71, 'priority': 78, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Reaper': {'obj_id': 72, 'priority': 70, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 1}, 'Marauder': {'obj_id': 74, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 25, 'supply': 2}, 'Ghost': {'obj_id': 73, 'priority': 82, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 2, 'energy': 75}, 'Hellion': {'obj_id': 76, 'priority': 66, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'HellionTank': {'obj_id': 459, 'priority': 6, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 2}, 'WidowMine': {'obj_id': 461, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'WidowMineBurrowed': {'obj_id': 699, 'priority': 54, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Cyclone': {'obj_id': 460, 'priority': 71, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3}, 'SiegeTank': {'obj_id': 56, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'SiegeTankSieged': {'obj_id': 55, 'priority': 74, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 125, 'supply': 3}, 'Thor': {'obj_id': 75, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'ThorAP': {'obj_id': 564, 'priority': 52, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'VikingFighter': {'obj_id': 58, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'VikingAssault': {'obj_id': 57, 'priority': 68, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 75, 'supply': 2}, 'Medivac': {'obj_id': 77, 'priority': 60, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2, 'energy': 50}, 'Liberator': {'obj_id': 462, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LiberatorAG': {'obj_id': 456, 'priority': 72, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Raven': {'obj_id': 79, 'priority': 84, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 2, 'energy': 50}, 'AutoTurret': {'obj_id': 54, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Banshee': {'obj_id': 78, 'priority': 64, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 3, 'energy': 50}, 'Battlecruiser': {'obj_id': 80, 'priority': 80, 'type': ['unit'], 'mineral_cost': 400, 'gas_cost': 300, 'supply': 6}}, 'Zerg': {'Larva': {'obj_id': 189, 'priority': 58, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Egg': {'obj_id': 126, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Drone': {'obj_id': 127, 'priority': 60, 'type': ['unit', 'worker'], 'mineral_cost': 50, 'gas_cost': 0, 'supply': 1}, 'Overlord': {'obj_id': 129, 'priority': 72, 'type': ['unit', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'Queen': {'obj_id': 149, 'priority': 101, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 2, 'energy': 25}, 'Zergling': {'obj_id': 128, 'priority': 68, 'type': ['unit'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0.5}, 'Baneling': {'obj_id': 29, 'priority': 82, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'Roach': {'obj_id': 133, 'priority': 80, 'type': ['unit'], 'mineral_cost': 75, 'gas_cost': 25, 'supply': 2}, 'Ravager': {'obj_id': 179, 'priority': 92, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'TransportOverlordCocoon': {'obj_id': 182, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'OverlordCocoon': {'obj_id': 151, 'priority': 1, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Overseer': {'obj_id': 152, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverseerSiegeMode': {'obj_id': 190, 'priority': 74, 'type': ['unit', 'supply'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0, 'energy': 50}, 'OverlordTransport': {'obj_id': 178, 'priority': 73, 'type': ['unit', 'supply'], 'mineral_cost': 125, 'gas_cost': 25, 'supply': 0}, 'Hydralisk': {'obj_id': 130, 'priority': 70, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 2}, 'LurkerMP': {'obj_id': 174, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPEgg': {'obj_id': 176, 'priority': 54, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'LurkerMPBurrowed': {'obj_id': 173, 'priority': 90, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 3}, 'Mutalisk': {'obj_id': 131, 'priority': 76, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 2}, 'Corruptor': {'obj_id': 135, 'priority': 84, 'type': ['unit'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 2}, 'SwarmHostMP': {'obj_id': 466, 'priority': 86, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 75, 'supply': 3}, 'LocustMP': {'obj_id': 694, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPFlying': {'obj_id': 923, 'priority': 56, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'LocustMPPrecursor': {'obj_id': 1050, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Infestor': {'obj_id': 134, 'priority': 94, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 2, 'energy': 50}, 'InfestedTerransEgg': {'obj_id': 188, 'priority': 54, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'InfestorTerran': {'obj_id': 27, 'priority': 66, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Viper': {'obj_id': 467, 'priority': 96, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 200, 'supply': 3, 'energy': 50}, 'Ultralisk': {'obj_id': 132, 'priority': 88, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 6}, 'BroodLord': {'obj_id': 137, 'priority': 78, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 4}, 'BroodlingEscort': {'obj_id': 166, 'priority': None, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Broodling': {'obj_id': 417, 'priority': 62, 'type': ['unit'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'RavagerCocoon': {'obj_id': 181, 'priority': 54, 'type': ['unit'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 3}, 'BanelingCocoon': {'obj_id': 28, 'priority': 54, 'type': ['unit'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0.5}, 'BroodLordCocoon': {'obj_id': 136, 'priority': 1, 'type': ['unit'], 'mineral_cost': 300, 'gas_cost': 250, 'supply': 3}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/78285/unit_data.py | unit_data.py |
abilities = {40: {'ability_name': 'stop'}, 42: {'ability_name': 'move'}, 45: {'ability_name': 'attack'}, 65: {'ability_name': 'GhostHoldFire'}, 66: {'ability_name': 'GhostWeaponsFree'}, 68: {'ability_name': 'Explode'}, 70: {'ability_name': 'FungalGrowth', 'energy_cost': 75}, 71: {'ability_name': 'GuardianShield', 'energy_cost': 75}, 73: {'ability_name': 'ZerglingTrain'}, 75: {'ability_name': 'Feedback', 'energy_cost': 50}, 78: {'ability_name': 'HallucinationArchon', 'energy_cost': 75}, 79: {'ability_name': 'HallucinationColossus', 'energy_cost': 75}, 80: {'ability_name': 'HallucinationHighTemplar', 'energy_cost': 75}, 81: {'ability_name': 'HallucinationImmortal', 'energy_cost': 75}, 82: {'ability_name': 'HallucinationPhoenix', 'energy_cost': 75}, 83: {'ability_name': 'HallucinationProbe', 'energy_cost': 75}, 84: {'ability_name': 'HallucinationStalker', 'energy_cost': 75}, 85: {'ability_name': 'HallucinationVoidRay', 'energy_cost': 75}, 86: {'ability_name': 'HallucinationWarpPrism', 'energy_cost': 75}, 87: {'ability_name': 'HallucinationZealot', 'energy_cost': 75}, 90: {'ability_name': 'CalldownMULE', 'energy_cost': 50}, 91: {'ability_name': 'GravitonBeam', 'energy_cost': 50}, 95: {'ability_name': 'SpawnChangeling', 'energy_cost': 50}, 102: {'ability_name': 'Rally'}, 104: {'ability_name': 'RallyCommand'}, 106: {'ability_name': 'RallyHatchery'}, 107: {'ability_name': 'RoachWarrenResearch'}, 110: {'ability_name': 'NeuralParasite', 'energy_cost': 100}, 111: {'ability_name': 'SpawnLarva', 'energy_cost': 25}, 112: {'ability_name': 'StimpackMarauder'}, 113: {'ability_name': 'SupplyDrop', 'energy_cost': 50}, 117: {'ability_name': 'UltraliskCavernResearch'}, 131: {'ability_name': 'Stimpack'}, 132: {'ability_name': 'GhostCloak', 'energy_cost': 25}, 135: {'ability_name': 'SiegeMode'}, 136: {'ability_name': 'Unsiege'}, 137: {'ability_name': 'BansheeCloak', 'energy_cost': 25}, 138: {'ability_name': 'MedivacTransport'}, 139: {'ability_name': 'ScannerSweep', 'energy_cost': 50}, 140: {'ability_name': 'Yamato'}, 141: {'ability_name': 'AssaultMode'}, 142: {'ability_name': 'FighterMode'}, 144: {'ability_name': 'CommandCenterTransport'}, 145: {'ability_name': 'CommandCenterLiftOff'}, 146: {'ability_name': 'CommandCenterLand'}, 147: {'ability_name': 'BarracksFlyingBuild'}, 148: {'ability_name': 'BarracksLiftOff'}, 149: {'ability_name': 'FactoryFlyingBuild'}, 150: {'ability_name': 'FactoryLiftOff'}, 151: {'ability_name': 'StarportFlyingBuild'}, 152: {'ability_name': 'StarportLiftOff'}, 153: {'ability_name': 'FactoryLand'}, 154: {'ability_name': 'StarportLand'}, 155: {'ability_name': 'CommandCenterTrain'}, 156: {'ability_name': 'BarracksLand'}, 157: {'ability_name': 'SupplyDepotLower'}, 158: {'ability_name': 'SupplyDepotRaise'}, 159: {'ability_name': 'BarracksTrain'}, 160: {'ability_name': 'FactoryTrain'}, 161: {'ability_name': 'StarportTrain'}, 162: {'ability_name': 'EngineeringBayResearch'}, 164: {'ability_name': 'GhostAcademyTrain'}, 165: {'ability_name': 'BarracksTechLabResearch'}, 166: {'ability_name': 'FactoryTechLabResearch'}, 167: {'ability_name': 'StarportTechLabResearch'}, 168: {'ability_name': 'GhostAcademyResearch'}, 169: {'ability_name': 'ArmoryResearch'}, 171: {'ability_name': 'WarpPrismTransport'}, 172: {'ability_name': 'GatewayTrain'}, 173: {'ability_name': 'StargateTrain'}, 174: {'ability_name': 'RoboticsFacilityTrain'}, 175: {'ability_name': 'NexusTrain'}, 176: {'ability_name': 'PsiStorm', 'energy_cost': 75}, 180: {'ability_name': 'ForgeResearch'}, 181: {'ability_name': 'RoboticsBayResearch'}, 182: {'ability_name': 'TemplarArchiveResearch'}, 183: {'ability_name': 'ZergBuild'}, 185: {'ability_name': 'EvolutionChamberResearch'}, 186: {'ability_name': 'UpgradeToLair'}, 187: {'ability_name': 'UpgradeToHive'}, 188: {'ability_name': 'UpgradeToGreaterSpire'}, 189: {'ability_name': 'HiveResearch'}, 190: {'ability_name': 'SpawningPoolResearch'}, 191: {'ability_name': 'HydraliskDenResearch'}, 192: {'ability_name': 'GreaterSpireResearch'}, 193: {'ability_name': 'LarvaTrain'}, 194: {'ability_name': 'MorphToBroodLord'}, 195: {'ability_name': 'BurrowBanelingDown'}, 196: {'ability_name': 'BurrowBanelingUp'}, 197: {'ability_name': 'BurrowDroneDown'}, 198: {'ability_name': 'BurrowDroneUp'}, 199: {'ability_name': 'BurrowHydraliskDown'}, 200: {'ability_name': 'BurrowHydraliskUp'}, 201: {'ability_name': 'BurrowRoachDown'}, 202: {'ability_name': 'BurrowRoachUp'}, 203: {'ability_name': 'BurrowZerglingDown'}, 204: {'ability_name': 'BurrowZerglingUp'}, 211: {'ability_name': 'OverlordTransport'}, 214: {'ability_name': 'WarpGateTrain'}, 215: {'ability_name': 'BurrowQueenDown'}, 216: {'ability_name': 'BurrowQueenUp'}, 217: {'ability_name': 'NydusCanalTransport'}, 218: {'ability_name': 'Blink'}, 219: {'ability_name': 'BurrowInfestorDown'}, 220: {'ability_name': 'BurrowInfestorUp'}, 222: {'ability_name': 'UpgradeToPlanetaryFortress'}, 223: {'ability_name': 'InfestationPitResearch'}, 225: {'ability_name': 'BurrowUltraliskDown'}, 226: {'ability_name': 'BurrowUltraliskUp'}, 227: {'ability_name': 'UpgradeToOrbital'}, 230: {'ability_name': 'OrbitalLiftOff'}, 231: {'ability_name': 'OrbitalCommandLand'}, 232: {'ability_name': 'ForceField', 'energy_cost': 50}, 233: {'ability_name': 'PhasingMode'}, 234: {'ability_name': 'TransportMode'}, 235: {'ability_name': 'FusionCoreResearch'}, 236: {'ability_name': 'CyberneticsCoreResearch'}, 237: {'ability_name': 'TwilightCouncilResearch'}, 238: {'ability_name': 'TacNukeStrike'}, 241: {'ability_name': 'EMP', 'energy_cost': 75}, 243: {'ability_name': 'HiveTrain'}, 245: {'ability_name': 'Transfusion', 'energy_cost': 50}, 254: {'ability_name': 'AttackRedirect'}, 255: {'ability_name': 'StimpackRedirect'}, 256: {'ability_name': 'StimpackMarauderRedirect'}, 258: {'ability_name': 'StopRedirect'}, 259: {'ability_name': 'GenerateCreep', 'energy_cost': 25}, 260: {'ability_name': 'QueenBuild'}, 261: {'ability_name': 'SpineCrawlerUproot'}, 262: {'ability_name': 'SporeCrawlerUproot'}, 263: {'ability_name': 'SpineCrawlerRoot'}, 264: {'ability_name': 'SporeCrawlerRoot'}, 265: {'ability_name': 'CreepTumorBurrowedBuild'}, 266: {'ability_name': 'BuildAutoTurret'}, 268: {'ability_name': 'NydusNetworkBuild'}, 270: {'ability_name': 'Charge'}, 274: {'ability_name': 'Contaminate', 'energy_cost': 125}, 281: {'ability_name': 'RavagerCorrosiveBile'}, 303: {'ability_name': 'BurrowLurkerMPDown'}, 304: {'ability_name': 'BurrowLurkerMPUp'}, 307: {'ability_name': 'BurrowRavagerDown'}, 308: {'ability_name': 'BurrowRavagerUp'}, 309: {'ability_name': 'MorphToRavager'}, 310: {'ability_name': 'MorphToTransportOverlord'}, 312: {'ability_name': 'ThorNormalMode'}, 357: {'ability_name': 'MorphToHellion'}, 367: {'ability_name': 'MorphToHellionTank'}, 381: {'ability_name': 'BlindingCloud', 'energy_cost': 100}, 383: {'ability_name': 'Yoink', 'energy_cost': 75}, 386: {'ability_name': 'ViperConsumeStructure'}, 390: {'ability_name': 'VolatileBurstBuilding'}, 397: {'ability_name': 'WidowMineBurrow'}, 398: {'ability_name': 'WidowMineUnburrow'}, 399: {'ability_name': 'WidowMineAttack'}, 400: {'ability_name': 'TornadoMissile'}, 403: {'ability_name': 'HallucinationOracle', 'energy_cost': 75}, 404: {'ability_name': 'MedivacSpeedBoost'}, 419: {'ability_name': 'OracleRevelation', 'energy_cost': 50}, 468: {'ability_name': 'TemporalField', 'energy_cost': 100}, 522: {'ability_name': 'MorphToLurker'}, 526: {'ability_name': 'PurificationNovaTargeted'}, 528: {'ability_name': 'LockOn'}, 532: {'ability_name': 'Hyperjump'}, 534: {'ability_name': 'ThorAPMode'}, 537: {'ability_name': 'NydusWormTransport'}, 538: {'ability_name': 'OracleWeapon', 'energy_cost': 25}, 545: {'ability_name': 'HallucinationDisruptor', 'energy_cost': 75}, 546: {'ability_name': 'HallucinationAdept', 'energy_cost': 75}, 547: {'ability_name': 'VoidRaySwarmDamageBoost'}, 607: {'ability_name': 'ParasiticBomb', 'energy_cost': 125}, 608: {'ability_name': 'AdeptPhaseShift'}, 611: {'ability_name': 'LurkerHoldFire'}, 612: {'ability_name': 'LurkerRemoveHoldFire'}, 615: {'ability_name': 'LiberatorAGTarget'}, 616: {'ability_name': 'LiberatorAATarget'}, 630: {'ability_name': 'KD8Charge'}, 633: {'ability_name': 'AdeptPhaseShiftCancel'}, 634: {'ability_name': 'AdeptShadePhaseShiftCancel'}, 687: {'ability_name': 'DarkTemplarBlink'}, 690: {'ability_name': 'BattlecruiserAttack'}, 692: {'ability_name': 'BattlecruiserMove'}, 694: {'ability_name': 'BattlecruiserStop'}, 700: {'ability_name': 'VoidRaySwarmDamageBoostCancel'}, 704: {'ability_name': 'ChannelSnipe', 'energy_cost': 50}, 707: {'ability_name': 'DarkShrineResearch'}, 708: {'ability_name': 'LurkerDenMPResearch'}, 709: {'ability_name': 'ObserverSiegeMorphtoObserver'}, 710: {'ability_name': 'ObserverMorphtoObserverSiege'}, 713: {'ability_name': 'RavenScramblerMissile', 'energy_cost': 75}, 716: {'ability_name': 'RavenShredderMissile', 'energy_cost': 75}, 717: {'ability_name': 'ChronoBoostEnergyCost', 'energy_cost': 50}, 718: {'ability_name': 'NexusMassRecall', 'energy_cost': 50}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/78285/ability_data.py | ability_data.py |
buildings = {'Protoss': {'Nexus': {'obj_id': 81, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15, 'energy': 50}, 'Pylon': {'obj_id': 82, 'priority': 1, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'Assimilator': {'obj_id': 83, 'priority': 3, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Gateway': {'obj_id': 84, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'WarpGate': {'obj_id': 155, 'priority': 30, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Forge': {'obj_id': 85, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'CyberneticsCore': {'obj_id': 94, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'PhotonCannon': {'obj_id': 88, 'priority': 4, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'ShieldBattery': {'obj_id': [443], 'priority': 5, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0, 'energy': 100}, 'RoboticsFacility': {'obj_id': 93, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Stargate': {'obj_id': 89, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'TwilightCouncil': {'obj_id': 87, 'priority': 12, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'RoboticsBay': {'obj_id': 92, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'FleetBeacon': {'obj_id': 86, 'priority': 14, 'type': ['building'], 'mineral_cost': 300, 'gas_cost': 200, 'supply': 0}, 'TemplarArchives': {'obj_id': [90], 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'DarkShrine': {'obj_id': 91, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}}, 'Terran': {'CommandCenter': {'obj_id': 39, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'CommandCenterFlying': {'obj_id': 58, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 400, 'gas_cost': 0, 'supply': 15}, 'OrbitalCommand': {'obj_id': 154, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'OrbitalCommandFlying': {'obj_id': 156, 'priority': 34, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0, 'energy': 50}, 'PlanetaryFortress': {'obj_id': 152, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'SupplyDepot': {'obj_id': 40, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 8}, 'SupplyDepotLowered': {'obj_id': 69, 'priority': 26, 'type': ['building', 'supply'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'Refinery': {'obj_id': 41, 'priority': 1, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'Barracks': {'obj_id': 42, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BarracksFlying': {'obj_id': 68, 'priority': 24, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'EngineeringBay': {'obj_id': 43, 'priority': 18, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'Bunker': {'obj_id': 45, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'MissileTurret': {'obj_id': 44, 'priority': 14, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SensorTower': {'obj_id': 46, 'priority': 10, 'type': ['building'], 'mineral_cost': 125, 'gas_cost': 100, 'supply': 0}, 'GhostAcademy': {'obj_id': 47, 'priority': 8, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 50, 'supply': 0}, 'Factory': {'obj_id': 48, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FactoryFlying': {'obj_id': 65, 'priority': 22, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Starport': {'obj_id': 49, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'StarportFlying': {'obj_id': 66, 'priority': 20, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'Armory': {'obj_id': 51, 'priority': 16, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'FusionCore': {'obj_id': 52, 'priority': 7, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'BarracksTechLab': {'obj_id': 59, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'FactoryTechLab': {'obj_id': 61, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'StarportTechLab': {'obj_id': 63, 'priority': 2, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 25, 'supply': 0}, 'BarracksReactor': {'obj_id': 60, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'FactoryReactor': {'obj_id': 62, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'StarportReactor': {'obj_id': 64, 'priority': 1, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}}, 'Zerg': {'Hatchery': {'obj_id': 108, 'priority': 32, 'type': ['building', 'supply'], 'mineral_cost': 300, 'gas_cost': 0, 'supply': 6}, 'Extractor': {'obj_id': 110, 'priority': 1, 'type': ['building'], 'mineral_cost': 25, 'gas_cost': 0, 'supply': 0}, 'SpawningPool': {'obj_id': 111, 'priority': 20, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 0, 'supply': 0}, 'SpineCrawler': {'obj_id': 120, 'priority': 4, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 0, 'supply': 0}, 'SporeCrawler': {'obj_id': 121, 'priority': 4, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'EvolutionChamber': {'obj_id': 112, 'priority': 26, 'type': ['building'], 'mineral_cost': 75, 'gas_cost': 0, 'supply': 0}, 'RoachWarren': {'obj_id': 119, 'priority': 6, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 0, 'supply': 0}, 'BanelingNest': {'obj_id': 118, 'priority': 8, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 50, 'supply': 0}, 'Lair': {'obj_id': 122, 'priority': 30, 'type': ['building', 'supply'], 'mineral_cost': 150, 'gas_cost': 100, 'supply': 0}, 'HydraliskDen': {'obj_id': 113, 'priority': 18, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'LurkerDenMP': {'obj_id': 550, 'priority': 16, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'Spire': {'obj_id': 114, 'priority': 24, 'type': ['building'], 'mineral_cost': 200, 'gas_cost': 200, 'supply': 0}, 'GreaterSpire': {'obj_id': 124, 'priority': 22, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 150, 'supply': 0}, 'NydusNetwork': {'obj_id': 117, 'priority': 10, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 150, 'supply': 0}, 'NydusCanal': {'obj_id': 164, 'priority': 10, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'NydusWorm': {'obj_id': [164], 'priority': 10, 'type': ['building'], 'mineral_cost': 50, 'gas_cost': 50, 'supply': 0}, 'InfestationPit': {'obj_id': 116, 'priority': 12, 'type': ['building'], 'mineral_cost': 100, 'gas_cost': 100, 'supply': 0}, 'Hive': {'obj_id': 123, 'priority': 28, 'type': ['building', 'supply'], 'mineral_cost': 200, 'gas_cost': 150, 'supply': 0}, 'UltraliskCavern': {'obj_id': 115, 'priority': 14, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumor': {'obj_id': 109, 'priority': 2, 'type': ['building'], 'mineral_cost': 0, 'gas_cost': 0, 'supply': 0}, 'CreepTumorBurrowed': {'obj_id': 159, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}, 'CreepTumorQueen': {'obj_id': 160, 'priority': 2, 'type': ['building'], 'mineral_cost': 150, 'gas_cost': 200, 'supply': 0}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16605/building_data.py | building_data.py |
upgrades = {'Protoss': {'ObserverGraviticBooster': {'mineral_cost': 100, 'gas_cost': 100}, 'GraviticDrive': {'mineral_cost': 100, 'gas_cost': 100}, 'ExtendedThermalLance': {'mineral_cost': 150, 'gas_cost': 150}, 'PsiStormTech': {'mineral_cost': 200, 'gas_cost': 200}, 'WarpGateResearch': {'mineral_cost': 50, 'gas_cost': 50}, 'Charge': {'mineral_cost': 100, 'gas_cost': 100}, 'BlinkTech': {'mineral_cost': 150, 'gas_cost': 150}, 'PhoenixRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'AdeptPiercingAttack': {'mineral_cost': 100, 'gas_cost': 100}, 'DarkTemplarBlinkUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'FluxVanes': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ProtossShieldsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossShieldsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossShieldsLevel3': {'mineral_cost': 300, 'gas_cost': 300}, 'ProtossAirWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ProtossAirWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ProtossAirWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ProtossAirArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ProtossAirArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ProtossAirArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}, 'Terran': {'Stimpack': {'mineral_cost': 100, 'gas_cost': 100}, 'CombatShields': {'mineral_cost': 100, 'gas_cost': 100}, 'PunisherGrenades': {'mineral_cost': 50, 'gas_cost': 50}, 'PersonalCloaking': {'mineral_cost': 150, 'gas_cost': 150}, 'EnhancedShockwaves': {'mineral_cost': 150, 'gas_cost': 150}, 'BansheeCloak': {'mineral_cost': 100, 'gas_cost': 100}, 'RavenCorvidReactor': {'mineral_cost': 150, 'gas_cost': 150}, 'BattlecruiserEnableSpecializations': {'mineral_cost': 150, 'gas_cost': 150}, 'DrillClaws': {'mineral_cost': 75, 'gas_cost': 75}, 'HighCapacityBarrels': {'mineral_cost': 100, 'gas_cost': 100}, 'CycloneLockOnDamageUpgrade': {'mineral_cost': 100, 'gas_cost': 100}, 'BansheeSpeed': {'mineral_cost': 150, 'gas_cost': 150}, 'LiberatorAGRangeUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'SmartServos': {'mineral_cost': 100, 'gas_cost': 100}, 'MedivacIncreaseSpeedBoost': {'mineral_cost': 100, 'gas_cost': 100}, 'HiSecAutoTracking': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranBuildingArmor': {'mineral_cost': 150, 'gas_cost': 150}, 'TerranInfantryWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranInfantryArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranInfantryArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranInfantryArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranVehicleAndShipArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranVehicleAndShipArmorsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranVehicleAndShipArmorsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'TerranShipWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'TerranShipWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'TerranShipWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}}, 'Zerg': {'GlialReconstitution': {'mineral_cost': 100, 'gas_cost': 100}, 'TunnelingClaws': {'mineral_cost': 100, 'gas_cost': 100}, 'ChitinousPlating': {'mineral_cost': 150, 'gas_cost': 150}, 'AnabolicSynthesis': {'mineral_cost': 150, 'gas_cost': 150}, 'DiggingClaws': {'mineral_cost': 150, 'gas_cost': 150}, 'LurkerRange': {'mineral_cost': 150, 'gas_cost': 150}, 'OverlordSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'Burrow': {'mineral_cost': 100, 'gas_cost': 100}, 'ZerglingAttackSpeed': {'mineral_cost': 200, 'gas_cost': 200}, 'ZerglingMovementSpeed': {'mineral_cost': 100, 'gas_cost': 100}, 'CentrificalHooks': {'mineral_cost': 150, 'gas_cost': 150}, 'EvolveGroovedSpines': {'mineral_cost': 100, 'gas_cost': 100}, 'EvolveMuscularAugments': {'mineral_cost': 100, 'gas_cost': 100}, 'NeuralParasite': {'mineral_cost': 150, 'gas_cost': 150}, 'InfestorEnergyUpgrade': {'mineral_cost': 150, 'gas_cost': 150}, 'MicrobialShroud': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMeleeWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMeleeWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergMissileWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergMissileWeaponsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergMissileWeaponsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergGroundArmorsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergGroundArmorsLevel2': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergGroundArmorsLevel3': {'mineral_cost': 200, 'gas_cost': 200}, 'ZergFlyerWeaponsLevel1': {'mineral_cost': 100, 'gas_cost': 100}, 'ZergFlyerWeaponsLevel2': {'mineral_cost': 175, 'gas_cost': 175}, 'ZergFlyerWeaponsLevel3': {'mineral_cost': 250, 'gas_cost': 250}, 'ZergFlyerArmorsLevel1': {'mineral_cost': 150, 'gas_cost': 150}, 'ZergFlyerArmorsLevel2': {'mineral_cost': 225, 'gas_cost': 225}, 'ZergFlyerArmorsLevel3': {'mineral_cost': 300, 'gas_cost': 300}}} | zephyrus-sc2-parser | /zephyrus-sc2-parser-0.3.8.tar.gz/zephyrus-sc2-parser-0.3.8/zephyrus_sc2_parser/gamedata/16605/upgrade_data.py | upgrade_data.py |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.