hexsha
stringlengths
40
40
size
int64
5
2.06M
ext
stringclasses
11 values
lang
stringclasses
1 value
max_stars_repo_path
stringlengths
3
251
max_stars_repo_name
stringlengths
4
130
max_stars_repo_head_hexsha
stringlengths
40
78
max_stars_repo_licenses
sequencelengths
1
10
max_stars_count
int64
1
191k
max_stars_repo_stars_event_min_datetime
stringlengths
24
24
max_stars_repo_stars_event_max_datetime
stringlengths
24
24
max_issues_repo_path
stringlengths
3
251
max_issues_repo_name
stringlengths
4
130
max_issues_repo_head_hexsha
stringlengths
40
78
max_issues_repo_licenses
sequencelengths
1
10
max_issues_count
int64
1
116k
max_issues_repo_issues_event_min_datetime
stringlengths
24
24
max_issues_repo_issues_event_max_datetime
stringlengths
24
24
max_forks_repo_path
stringlengths
3
251
max_forks_repo_name
stringlengths
4
130
max_forks_repo_head_hexsha
stringlengths
40
78
max_forks_repo_licenses
sequencelengths
1
10
max_forks_count
int64
1
105k
max_forks_repo_forks_event_min_datetime
stringlengths
24
24
max_forks_repo_forks_event_max_datetime
stringlengths
24
24
content
stringlengths
1
1.05M
avg_line_length
float64
1
1.02M
max_line_length
int64
3
1.04M
alphanum_fraction
float64
0
1
7c2b65379c3bd0e388f419a0d07e73a9770aad35
48,787
py
Python
visnav/algo/orig/tools.py
oknuutti/hw_visnav
5254b8bdd146548413554c00e6e76264a2540e8b
[ "MIT" ]
null
null
null
visnav/algo/orig/tools.py
oknuutti/hw_visnav
5254b8bdd146548413554c00e6e76264a2540e8b
[ "MIT" ]
null
null
null
visnav/algo/orig/tools.py
oknuutti/hw_visnav
5254b8bdd146548413554c00e6e76264a2540e8b
[ "MIT" ]
null
null
null
import math import time import numpy as np import numba as nb import quaternion # adds to numpy # noqa # pylint: disable=unused-import import sys import scipy from astropy.coordinates import SkyCoord from scipy.interpolate import RectBivariateSpline from scipy.interpolate import NearestNDInterpolator # from scipy.spatial.ckdtree import cKDTree from visnav.settings import * def sphere_angle_radius(loc, r): return np.arcsin(r / np.linalg.norm(loc, axis=1)) def dist_across_and_along_vect(A, b): """ A: array of vectors, b: axis vector """ lat, lon, r = cartesian2spherical(*b) q = ypr_to_q(lat, lon, 0).conj() R = quaternion.as_rotation_matrix(q) Ab = R.dot(A.T).T d = Ab[:, 0:1] r = np.linalg.norm(Ab[:, 1:3], axis=1).reshape((-1, 1)) return r, d def point_vector_dist(A, B, dist_along_v=False): """ A: point, B: vector """ # (length of b)**2 normB2 = (B ** 2).sum(-1).reshape((-1, 1)) # a dot b vector product (project a on b but also times length of b) diagAB = (A * B).sum(-1).reshape((-1, 1)) # A projected along B (projection = a dot b/||b|| * b/||b||) A_B = (diagAB / normB2) * B # vector from projected A to A, it is perpendicular to B AB2A = A - A_B # diff vector lengths normD = np.sqrt((AB2A ** 2).sum(-1)).reshape((-1, 1)) return (normD, diagAB / np.sqrt(normB2)) if dist_along_v else normD def sc_asteroid_max_shift_error(A, B): """ Calculate max error between two set of vertices when projected to camera, A = estimated vertex positions B = true vertex positions Error is a vector perpendicular to B, i.e. A - A|| """ # diff vector lengths normD = point_vector_dist(A, B) # max length of diff vectors return np.max(normD) # return normalize_v_f8(cross3d(b-a, c-a)) def equatorial_to_ecliptic(ra, dec): """ translate from equatorial ra & dec to ecliptic ones """ sc = SkyCoord(ra, dec, unit='deg', frame='icrs', obstime='J2000') \ .transform_to('barycentrictrueecliptic') return sc.lat.value, sc.lon.value def angleaxis_to_q(rv): """ first angle, then axis """ if len(rv) == 4: theta = rv[0] v = normalize_v(np.array(rv[1:])) elif len(rv) == 3: theta = math.sqrt(sum(x ** 2 for x in rv)) v = np.array(rv) / (1 if theta == 0 else theta) else: raise Exception('Invalid angle-axis vector: %s' % (rv,)) w = math.cos(theta / 2) v = v * math.sin(theta / 2) return np.quaternion(w, *v).normalized() def mean_q(qs, ws=None): """ returns a (weighted) mean of a set of quaternions idea is to rotate a bit in the direction of new quaternion from the sum of previous rotations NOTE: not tested properly, might not return same mean quaternion if order of input changed """ wtot = 0 qtot = quaternion.one for q, w in zip(qs, np.ones((len(qs),)) if ws is None else ws): ddaa = q_to_angleaxis(qtot.conj() * q) ddaa[0] = wrap_rads(ddaa[0]) * w / (w + wtot) qtot = angleaxis_to_q(ddaa) * qtot wtot += w return qtot def discretize_v(v, tol=None, lat_range=(-math.pi / 2, math.pi / 2), points=None): """ simulate feature database by giving closest light direction with given tolerance """ if tol is not None and points is not None or tol is None and points is None: assert False, 'Give either tol or points' elif tol is not None: points = bf2_lat_lon(tol, lat_range=lat_range) lat, lon, r = cartesian2spherical(*v) (nlat, nlon), idx = find_nearest_arr( points, np.array((lat, lon)), ord=2, fun=wrap_rads, ) ret = spherical2cartesian(nlat, nlon, r) return ret, idx def discretize_q(q, tol=None, lat_range=(-math.pi / 2, math.pi / 2), points=None): """ simulate feature database by giving closest lat & roll with given tolerance and set lon to zero as feature detectors are rotation invariant (in opengl coords) """ if tol is not None and points is not None or tol is None and points is None: assert False, 'Give either tol or points' elif tol is not None: points = bf2_lat_lon(tol, lat_range=lat_range) lat, lon, roll = q_to_ypr(q) (nlat, nroll), idx = find_nearest_arr( points, np.array((lat, roll)), ord=2, fun=wrap_rads, ) nq0 = ypr_to_q(nlat, 0, nroll) return nq0, idx # @nb.njit(nb.f8[:](nb.f8[:, :], nb.f8[:, :]), nogil=True) # INVESTIGATE: parallel = True does not speed up at all (or marginally) for some reason even though all cores are in use # @nb.jit(nb.f8[:](nb.f8[:, :], nb.f8[:, :], nb.i4[:, :]), nogil=True, parallel=False) def get_model_errors(points, vertices, faces): count = len(points) show_progress(count // 10, 0) j = 0 devs = np.empty(points.shape[0]) for i in nb.prange(count): vx = points[i, :] err = intersections(faces, vertices, np.array(((0, 0, 0), vx))) if math.isinf(err): # len(pts) == 0: print('no intersections!') continue if False: idx = np.argmin([np.linalg.norm(pt - vx) for pt in pts]) err = np.linalg.norm(pts[idx]) - np.linalg.norm(vx) devs[i] = err if j < i // 10: show_progress(count // 10, i // 10) j = i // 10 return devs def crop_model(model, cam_v, cam_q, x_fov, y_fov): assert False, 'not implemented' def augment_model(model, multiplier=3, length_scales=(0, 0.1, 1), sds=(1e-5, 1.6e-4, 2.4e-4)): assert multiplier > 1 and multiplier % 1 == 0, 'multiplier must be integer and >1' from scipy.interpolate import LinearNDInterpolator try: from sklearn.gaussian_process.kernels import Matern, WhiteKernel except: print('Requires scikit-learn, install using "conda install scikit-learn"') sys.exit() points = np.array(model.vertices) max_rng = np.max(np.ptp(points, axis=0)) # white noise to ensure positive definite covariance matrix ls = dict(zip(length_scales, sds)) sd0 = ls.pop(0, 1e-5) kernel = WhiteKernel(noise_level=sd0 * max_rng) for l, s in ls.items(): kernel += s ** 2 * Matern(length_scale=l * max_rng, nu=1.5) assert False, 'not implemented' # TODO: how is the covariance mx constructed again? y_cov = kernel(points) # TODO: sample gp ??? how to tie existing points and generate the new points in between? aug_points, L = mv_normal(points, cov=y_cov) # TODO: how to interpolate faces? pass # interpolate texture # TODO: augment texture interp = LinearNDInterpolator(points, model.texcoords) aug_texcoords = interp(aug_points) data = model.as_dict() data['faces'] = aug_faces data['vertices'] = aug_points data['texcoords'] = aug_texcoords from visnav.iotools import objloader aug_model = objloader.ShapeModel(data=data) aug_model.recalc_norms() return aug_model, L def apply_noise(model, support=(None, None), L=(None, None), len_sc=SHAPE_MODEL_NOISE_LEN_SC, noise_lv=SHAPE_MODEL_NOISE_LV['lo'], only_z=False, tx_noise=0, tx_noise_len_sc=SHAPE_MODEL_NOISE_LEN_SC, tx_hf_noise=True): Sv, St = support Lv, Lt = L inplace = noise_lv == 0 and model.texfile is None if noise_lv > 0: noisy_points, avg_dev, Lv = points_with_noise(points=model.vertices, support=Sv, L=Lv, noise_lv=noise_lv, len_sc=len_sc, only_z=only_z) else: noisy_points, avg_dev, Lv = model.vertices, 0, None tex = model.tex if tx_noise > 0: if inplace: model.tex = np.ones(model.tex.shape) Lt = Lv if Lt is None and tx_noise == noise_lv and tx_noise_len_sc == len_sc else Lt tex, tx_avg_dev, Lt = texture_noise(model, support=St, L=Lt, noise_sd=tx_noise, len_sc=tx_noise_len_sc, hf_noise=tx_hf_noise) if inplace: model.tex = tex noisy_model = model else: data = model.as_dict() data['vertices'] = noisy_points if tx_noise > 0: data['tex'] = tex data['texfile'] = None from visnav.iotools import objloader noisy_model = objloader.ShapeModel(data=data) if noise_lv > 0: noisy_model.recalc_norms() else: noisy_model.normals = model.normals return noisy_model, avg_dev, (Lv, Lt) def texture_noise(model, support=None, L=None, noise_sd=SHAPE_MODEL_NOISE_LV['lo'], len_sc=SHAPE_MODEL_NOISE_LEN_SC, max_rng=None, max_n=1e4, hf_noise=True): tex = model.load_texture() if tex is None: print('tools.texture_noise: no texture loaded') return [None] * 3 r = np.sqrt(max_n / np.prod(tex.shape[:2])) ny, nx = (np.array(tex.shape[:2]) * r).astype(np.int) n = nx * ny tx_grid_xx, tx_grid_yy = np.meshgrid(np.linspace(0, 1, nx), np.linspace(0, 1, ny)) tx_grid = np.hstack((tx_grid_xx.reshape((-1, 1)), tx_grid_yy.reshape((-1, 1)))) support = support if support else model points = np.array(support.vertices) max_rng = np.max(np.ptp(points, axis=0)) if max_rng is None else max_rng # use vertices for distances, find corresponding vertex for each pixel y_cov = None if L is None: try: from sklearn.gaussian_process.kernels import Matern, WhiteKernel except: print('Requires scikit-learn, install using "conda install scikit-learn"') sys.exit() kernel = 1.0 * noise_sd * Matern(length_scale=len_sc * max_rng, nu=1.5) \ + 0.5 * noise_sd * Matern(length_scale=0.1 * len_sc * max_rng, nu=1.5) \ + WhiteKernel( noise_level=1e-5 * noise_sd * max_rng) # white noise for positive definite covariance matrix only # texture coordinates given so that x points left and *Y POINTS UP* tex_img_coords = np.array(support.texcoords) tex_img_coords[:, 1] = 1 - tex_img_coords[:, 1] _, idxs = find_nearest_each(haystack=tex_img_coords, needles=tx_grid) tx2vx = support.texture_to_vertex_map() y_cov = kernel(points[tx2vx[idxs], :] - np.mean(points, axis=0)) if 0: # for debugging distances import matplotlib.pyplot as plt import cv2 from visnav.algo.image import ImageProc orig_tx = cv2.imread(os.path.join(DATA_DIR, '67p+tex.png'), cv2.IMREAD_GRAYSCALE) gx, gy = np.gradient(points[tx2vx[idxs], :].reshape((ny, nx, 3)), axis=(1, 0)) gxy = np.linalg.norm(gx, axis=2) + np.linalg.norm(gy, axis=2) gxy = (gxy - np.min(gxy)) / (np.max(gxy) - np.min(gxy)) grad_img = cv2.resize((gxy * 255).astype('uint8'), orig_tx.shape) overlaid = ImageProc.merge((orig_tx, grad_img)) plt.figure(1) plt.imshow(overlaid) plt.show() # sample gp e0, L = mv_normal(np.zeros(n), cov=y_cov, L=L) e0 = e0.reshape((ny, nx)) # interpolate for final texture x = np.linspace(np.min(tx_grid_xx), np.max(tx_grid_xx), tex.shape[1]) y = np.linspace(np.min(tx_grid_yy), np.max(tx_grid_yy), tex.shape[0]) interp0 = RectBivariateSpline(tx_grid_xx[0, :], tx_grid_yy[:, 0], e0, kx=1, ky=1) err0 = interp0(x, y) if 0: import matplotlib.pyplot as plt import cv2 from visnav.algo.image import ImageProc orig_tx = cv2.imread(os.path.join(DATA_DIR, '67p+tex.png'), cv2.IMREAD_GRAYSCALE) err_ = err0 if 1 else e0 eimg = (err_ - np.min(err_)) / (np.max(err_) - np.min(err_)) eimg = cv2.resize((eimg * 255).astype('uint8'), orig_tx.shape) overlaid = ImageProc.merge((orig_tx, eimg)) plt.figure(1) plt.imshow(overlaid) plt.show() err1 = 0 if hf_noise: e1, L = mv_normal(np.zeros(n), L=L) e1 = e1.reshape((ny, nx)) interp1 = RectBivariateSpline(tx_grid_xx[0, :], tx_grid_yy[:, 0], e1, kx=1, ky=1) err_coef = interp1(x, y) lo, hi = np.min(err_coef), np.max(err_coef) err_coef = (err_coef - lo) / (hi - lo) len_sc = 10 err1 = generate_field_fft(tex.shape, (6 * noise_sd, 4 * noise_sd), (len_sc / 1000, len_sc / 4500)) if hf_noise else 0 err1 *= err_coef noisy_tex = tex + err0 + err1 noisy_tex /= np.max(noisy_tex) if 0: import matplotlib.pyplot as plt plt.figure(1) plt.imshow(noisy_tex) plt.figure(2) plt.imshow(err0) plt.figure(3) plt.imshow(err1) plt.show() return noisy_tex, np.std(err0 + err1), L class NearestKernelNDInterpolator(NearestNDInterpolator): def __init__(self, *args, k_nearest=None, kernel='gaussian', kernel_sc=None, kernel_eps=1e-12, query_eps=0.05, max_distance=None, **kwargs): """ Parameters ---------- kernel : one of the following functions of distance that give weight to neighbours: 'linear': (kernel_sc/(r + kernel_eps)) 'quadratic': (kernel_sc/(r + kernel_eps))**2 'cubic': (kernel_sc/(r + kernel_eps))**3 'gaussian': exp(-(r/kernel_sc)**2) k_nearest : if given, uses k_nearest neighbours for interpolation regardless of their distances """ choices = ('linear', 'quadratic', 'cubic', 'gaussian') assert kernel in choices, 'kernel must be one of %s' % (choices,) self._tree_options = kwargs.get('tree_options', {}) super(NearestKernelNDInterpolator, self).__init__(*args, **kwargs) if max_distance is None: if kernel_sc is None: d, _ = self.tree.query(self.points, k=k_nearest) kernel_sc = np.mean(d) * k_nearest / (k_nearest - 1) max_distance = kernel_sc * 3 assert kernel_sc is not None, 'kernel_sc need to be set' self.kernel = kernel self.kernel_sc = kernel_sc self.kernel_eps = kernel_eps self.k_nearest = k_nearest self.max_distance = max_distance self.query_eps = query_eps def __call__(self, *args): """ Evaluate interpolator at given points. Parameters ---------- xi : ndarray of float, shape (..., ndim) Points where to interpolate data at. """ from scipy.interpolate.interpnd import _ndim_coords_from_arrays xi = _ndim_coords_from_arrays(args, ndim=self.points.shape[1]) xi = self._check_call_shape(xi) xi = self._scale_x(xi) r, idxs = self.tree.query(xi, self.k_nearest, eps=self.query_eps, distance_upper_bound=self.max_distance or np.inf) w = getattr(self, '_' + self.kernel)(r).reshape((-1, self.k_nearest, 1)) + self.kernel_eps w /= np.sum(w, axis=1).reshape((-1, 1, 1)) yt = np.vstack((self.values, [0])) # if idxs[i, j] == len(values), then i:th point doesnt have j:th match yi = np.sum(yt[idxs, :] * w, axis=1) return yi def points_with_noise(points, support=None, L=None, noise_lv=SHAPE_MODEL_NOISE_LV['lo'], len_sc=SHAPE_MODEL_NOISE_LEN_SC, max_rng=None, only_z=False): try: from sklearn.gaussian_process.kernels import Matern, WhiteKernel except: print('Requires scikit-learn, install using "conda install scikit-learn"') sys.exit() if support is None: support = points # [random.sample(list(range(len(points))), min(3000,len(points)))] n = len(support) mean = np.mean(points, axis=0) max_rng = np.max(np.ptp(points, axis=0)) if max_rng is None else max_rng y_cov = None if L is None: kernel = 0.6 * noise_lv * Matern(length_scale=len_sc * max_rng, nu=1.5) \ + 0.4 * noise_lv * Matern(length_scale=0.1 * len_sc * max_rng, nu=1.5) \ + WhiteKernel( noise_level=1e-5 * noise_lv * max_rng) # white noise for positive definite covariance matrix only y_cov = kernel(support - mean) # sample gp e0, L = mv_normal(np.zeros(n), cov=y_cov, L=L) err = np.exp(e0.astype(points.dtype)).reshape((-1, 1)) if len(err) == len(points): full_err = err if DEBUG: print('using orig gp sampled err') else: # interpolate sc = 0.05 * len_sc * max_rng interp = NearestKernelNDInterpolator(support - mean, err, k_nearest=12, kernel='gaussian', kernel_sc=sc, max_distance=sc * 6) full_err = interp(points - mean).astype(points.dtype) # maybe extrapolate nanidx = tuple(np.isnan(full_err).flat) if np.any(nanidx): assert False, 'shouldnt happen' # if DEBUG or not BATCH_MODE: # print('%sx nans'%np.sum(nanidx)) # naninterp = NearestNDInterpolator(support, err) # try: # full_err[nanidx,] = naninterp(points[nanidx, :]).astype(points.dtype) # except IndexError as e: # raise IndexError('%s,%s,%s'%(err.shape, full_err.shape, points.shape)) from e # extra high frequency noise # white_noise = 1 if True else np.exp(np.random.normal(scale=0.2*noise_lv*max_rng, size=(len(full_err),1))) if only_z: add_err_z = (max_rng / 2) * (full_err - 1) add_err = np.concatenate((np.zeros((len(full_err), 2)), add_err_z), axis=1) noisy_points = points + add_err devs = np.abs(noisy_points[:, 2] - points[:, 2]) / (max_rng / 2) assert np.isclose(devs.flatten(), np.abs(full_err - 1).flatten()).all(), 'something wrong' else: # noisy_points = (points-mean)*full_err*white_noise +mean # r = np.sqrt(np.sum((points - mean)**2, axis=-1)).reshape(-1, 1) # noisy_points = (points - mean) * (1 + np.log(full_err)/r) + mean noisy_points = (points - mean) * full_err + mean devs = np.sqrt(np.sum((noisy_points - points) ** 2, axis=-1) / np.sum((points - mean) ** 2, axis=-1)) if DEBUG or not BATCH_MODE: print('noise (lv=%.3f): %.3f, %.3f; avg=%.3f' % ( (noise_lv,) + tuple(np.percentile(devs, (68, 95))) + (np.mean(devs),))) if False: import matplotlib.pyplot as plt plt.figure(1, figsize=(8, 8)) # plt.plot(np.concatenate((points[:,0], err0[:,0], err[:,0], points[:,0]*err[:,0]))) plt.subplot(2, 2, 1) plt.plot(points[:, 0]) plt.title('original', fontsize=12) plt.subplot(2, 2, 2) plt.plot(err0[:, 0]) plt.title('norm-err', fontsize=12) plt.subplot(2, 2, 3) plt.plot(err[:, 0]) plt.title('exp-err', fontsize=12) plt.subplot(2, 2, 4) plt.plot(noisy_points[:, 0]) plt.title('noisy', fontsize=12) plt.tight_layout() plt.show() assert False, 'exiting' return noisy_points, np.mean(devs), L def foreground_idxs(array, max_val=None): iy, ix = np.where(array < max_val) idxs = np.concatenate(((iy,), (ix,)), axis=0).T return idxs def interp2(array, x, y, max_val=None, max_dist=30, idxs=None, discard_bg=False): assert y < array.shape[0] and x < array.shape[1], 'out of bounds %s: %s' % (array.shape, (y, x)) v = array[int(y):int(y) + 2, int(x):int(x) + 2] xf = x - int(x) yf = y - int(y) w = np.array(( ((1 - yf) * (1 - xf), (1 - yf) * xf), (yf * (1 - xf), yf * xf), )) # ignore background depths if max_val is not None: idx = v.reshape(1, -1) < max_val * 0.999 else: idx = ~np.isnan(v.reshape(1, -1)) w_sum = np.sum(w.reshape(1, -1)[idx]) if w_sum > 0: # ignore background values val = np.sum(w.reshape(1, -1)[idx] * v.reshape(1, -1)[idx]) / w_sum elif discard_bg: return float('nan') else: # no foreground values in 2x2 matrix, find nearest foreground value if idxs is None: idxs = foreground_idxs(array, max_val) fallback = len(idxs) == 0 if not fallback: dist = np.linalg.norm(idxs - np.array((y, x)), axis=1) i = np.argmin(dist) val = array[idxs[i, 0], idxs[i, 1]] # print('\n%s, %s, %s, %s, %s, %s, %s'%(v, x,y,dist[i],idxs[i,1],idxs[i,0],val)) fallback = dist[i] > max_dist if fallback: val = np.sum(w * v) / np.sum(w) return val def solve_rotation(src_q, dst_q): """ q*src_q*q.conj() == dst_q, solve for q """ # based on http://web.cs.iastate.edu/~cs577/handouts/quaternion.pdf # and https://en.wikipedia.org/wiki/Quaternions_and_spatial_rotation#Pairs_of_unit_quaternions_as_rotations_in_4D_space # NOTE: not certain if works.. M = np.zeros((4, 4)) for i in range(len(src_q)): si = src_q[i] Pi = np.array(( (si.w, -si.x, -si.y, -si.z), (si.x, si.w, si.z, -si.y), (si.y, -si.z, si.w, si.x), (si.z, si.y, -si.x, si.w), )) qi = dst_q[i] Qi = np.array(( (qi.w, -qi.x, -qi.y, -qi.z), (qi.x, qi.w, -qi.z, qi.y), (qi.y, qi.z, qi.w, -qi.x), (qi.z, -qi.y, qi.x, qi.w), )) M += Pi.T * Qi w, v = np.linalg.eig(M) i = np.argmax(w) res_q = np.quaternion(*v[:, i]) # alt = v.dot(w) # print('%s,%s'%(res_q, alt)) # res_q = np.quaternion(*alt).normalized() return res_q def solve_q_bf(src_q, dst_q): qs = [] d = [] for res_q in ( np.quaternion(0, 0, 0, 1).normalized(), np.quaternion(0, 0, 1, 0).normalized(), np.quaternion(0, 0, 1, 1).normalized(), np.quaternion(0, 0, -1, 1).normalized(), np.quaternion(0, 1, 0, 0).normalized(), np.quaternion(0, 1, 0, 1).normalized(), np.quaternion(0, 1, 0, -1).normalized(), np.quaternion(0, 1, 1, 0).normalized(), np.quaternion(0, 1, -1, 0).normalized(), np.quaternion(0, 1, 1, 1).normalized(), np.quaternion(0, 1, 1, -1).normalized(), np.quaternion(0, 1, -1, 1).normalized(), np.quaternion(0, 1, -1, -1).normalized(), np.quaternion(1, 0, 0, 1).normalized(), np.quaternion(1, 0, 0, -1).normalized(), np.quaternion(1, 0, 1, 0).normalized(), np.quaternion(1, 0, -1, 0).normalized(), np.quaternion(1, 0, 1, 1).normalized(), np.quaternion(1, 0, 1, -1).normalized(), np.quaternion(1, 0, -1, 1).normalized(), np.quaternion(1, 0, -1, -1).normalized(), np.quaternion(1, 1, 0, 0).normalized(), np.quaternion(1, -1, 0, 0).normalized(), np.quaternion(1, 1, 0, 1).normalized(), np.quaternion(1, 1, 0, -1).normalized(), np.quaternion(1, -1, 0, 1).normalized(), np.quaternion(1, -1, 0, -1).normalized(), np.quaternion(1, 1, 1, 0).normalized(), np.quaternion(1, 1, -1, 0).normalized(), np.quaternion(1, -1, 1, 0).normalized(), np.quaternion(1, -1, -1, 0).normalized(), np.quaternion(1, 1, 1, -1).normalized(), np.quaternion(1, 1, -1, 1).normalized(), np.quaternion(1, 1, -1, -1).normalized(), np.quaternion(1, -1, 1, 1).normalized(), np.quaternion(1, -1, 1, -1).normalized(), np.quaternion(1, -1, -1, 1).normalized(), np.quaternion(1, -1, -1, -1).normalized(), ): tq = res_q * src_q * res_q.conj() qs.append(res_q) # d.append(1-np.array((tq.w, tq.x, tq.y, tq.z)).dot(np.array((dst_q.w, dst_q.x, dst_q.y, dst_q.z)))**2) d.append(angle_between_q(tq, dst_q)) i = np.argmin(d) return qs[i] def hover_annotate(fig, ax, line, annotations): annot = ax.annotate("", xy=(0, 0), xytext=(-20, 20), textcoords="offset points", bbox=dict(boxstyle="round", fc="w"), arrowprops=dict(arrowstyle="->")) annot.set_visible(False) fig.canvas.mpl_connect("motion_notify_event", hover) def plot_vectors(pts3d, scatter=True, conseq=True, neg_z=True): import matplotlib.pyplot as plt from mpl_toolkits.mplot3d import Axes3D fig = plt.figure() ax = Axes3D(fig) if scatter: ax.scatter(pts3d[:, 0], pts3d[:, 1], pts3d[:, 2]) else: if conseq: ax.set_prop_cycle('color', map(lambda c: '%f' % c, np.linspace(1, 0, len(pts3d)))) for i, v1 in enumerate(pts3d): if v1 is not None: ax.plot((0, v1[0]), (0, v1[1]), (0, v1[2])) ax.set_xlabel('X') ax.set_ylabel('Y') ax.set_zlabel('Z') if neg_z: ax.view_init(90, -90) else: ax.view_init(-90, -90) plt.show() def numeric(s): try: float(s) except ValueError: return False return True def pseudo_huber_loss(a, delta): # from https://en.wikipedia.org/wiki/Huber_loss # first +1e-15 is to avoid divide by zero, second to avoid loss becoming zero if delta > 1e7 due to float precision return delta ** 2 * (np.sqrt(1 + a ** 2 / (delta ** 2 + 1e-15)) - 1 + 1e-15) def fixed_precision(val, precision, as_str=False): if val == 0: return ('%%.%df' % precision) % val if as_str else val d = math.ceil(math.log10(abs(val))) - precision c = 10 ** d fp_val = round(val / c) * c return ('%%.%df' % max(0, -d)) % fp_val if as_str else fp_val def plot_quats(quats, conseq=True, wait=True): import matplotlib.pyplot as plt from mpl_toolkits.mplot3d import Axes3D fig = plt.figure() ax = Axes3D(fig) ax.set_xlim(-1, 1) ax.set_ylim(-1, 1) ax.set_zlim(-1, 1) ax.set_xlabel('x') ax.set_ylabel('y') ax.set_zlabel('z') if conseq: ax.set_prop_cycle('color', map(lambda c: '%f' % c, np.linspace(1, 0, len(quats)))) for i, q in enumerate(quats): if q is not None: lat, lon, _ = q_to_ypr(q) v1 = spherical2cartesian(lat, lon, 1) v2 = (v1 + normalize_v(np.cross(np.cross(v1, np.array([0, 0, 1])), v1)) * 0.1) * 0.85 v2 = q_times_v(q, v2) ax.plot((0, v1[0], v2[0]), (0, v1[1], v2[1]), (0, v1[2], v2[2])) while (wait and not plt.waitforbuttonpress()): pass # # Not sure if unitbase_to_q works, haven't deleted just in case still need: # # def unitbase_to_q(b_dst, b_src = [[1, 0, 0], [0, 1, 0], [0, 0, 1]]): # # based on http://stackoverflow.com/questions/16648452/calculating-\ # # quaternion-for-transformation-between-2-3d-cartesian-coordinate-syst # # , which is based on http://dx.doi.org/10.1117/12.57955 # # M = np.zeros((3, 3)) # # for i, v in enumerate(b_src): # x = np.matrix(np.outer(v, b_dst[i])) # M = M + x # # N11 = M[0, 0] + M[1, 1] + M[2, 2] # N22 = M[0, 0] - M[1, 1] - M[2, 2] # N33 = -M[0, 0] + M[1, 1] - M[2, 2] # N44 = -M[0, 0] - M[1, 1] + M[2, 2] # N12 = M[1, 2] - M[2, 1] # N13 = M[2, 0] - M[0, 2] # N14 = M[0, 1] - M[1, 0] # N21 = N12 # N23 = M[0, 1] + M[1, 0] # N24 = M[2, 0] + M[0, 2] # N31 = N13 # N32 = N23 # N34 = M[1, 2] + M[2, 1] # N41 = N14 # N42 = N24 # N43 = N34 # # N=np.matrix([[N11, N12, N13, N14],\ # [N21, N22, N23, N24],\ # [N31, N32, N33, N34],\ # [N41, N42, N43, N44]]) # # values, vectors = np.linalg.eig(N) # quat = vectors[:, np.argmax(values)] # #quat = np.array(quat).reshape(-1,).tolist() # # return np.quaternion(*quat) import tracemalloc import os import linecache
33.576738
130
0.579335
7c2bf254c4e2082b3c9d6ed73d3f8891d0fa09df
4,245
py
Python
cirtorch/filters/sobel.py
Tarekbouamer/Image-Retrieval-for-Image-Based-Localization
fcad9af4f558bebb3cbec1d08e49603a452f439d
[ "BSD-3-Clause" ]
3
2021-01-15T13:58:22.000Z
2021-01-22T00:03:34.000Z
cirtorch/filters/sobel.py
Tarekbouamer/Image-Retrieval-for-Image-Based-Localization
fcad9af4f558bebb3cbec1d08e49603a452f439d
[ "BSD-3-Clause" ]
null
null
null
cirtorch/filters/sobel.py
Tarekbouamer/Image-Retrieval-for-Image-Based-Localization
fcad9af4f558bebb3cbec1d08e49603a452f439d
[ "BSD-3-Clause" ]
null
null
null
import torch import torch.nn as nn import torch.nn.functional as F from .kernels import ( get_spatial_gradient_kernel2d, get_spatial_gradient_kernel3d, normalize_kernel2d ) def spatial_gradient(input, mode='sobel', order=1, normalized=True): """ Computes the first order image derivative in both x and y using a Sobel operator. """ if not len(input.shape) == 4: raise ValueError("Invalid input shape, we expect BxCxHxW. Got: {}" .format(input.shape)) # allocate kernel kernel = get_spatial_gradient_kernel2d(mode, order) if normalized: kernel = normalize_kernel2d(kernel) # prepare kernel b, c, h, w = input.shape tmp_kernel = kernel.to(input).detach() tmp_kernel = tmp_kernel.unsqueeze(1).unsqueeze(1) # convolve input tensor with sobel kernel kernel_flip = tmp_kernel.flip(-3) # Pad with "replicate for spatial dims, but with zeros for channel spatial_pad = [ kernel.size(1) // 2, kernel.size(1) // 2, kernel.size(2) // 2, kernel.size(2) // 2 ] out_channels = 3 if order == 2 else 2 padded_inp = F.pad(input.reshape(b * c, 1, h, w), spatial_pad, 'replicate')[:, :, None] return F.conv3d(padded_inp, kernel_flip, padding=0).view(b, c, out_channels, h, w) def spatial_gradient3d(input, mode='diff', order=1): """ Computes the first and second order volume derivative in x, y and d using a diff operator. """ if not len(input.shape) == 5: raise ValueError("Invalid input shape, we expect BxCxDxHxW. Got: {}" .format(input.shape)) # allocate kernel kernel = get_spatial_gradient_kernel3d(mode, order) # prepare kernel b, c, d, h, w = input.shape tmp_kernel = kernel.to(input).detach() tmp_kernel = tmp_kernel.repeat(c, 1, 1, 1, 1) # convolve input tensor with grad kernel kernel_flip = tmp_kernel.flip(-3) # Pad with "replicate for spatial dims, but with zeros for channel spatial_pad = [ kernel.size(2) // 2, kernel.size(2) // 2, kernel.size(3) // 2, kernel.size(3) // 2, kernel.size(4) // 2, kernel.size(4) // 2 ] out_ch = 6 if order == 2 else 3 return F.conv3d(F.pad( input, spatial_pad, 'replicate'), kernel_flip, padding=0, groups=c).view(b, c, out_ch, d, h, w) def sobel(input, normalized=True, eps=1e-6): """ Computes the Sobel operator and returns the magnitude per channel. """ if not len(input.shape) == 4: raise ValueError("Invalid input shape, we expect BxCxHxW. Got: {}" .format(input.shape)) # comput the x/y gradients edges = spatial_gradient(input, normalized=normalized) # unpack the edges gx = edges[:, :, 0] gy = edges[:, :, 1] # compute gradient maginitude magnitude = torch.sqrt(gx * gx + gy * gy + eps) return magnitude
28.877551
103
0.627562
7c2c03c407ba0a2ba9a613836bc2fb4601d6b4a8
896
py
Python
PythonCookbook/concurrent_test/findrobots.py
xu6148152/Binea_Python_Project
d943eb5f4685d08f080b372dcf1a7cbd5d63efed
[ "MIT" ]
null
null
null
PythonCookbook/concurrent_test/findrobots.py
xu6148152/Binea_Python_Project
d943eb5f4685d08f080b372dcf1a7cbd5d63efed
[ "MIT" ]
null
null
null
PythonCookbook/concurrent_test/findrobots.py
xu6148152/Binea_Python_Project
d943eb5f4685d08f080b372dcf1a7cbd5d63efed
[ "MIT" ]
null
null
null
# -*- encoding: utf-8 -*- import gzip import io import glob from concurrent import futures def find_robots(filename): ''' Find all of the hosts that access robots.txt in a single log file ''' robots = set() with gzip.open(filename) as f: for line in io.TextIOWrapper(f, encoding='ascii'): fields = line.split() if fields[6] == '/robots.txt': robots.add(fields[0]) return robots def find_all_robots(logdir): ''' Find all hosts across and entire sequence of files ''' files = glob.glob(logdir + '/*.log.gz') all_robots = set() with futures.ProcessPoolExecutor() as pool: for robots in pool.map(find_robots, files): all_robots.update(robots) return all_robots if __name__ == '__main__': robots = find_all_robots('logs') for ipaddr in robots: print(ipaddr)
23.578947
69
0.618304
7c2c2ee21f857be97b79a37957d75b5c80b83234
421
py
Python
docker/setup.py
sreynit02/RunestoneServer
2d72fd1c26264a8d7d88e2bccfe9bfbb4d8b9a98
[ "MIT" ]
null
null
null
docker/setup.py
sreynit02/RunestoneServer
2d72fd1c26264a8d7d88e2bccfe9bfbb4d8b9a98
[ "MIT" ]
null
null
null
docker/setup.py
sreynit02/RunestoneServer
2d72fd1c26264a8d7d88e2bccfe9bfbb4d8b9a98
[ "MIT" ]
null
null
null
# ****************************************************************** # |docname| - Provide `docker_tools.py` as the script `docker-tools` # ****************************************************************** from setuptools import setup setup( name="runestone-docker-tools", version="0.1", install_requires=["click"], entry_points={ "console_scripts": ["docker-tools = docker_tools:cli"] }, )
30.071429
68
0.444181
7c2c549754955b919f978ac6624f7aa2371b569a
19,500
py
Python
PS12/api2.py
AbhinavSingh-21f1002369/AFKZenCoders
344475e7d5d60c09637b0bec28c5dab1befe2b65
[ "MIT" ]
null
null
null
PS12/api2.py
AbhinavSingh-21f1002369/AFKZenCoders
344475e7d5d60c09637b0bec28c5dab1befe2b65
[ "MIT" ]
null
null
null
PS12/api2.py
AbhinavSingh-21f1002369/AFKZenCoders
344475e7d5d60c09637b0bec28c5dab1befe2b65
[ "MIT" ]
2
2021-10-11T09:28:00.000Z
2021-10-14T10:30:11.000Z
from flask import Flask, render_template, request, jsonify,send_file, redirect,session, url_for from werkzeug import secure_filename import os import utilities, queries import logger from flask_cors import CORS, cross_origin from datetime import timedelta app = Flask(__name__) CORS(app) cors = CORS(app, resources={r"/*": {"origins": "*"}}) UPLOAD_FOLDER = '/home/pi/Desktop/AFKZenCoders/PS12/uploads/' app.config['UPLOAD_FOLDER'] = UPLOAD_FOLDER app.config['CORS_HEADERS'] = 'Content-Type' app.secret_key = "AFKZenCodersAAS" app.permanent_session_lifetime = timedelta(minutes=60) # ############################### Queries ################################## # Download API if __name__ == "__main__": app.run(host='0.0.0.0',port = 1313,debug = True)
38.16047
182
0.655385
7c2c664c7e1b0b10556e368192b5c6b6dfeac1d6
13,634
py
Python
cnnblstm_with_adabn/cnnblstm_with_adabn.py
Fassial/Air-Writing-with-TL
9b9047c5bd5aef3a869e2d5166be1c0cf0c5ccf0
[ "MIT" ]
1
2021-06-16T16:45:01.000Z
2021-06-16T16:45:01.000Z
cnnblstm_with_adabn/cnnblstm_with_adabn.py
Fassial/Air-Writing-with-TL
9b9047c5bd5aef3a869e2d5166be1c0cf0c5ccf0
[ "MIT" ]
null
null
null
cnnblstm_with_adabn/cnnblstm_with_adabn.py
Fassial/Air-Writing-with-TL
9b9047c5bd5aef3a869e2d5166be1c0cf0c5ccf0
[ "MIT" ]
1
2020-04-21T01:31:26.000Z
2020-04-21T01:31:26.000Z
import os import torch import torch.nn as nn import torch.nn.functional as F from torch.autograd import Variable import numpy as np import matplotlib.pyplot as plt # local model import sys sys.path.append("../network") import Coral from lstm import LSTMHardSigmoid from AdaBN import AdaBN sys.path.append("../network/AutoEncoder") import AutoEncoder if __name__ == '__main__': use_cuda = torch.cuda.is_available() if use_cuda: cnnblstm = cnnblstm_with_adabn(use_cuda = use_cuda).cuda() else: cnnblstm = cnnblstm_with_adabn(use_cuda = use_cuda) print(cnnblstm) # get train_x, train_y train_x = torch.rand(20, 3, 800, dtype = torch.float32) train_y = torch.randint(10, (20, ), dtype = torch.int64) # train_y = torch.LongTensor(20, 1).random_() % 10 print(train_x.type()) # train_y = torch.zeros(20, 10).scatter_(1, train_y, 1) print(train_y) train_data = torch.utils.data.TensorDataset(train_x, train_y) cnnblstm.trainAllLayers(train_data)
36.068783
211
0.710943
7c2d2c77ae28e087d253ce05110db6593a6b0fcc
26,658
py
Python
src/emmental/model.py
woffett/emmental
87884fcd89662cca45f0ea0f78cff73380cc47c8
[ "MIT" ]
null
null
null
src/emmental/model.py
woffett/emmental
87884fcd89662cca45f0ea0f78cff73380cc47c8
[ "MIT" ]
null
null
null
src/emmental/model.py
woffett/emmental
87884fcd89662cca45f0ea0f78cff73380cc47c8
[ "MIT" ]
null
null
null
"""Emmental model.""" import itertools import logging import os from collections import defaultdict from collections.abc import Iterable from typing import Any, Callable, Dict, List, Optional, Set, Tuple, Union import numpy as np import torch from numpy import ndarray from torch import Tensor, nn as nn from torch.nn import ModuleDict from tqdm import tqdm from emmental.data import EmmentalDataLoader from emmental.meta import Meta from emmental.scorer import Scorer from emmental.task import EmmentalTask from emmental.utils.utils import construct_identifier, move_to_device, prob_to_pred logger = logging.getLogger(__name__) def load(self, model_path: str) -> None: """Load model state_dict from file and reinitialize the model weights. Args: model_path: Saved model path. """ if not os.path.exists(model_path): logger.error("Loading failed... Model does not exist.") try: checkpoint = torch.load(model_path, map_location=torch.device("cpu")) except BaseException: logger.error(f"Loading failed... Cannot load model from {model_path}") raise self.load_state_dict(checkpoint["model"]["module_pool"]) if Meta.config["meta_config"]["verbose"]: logger.info(f"[{self.name}] Model loaded from {model_path}") # Move model to specified device self._move_to_device() def collect_state_dict(self) -> Dict[str, Any]: """Collect the state dict.""" state_dict: Dict[str, Any] = defaultdict(list) for module_name, module in self.module_pool.items(): if hasattr(module, "module"): state_dict[module_name] = module.module.state_dict() # type: ignore else: state_dict[module_name] = module.state_dict() return state_dict def load_state_dict(self, state_dict: Dict[str, Any]) -> None: # type: ignore """Load the state dict. Args: state_dict: The state dict to load. """ for module_name, module_state_dict in state_dict.items(): if module_name in self.module_pool: if hasattr(self.module_pool[module_name], "module"): self.module_pool[module_name].module.load_state_dict( module_state_dict ) else: self.module_pool[module_name].load_state_dict(module_state_dict) else: logger.info(f"Missing {module_name} in module_pool, skip it..")
38.028531
88
0.534249
7c2daa2465bd8777ef8940cbc518e195f59d4ad9
4,578
py
Python
server/ws_server.py
jangxx/OVRT_Soundpad
2f9b2cd19421bc7b5586a3dcded2998d381ba688
[ "MIT" ]
1
2021-09-29T01:45:35.000Z
2021-09-29T01:45:35.000Z
server/ws_server.py
jangxx/OVRT_Soundpad
2f9b2cd19421bc7b5586a3dcded2998d381ba688
[ "MIT" ]
2
2021-09-28T08:53:09.000Z
2021-10-20T01:06:15.000Z
server/ws_server.py
jangxx/OVRT_Soundpad
2f9b2cd19421bc7b5586a3dcded2998d381ba688
[ "MIT" ]
null
null
null
import asyncio, json from config import Config from soundpad_manager import SoundpadManager from version import BRIDGE_VERSION import websockets from sanic.log import logger # yes I know that it's very lazy to run a separate WS and HTTP server, when both could be run on the same port # I don't like sanics WS implementation tho and this is just a quick and dirty project anyway, so there is no reason to get all that fancy
33.661765
140
0.668633
7c2db7d1e1ec02302af64420555ad08513981b88
18,565
py
Python
tests/route_generator_test.py
CityPulse/dynamic-bus-scheduling
7516283be5a374fe0a27715f4facee11c847f39f
[ "MIT" ]
14
2016-09-24T11:42:48.000Z
2021-06-11T08:06:23.000Z
tests/route_generator_test.py
CityPulse/CityPulse-Dynamic-Bus-Scheduler
7516283be5a374fe0a27715f4facee11c847f39f
[ "MIT" ]
1
2016-07-08T09:16:42.000Z
2016-07-08T09:16:42.000Z
tests/route_generator_test.py
CityPulse/dynamic-bus-scheduling
7516283be5a374fe0a27715f4facee11c847f39f
[ "MIT" ]
5
2016-06-17T12:46:28.000Z
2021-09-25T19:04:37.000Z
#!/usr/local/bin/python # -*- coding: utf-8 -*- """ - LICENCE The MIT License (MIT) Copyright (c) 2016 Eleftherios Anagnostopoulos for Ericsson AB (EU FP7 CityPulse Project) Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. - DESCRIPTION OF DOCUMENTS -- MongoDB Database Documents: address_document: { '_id', 'name', 'node_id', 'point': {'longitude', 'latitude'} } bus_line_document: { '_id', 'bus_line_id', 'bus_stops': [{'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}] } bus_stop_document: { '_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'} } bus_stop_waypoints_document: { '_id', 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'waypoints': [[edge_object_id]] } bus_vehicle_document: { '_id', 'bus_vehicle_id', 'maximum_capacity', 'routes': [{'starting_datetime', 'ending_datetime', 'timetable_id'}] } detailed_bus_stop_waypoints_document: { '_id', 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'waypoints': [[edge_document]] } edge_document: { '_id', 'starting_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'ending_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'max_speed', 'road_type', 'way_id', 'traffic_density' } node_document: { '_id', 'osm_id', 'tags', 'point': {'longitude', 'latitude'} } point_document: { '_id', 'osm_id', 'point': {'longitude', 'latitude'} } timetable_document: { '_id', 'timetable_id', 'bus_line_id', 'bus_vehicle_id', 'timetable_entries': [{ 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'departure_datetime', 'arrival_datetime', 'number_of_onboarding_passengers', 'number_of_deboarding_passengers', 'number_of_current_passengers', 'route': { 'total_distance', 'total_time', 'node_osm_ids', 'points', 'edges', 'distances_from_starting_node', 'times_from_starting_node', 'distances_from_previous_node', 'times_from_previous_node' } }], 'travel_requests': [{ '_id', 'client_id', 'bus_line_id', 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'departure_datetime', 'arrival_datetime', 'starting_timetable_entry_index', 'ending_timetable_entry_index' }] } traffic_event_document: { '_id', 'event_id', 'event_type', 'event_level', 'point': {'longitude', 'latitude'}, 'datetime' } travel_request_document: { '_id', 'client_id', 'bus_line_id', 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'departure_datetime', 'arrival_datetime', 'starting_timetable_entry_index', 'ending_timetable_entry_index' } way_document: { '_id', 'osm_id', 'tags', 'references' } -- Route Generator Responses: get_route_between_two_bus_stops: { 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'route': { 'total_distance', 'total_time', 'node_osm_ids', 'points', 'edges', 'distances_from_starting_node', 'times_from_starting_node', 'distances_from_previous_node', 'times_from_previous_node' } } get_route_between_multiple_bus_stops: [{ 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'route': { 'total_distance', 'total_time', 'node_osm_ids', 'points', 'edges', 'distances_from_starting_node', 'times_from_starting_node', 'distances_from_previous_node', 'times_from_previous_node' } }] get_waypoints_between_two_bus_stops: { 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'waypoints': [[{ '_id', 'starting_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'ending_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'max_speed', 'road_type', 'way_id', 'traffic_density' }]] } get_waypoints_between_multiple_bus_stops: [{ 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, 'waypoints': [[{ '_id', 'starting_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'ending_node': {'osm_id', 'point': {'longitude', 'latitude'}}, 'max_speed', 'road_type', 'way_id', 'traffic_density' }]] }] """ import time import os import sys sys.path.append(os.path.join(os.path.dirname(__file__), '../')) from src.common.logger import log from src.common.parameters import testing_bus_stop_names from src.route_generator.route_generator_client import get_route_between_two_bus_stops, \ get_route_between_multiple_bus_stops, get_waypoints_between_two_bus_stops, get_waypoints_between_multiple_bus_stops __author__ = 'Eleftherios Anagnostopoulos' __email__ = '[email protected]' __credits__ = [ 'Azadeh Bararsani (Senior Researcher at Ericsson AB) - email: [email protected]' 'Aneta Vulgarakis Feljan (Senior Researcher at Ericsson AB) - email: [email protected]' ] def test_get_route_between_two_bus_stops(starting_bus_stop=None, ending_bus_stop=None, starting_bus_stop_name=None, ending_bus_stop_name=None): """ :param starting_bus_stop: bus_stop_document :param ending_bus_stop: bus_stop_document :param starting_bus_stop_name: string :param ending_bus_stop_name: string """ log(module_name='route_generator_test', log_type='INFO', log_message='get_route_between_two_bus_stops: starting') start_time = time.time() # response = { # 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'route': { # 'total_distance', 'total_time', 'node_osm_ids', 'points', 'edges', # 'distances_from_starting_node', 'times_from_starting_node', # 'distances_from_previous_node', 'times_from_previous_node' # } # } response = get_route_between_two_bus_stops( starting_bus_stop=starting_bus_stop, ending_bus_stop=ending_bus_stop, starting_bus_stop_name=starting_bus_stop_name, ending_bus_stop_name=ending_bus_stop_name ) starting_bus_stop = response.get('starting_bus_stop') ending_bus_stop = response.get('ending_bus_stop') route = response.get('route') if route is not None: total_distance = route.get('total_distance') total_time = route.get('total_time') node_osm_ids = route.get('node_osm_ids') points = route.get('points') edges = route.get('edges') distances_from_starting_node = route.get('distances_from_starting_node') times_from_starting_node = route.get('times_from_starting_node') distances_from_previous_node = route.get('distances_from_previous_node') times_from_previous_node = route.get('times_from_previous_node') output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) + \ '\ntotal_distance: ' + str(total_distance) + \ '\ntotal_time: ' + str(total_time) + \ '\nnode_osm_ids: ' + str(node_osm_ids) + \ '\npoints: ' + str(points) + \ '\nedges: ' + str(edges) + \ '\ndistances_from_starting_node: ' + str(distances_from_starting_node) + \ '\ntimes_from_starting_node: ' + str(times_from_starting_node) + \ '\ndistances_from_previous_node: ' + str(distances_from_previous_node) + \ '\ntimes_from_previous_node: ' + str(times_from_previous_node) else: output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) + \ '\nroute: None' print output elapsed_time = time.time() - start_time time.sleep(0.1) log(module_name='route_generator_test', log_type='INFO', log_message='test_get_route_between_two_bus_stops: finished - elapsed_time = ' + str(elapsed_time) + ' sec') def test_get_route_between_multiple_bus_stops(bus_stops=None, bus_stop_names=None): """ :param bus_stops: [bus_stop_document] :param bus_stop_names: [string] """ log(module_name='route_generator_test', log_type='INFO', log_message='get_route_between_multiple_bus_stops: starting') start_time = time.time() route_distance = 0 route_traveling_time = 0 # response = [{ # 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'route': { # 'total_distance', 'total_time', 'node_osm_ids', 'points', 'edges', # 'distances_from_starting_node', 'times_from_starting_node', # 'distances_from_previous_node', 'times_from_previous_node' # } # }] response = get_route_between_multiple_bus_stops( bus_stops=bus_stops, bus_stop_names=bus_stop_names ) for intermediate_response in response: starting_bus_stop = intermediate_response.get('starting_bus_stop') ending_bus_stop = intermediate_response.get('ending_bus_stop') intermediate_route = intermediate_response.get('route') if intermediate_route is not None: total_distance = intermediate_route.get('total_distance') route_distance += total_distance total_time = intermediate_route.get('total_time') route_traveling_time += total_time node_osm_ids = intermediate_route.get('node_osm_ids') points = intermediate_route.get('points') edges = intermediate_route.get('edges') distances_from_starting_node = intermediate_route.get('distances_from_starting_node') times_from_starting_node = intermediate_route.get('times_from_starting_node') distances_from_previous_node = intermediate_route.get('distances_from_previous_node') times_from_previous_node = intermediate_route.get('times_from_previous_node') output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) + \ '\ntotal_distance: ' + str(total_distance) + \ '\ntotal_time: ' + str(total_time) + \ '\nnode_osm_ids: ' + str(node_osm_ids) + \ '\npoints: ' + str(points) + \ '\nedges: ' + str(edges) + \ '\ndistances_from_starting_node: ' + str(distances_from_starting_node) + \ '\ntimes_from_starting_node: ' + str(times_from_starting_node) + \ '\ndistances_from_previous_node: ' + str(distances_from_previous_node) + \ '\ntimes_from_previous_node: ' + str(times_from_previous_node) else: output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) + \ '\nroute: None' print output route_average_speed = (route_distance / 1000) / (route_traveling_time / 3600) print '\nroute_distance: ' + str(route_distance / 1000) + \ ' - route_traveling_time: ' + str(route_traveling_time / 60) + \ ' - route_average_speed: ' + str(route_average_speed) elapsed_time = time.time() - start_time time.sleep(0.1) log(module_name='route_generator_test', log_type='INFO', log_message='test_get_route_between_multiple_bus_stops: finished - elapsed_time = ' + str(elapsed_time) + ' sec') def test_get_waypoints_between_two_bus_stops(starting_bus_stop=None, ending_bus_stop=None, starting_bus_stop_name=None, ending_bus_stop_name=None): """ :param starting_bus_stop: bus_stop_document :param ending_bus_stop: bus_stop_document :param starting_bus_stop_name: string :param ending_bus_stop_name: string """ log(module_name='route_generator_test', log_type='INFO', log_message='test_get_waypoints_between_two_bus_stops: starting') start_time = time.time() # response = { # 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'waypoints': [[{ # '_id', 'starting_node': {'osm_id', 'point': {'longitude', 'latitude'}}, # 'ending_node': {'osm_id', 'point': {'longitude', 'latitude'}}, # 'max_speed', 'road_type', 'way_id', 'traffic_density' # }]] # } response = get_waypoints_between_two_bus_stops( starting_bus_stop=starting_bus_stop, ending_bus_stop=ending_bus_stop, starting_bus_stop_name=starting_bus_stop_name, ending_bus_stop_name=ending_bus_stop_name ) starting_bus_stop = response.get('starting_bus_stop') ending_bus_stop = response.get('ending_bus_stop') waypoints = response.get('waypoints') output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) print output for separate_waypoints in waypoints: print 'waypoints: ' + str(separate_waypoints) elapsed_time = time.time() - start_time time.sleep(0.1) log(module_name='route_generator_test', log_type='INFO', log_message='test_get_waypoints_between_two_bus_stops: finished - elapsed_time = ' + str(elapsed_time) + ' sec') def test_get_waypoints_between_multiple_bus_stops(bus_stops=None, bus_stop_names=None): """ :param bus_stops: [bus_stop_document] :param bus_stop_names: [string] """ log(module_name='route_generator_test', log_type='INFO', log_message='test_get_waypoints_between_multiple_bus_stops: starting') start_time = time.time() # response = [{ # 'starting_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'ending_bus_stop': {'_id', 'osm_id', 'name', 'point': {'longitude', 'latitude'}}, # 'waypoints': [[{ # '_id', 'starting_node': {'osm_id', 'point': {'longitude', 'latitude'}}, # 'ending_node': {'osm_id', 'point': {'longitude', 'latitude'}}, # 'max_speed', 'road_type', 'way_id', 'traffic_density' # }]] # }] response = get_waypoints_between_multiple_bus_stops( bus_stops=bus_stops, bus_stop_names=bus_stop_names ) for intermediate_response in response: starting_bus_stop = intermediate_response.get('starting_bus_stop') ending_bus_stop = intermediate_response.get('ending_bus_stop') waypoints = intermediate_response.get('waypoints') output = '\nstarting_bus_stop: ' + str(starting_bus_stop) + \ '\nending_bus_stop: ' + str(ending_bus_stop) print output for separate_waypoints in waypoints: print 'waypoints: ' + str(separate_waypoints) elapsed_time = time.time() - start_time time.sleep(0.1) log(module_name='route_generator_test', log_type='INFO', log_message='test_get_waypoints_between_multiple_bus_stops: finished - elapsed_time = ' + str(elapsed_time) + ' sec') if __name__ == '__main__': selection = '' while True: selection = raw_input( '\n0. exit' '\n1. test_get_route_between_two_bus_stops' '\n2. test_get_route_between_multiple_bus_stops' '\n3. test_get_waypoints_between_two_bus_stops' '\n4. test_get_waypoints_between_multiple_bus_stops' '\nSelection: ' ) if selection == '0': break elif selection == '1': test_get_route_between_two_bus_stops( starting_bus_stop_name=testing_bus_stop_names[0], ending_bus_stop_name=testing_bus_stop_names[1] ) elif selection == '2': test_get_route_between_multiple_bus_stops( bus_stop_names=testing_bus_stop_names ) elif selection == '3': test_get_waypoints_between_two_bus_stops( starting_bus_stop_name=testing_bus_stop_names[0], ending_bus_stop_name=testing_bus_stop_names[1] ) elif selection == '4': test_get_waypoints_between_multiple_bus_stops( bus_stop_names=testing_bus_stop_names ) else: print 'Invalid input'
43.579812
119
0.649609
7c2f595fee4e21dc84c6666b03b2174e6d5731e0
8,108
py
Python
tensorforce/tests/test_model_save_restore.py
gian1312/suchen
df863140fd8df1ac2e195cbdfa4756f09f962270
[ "Apache-2.0" ]
null
null
null
tensorforce/tests/test_model_save_restore.py
gian1312/suchen
df863140fd8df1ac2e195cbdfa4756f09f962270
[ "Apache-2.0" ]
null
null
null
tensorforce/tests/test_model_save_restore.py
gian1312/suchen
df863140fd8df1ac2e195cbdfa4756f09f962270
[ "Apache-2.0" ]
1
2019-11-29T12:28:33.000Z
2019-11-29T12:28:33.000Z
from __future__ import absolute_import from __future__ import print_function from __future__ import division import unittest import pytest from tensorforce import TensorForceError from tensorforce.core.networks import LayeredNetwork from tensorforce.models import DistributionModel from tensorforce.tests.minimal_test import MinimalTest from tensorforce.agents import PPOAgent from tensorforce.execution import Runner import tensorflow as tf import numpy as np from tensorforce.util import SavableComponent import os
39.940887
119
0.662309
7c2f74f5570ad8ece2d2a501cd63b62951484c2c
844
py
Python
guid.py
lihuiba/SoftSAN
1b8ab2cae92b7aac34211909b27d4ebe595275d7
[ "Apache-2.0" ]
1
2015-08-02T09:53:18.000Z
2015-08-02T09:53:18.000Z
guid.py
lihuiba/SoftSAN
1b8ab2cae92b7aac34211909b27d4ebe595275d7
[ "Apache-2.0" ]
null
null
null
guid.py
lihuiba/SoftSAN
1b8ab2cae92b7aac34211909b27d4ebe595275d7
[ "Apache-2.0" ]
2
2018-03-21T04:59:50.000Z
2019-12-03T15:54:17.000Z
import random import messages_pb2 as msg
19.181818
55
0.562796
7c30b20fb26e70f99e3a1516c799910198cc11b1
17,421
py
Python
mango/__init__.py
kronael/mango-explorer
6292c089c2a3d1ff2cf0b50b815849451a50ec39
[ "MIT" ]
null
null
null
mango/__init__.py
kronael/mango-explorer
6292c089c2a3d1ff2cf0b50b815849451a50ec39
[ "MIT" ]
null
null
null
mango/__init__.py
kronael/mango-explorer
6292c089c2a3d1ff2cf0b50b815849451a50ec39
[ "MIT" ]
null
null
null
# In --strict mode, mypy complains about imports unless they're done this way. # # It complains 'Module has no attribute ABC' or 'Module "mango" does not explicitly export # attribute "XYZ"; implicit reexport disabled'. We could dial that back by using the # --implicit-reexport parameter, but let's keep things strict. # # Each import then *must* be of the form `from .file import X as X`. (Until/unless there's # a better way.) # from .account import Account as Account from .account import AccountSlot as AccountSlot from .accountflags import AccountFlags as AccountFlags from .accountinfo import AccountInfo as AccountInfo from .accountinfoconverter import build_account_info_converter as build_account_info_converter from .accountinstrumentvalues import AccountInstrumentValues as AccountInstrumentValues from .accountinstrumentvalues import PricedAccountInstrumentValues as PricedAccountInstrumentValues from .accountliquidator import AccountLiquidator as AccountLiquidator from .accountliquidator import NullAccountLiquidator as NullAccountLiquidator from .accountscout import AccountScout as AccountScout from .accountscout import ScoutReport as ScoutReport from .addressableaccount import AddressableAccount as AddressableAccount from .arguments import parse_args as parse_args from .arguments import output as output from .balancesheet import BalanceSheet as BalanceSheet from .cache import Cache as Cache from .cache import MarketCache as MarketCache from .cache import PerpMarketCache as PerpMarketCache from .cache import PriceCache as PriceCache from .cache import RootBankCache as RootBankCache from .client import BetterClient as BetterClient from .client import BlockhashNotFoundException as BlockhashNotFoundException from .client import ClientException as ClientException from .client import CompoundException as CompoundException from .client import CompoundRPCCaller as CompoundRPCCaller from .client import FailedToFetchBlockhashException as FailedToFetchBlockhashException from .client import NodeIsBehindException as NodeIsBehindException from .client import RateLimitException as RateLimitException from .client import RPCCaller as RPCCaller from .client import SlotHolder as SlotHolder from .client import TooManyRequestsRateLimitException as TooManyRequestsRateLimitException from .client import TooMuchBandwidthRateLimitException as TooMuchBandwidthRateLimitException from .client import TransactionException as TransactionException from .combinableinstructions import CombinableInstructions as CombinableInstructions from .constants import MangoConstants as MangoConstants from .constants import DATA_PATH as DATA_PATH from .constants import SOL_DECIMAL_DIVISOR as SOL_DECIMAL_DIVISOR from .constants import SOL_DECIMALS as SOL_DECIMALS from .constants import SOL_MINT_ADDRESS as SOL_MINT_ADDRESS from .constants import SYSTEM_PROGRAM_ADDRESS as SYSTEM_PROGRAM_ADDRESS from .constants import WARNING_DISCLAIMER_TEXT as WARNING_DISCLAIMER_TEXT from .constants import version as version from .context import Context as Context from .contextbuilder import ContextBuilder as ContextBuilder from .createmarketoperations import create_market_instruction_builder as create_market_instruction_builder from .createmarketoperations import create_market_operations as create_market_operations from .encoding import decode_binary as decode_binary from .encoding import encode_binary as encode_binary from .encoding import encode_key as encode_key from .encoding import encode_int as encode_int from .ensuremarketloaded import ensure_market_loaded as ensure_market_loaded from .ensuremarketloaded import load_market_by_symbol as load_market_by_symbol from .group import Group as Group from .group import GroupSlot as GroupSlot from .group import GroupSlotPerpMarket as GroupSlotPerpMarket from .group import GroupSlotSpotMarket as GroupSlotSpotMarket from .healthcheck import HealthCheck as HealthCheck from .idl import IdlParser as IdlParser from .idl import lazy_load_cached_idl_parser as lazy_load_cached_idl_parser from .idsjsonmarketlookup import IdsJsonMarketLookup as IdsJsonMarketLookup from .inventory import Inventory as Inventory from .inventory import PerpInventoryAccountWatcher as PerpInventoryAccountWatcher from .inventory import SpotInventoryAccountWatcher as SpotInventoryAccountWatcher from .instructions import build_cancel_perp_order_instructions as build_cancel_perp_order_instructions from .instructions import build_cancel_spot_order_instructions as build_cancel_spot_order_instructions from .instructions import build_close_spl_account_instructions as build_close_spl_account_instructions from .instructions import build_create_account_instructions as build_create_account_instructions from .instructions import build_create_associated_spl_account_instructions as build_create_associated_spl_account_instructions from .instructions import build_create_solana_account_instructions as build_create_solana_account_instructions from .instructions import build_create_spl_account_instructions as build_create_spl_account_instructions from .instructions import build_create_serum_open_orders_instructions as build_create_serum_open_orders_instructions from .instructions import build_deposit_instructions as build_deposit_instructions from .instructions import build_faucet_airdrop_instructions as build_faucet_airdrop_instructions from .instructions import build_mango_consume_events_instructions as build_mango_consume_events_instructions from .instructions import build_place_perp_order_instructions as build_place_perp_order_instructions from .instructions import build_redeem_accrued_mango_instructions as build_redeem_accrued_mango_instructions from .instructions import build_serum_consume_events_instructions as build_serum_consume_events_instructions from .instructions import build_serum_place_order_instructions as build_serum_place_order_instructions from .instructions import build_serum_settle_instructions as build_serum_settle_instructions from .instructions import build_spot_place_order_instructions as build_spot_place_order_instructions from .instructions import build_transfer_spl_tokens_instructions as build_transfer_spl_tokens_instructions from .instructions import build_withdraw_instructions as build_withdraw_instructions from .instructionreporter import InstructionReporter as InstructionReporter from .instructionreporter import SerumInstructionReporter as SerumInstructionReporter from .instructionreporter import MangoInstructionReporter as MangoInstructionReporter from .instructionreporter import CompoundInstructionReporter as CompoundInstructionReporter from .instructiontype import InstructionType as InstructionType from .instrumentlookup import InstrumentLookup as InstrumentLookup from .instrumentlookup import NullInstrumentLookup as NullInstrumentLookup from .instrumentlookup import CompoundInstrumentLookup as CompoundInstrumentLookup from .instrumentlookup import IdsJsonTokenLookup as IdsJsonTokenLookup from .instrumentlookup import NonSPLInstrumentLookup as NonSPLInstrumentLookup from .instrumentlookup import SPLTokenLookup as SPLTokenLookup from .instrumentvalue import InstrumentValue as InstrumentValue from .liquidatablereport import LiquidatableState as LiquidatableState from .liquidatablereport import LiquidatableReport as LiquidatableReport from .liquidationevent import LiquidationEvent as LiquidationEvent from .liquidationprocessor import LiquidationProcessor as LiquidationProcessor from .liquidationprocessor import LiquidationProcessorState as LiquidationProcessorState from .loadedmarket import LoadedMarket as LoadedMarket from .logmessages import expand_log_messages as expand_log_messages from .lotsizeconverter import LotSizeConverter as LotSizeConverter from .mangoinstruction import MangoInstruction as MangoInstruction from .lotsizeconverter import NullLotSizeConverter as NullLotSizeConverter from .market import DryRunMarket as DryRunMarket from .market import InventorySource as InventorySource from .market import Market as Market from .marketlookup import CompoundMarketLookup as CompoundMarketLookup from .marketlookup import MarketLookup as MarketLookup from .marketlookup import NullMarketLookup as NullMarketLookup from .marketoperations import MarketInstructionBuilder as MarketInstructionBuilder from .marketoperations import MarketOperations as MarketOperations from .marketoperations import NullMarketInstructionBuilder as NullMarketInstructionBuilder from .marketoperations import NullMarketOperations as NullMarketOperations from .metadata import Metadata as Metadata from .modelstate import ModelState as ModelState from .notification import CompoundNotificationTarget as CompoundNotificationTarget from .notification import ConsoleNotificationTarget as ConsoleNotificationTarget from .notification import CsvFileNotificationTarget as CsvFileNotificationTarget from .notification import DiscordNotificationTarget as DiscordNotificationTarget from .notification import FilteringNotificationTarget as FilteringNotificationTarget from .notification import MailjetNotificationTarget as MailjetNotificationTarget from .notification import NotificationHandler as NotificationHandler from .notification import NotificationTarget as NotificationTarget from .notification import TelegramNotificationTarget as TelegramNotificationTarget from .notification import parse_notification_target as parse_notification_target from .observables import CaptureFirstItem as CaptureFirstItem from .observables import CollectingObserverSubscriber as CollectingObserverSubscriber from .observables import DisposePropagator as DisposePropagator from .observables import DisposeWrapper as DisposeWrapper from .observables import EventSource as EventSource from .observables import FunctionObserver as FunctionObserver from .observables import LatestItemObserverSubscriber as LatestItemObserverSubscriber from .observables import NullObserverSubscriber as NullObserverSubscriber from .observables import PrintingObserverSubscriber as PrintingObserverSubscriber from .observables import TimestampedPrintingObserverSubscriber as TimestampedPrintingObserverSubscriber from .observables import create_backpressure_skipping_observer as create_backpressure_skipping_observer from .observables import debug_print_item as debug_print_item from .observables import log_subscription_error as log_subscription_error from .observables import observable_pipeline_error_reporter as observable_pipeline_error_reporter from .openorders import OpenOrders as OpenOrders from .oracle import Oracle as Oracle from .oracle import OracleProvider as OracleProvider from .oracle import OracleSource as OracleSource from .oracle import Price as Price from .oracle import SupportedOracleFeature as SupportedOracleFeature from .orderbookside import OrderBookSideType as OrderBookSideType from .orderbookside import PerpOrderBookSide as PerpOrderBookSide from .orders import Order as Order from .orders import OrderType as OrderType from .orders import OrderBook as OrderBook from .orders import Side as Side from .ownedinstrumentvalue import OwnedInstrumentValue as OwnedInstrumentValue from .oraclefactory import create_oracle_provider as create_oracle_provider from .parse_account_info_to_orders import parse_account_info_to_orders as parse_account_info_to_orders from .perpaccount import PerpAccount as PerpAccount from .perpeventqueue import PerpEvent as PerpEvent from .perpeventqueue import PerpEventQueue as PerpEventQueue from .perpeventqueue import PerpFillEvent as PerpFillEvent from .perpeventqueue import PerpOutEvent as PerpOutEvent from .perpeventqueue import PerpUnknownEvent as PerpUnknownEvent from .perpeventqueue import UnseenPerpEventChangesTracker as UnseenPerpEventChangesTracker from .perpmarket import PerpMarket as PerpMarket from .perpmarket import PerpMarketStub as PerpMarketStub from .perpmarketdetails import PerpMarketDetails as PerpMarketDetails from .perpmarketoperations import PerpMarketInstructionBuilder as PerpMarketInstructionBuilder from .perpmarketoperations import PerpMarketOperations as PerpMarketOperations from .perpopenorders import PerpOpenOrders as PerpOpenOrders from .placedorder import PlacedOrder as PlacedOrder from .placedorder import PlacedOrdersContainer as PlacedOrdersContainer from .publickey import encode_public_key_for_sorting as encode_public_key_for_sorting from .reconnectingwebsocket import ReconnectingWebsocket as ReconnectingWebsocket from .retrier import RetryWithPauses as RetryWithPauses from .retrier import retry_context as retry_context from .serumeventqueue import SerumEventQueue as SerumEventQueue from .serumeventqueue import UnseenSerumEventChangesTracker as UnseenSerumEventChangesTracker from .serummarket import SerumMarket as SerumMarket from .serummarket import SerumMarketStub as SerumMarketStub from .serummarketlookup import SerumMarketLookup as SerumMarketLookup from .serummarketoperations import SerumMarketInstructionBuilder as SerumMarketInstructionBuilder from .serummarketoperations import SerumMarketOperations as SerumMarketOperations from .spotmarket import SpotMarket as SpotMarket from .spotmarket import SpotMarketStub as SpotMarketStub from .spotmarketoperations import SpotMarketInstructionBuilder as SpotMarketInstructionBuilder from .spotmarketoperations import SpotMarketOperations as SpotMarketOperations from .text import indent_collection_as_str as indent_collection_as_str from .text import indent_item_by as indent_item_by from .token import Instrument as Instrument from .token import SolToken as SolToken from .token import Token as Token from .tokenaccount import TokenAccount as TokenAccount from .tokenbank import BankBalances as BankBalances from .tokenbank import InterestRates as InterestRates from .tokenbank import NodeBank as NodeBank from .tokenbank import RootBank as RootBank from .tokenbank import TokenBank as TokenBank from .tradeexecutor import ImmediateTradeExecutor as ImmediateTradeExecutor from .tradeexecutor import NullTradeExecutor as NullTradeExecutor from .tradeexecutor import TradeExecutor as TradeExecutor from .tradehistory import TradeHistory as TradeHistory from .transactionscout import TransactionScout as TransactionScout from .transactionscout import fetch_all_recent_transaction_signatures as fetch_all_recent_transaction_signatures from .transactionscout import mango_instruction_from_response as mango_instruction_from_response from .valuation import AccountValuation as AccountValuation from .valuation import TokenValuation as TokenValuation from .valuation import Valuation as Valuation from .version import Version as Version from .wallet import Wallet as Wallet from .walletbalancer import FilterSmallChanges as FilterSmallChanges from .walletbalancer import FixedTargetBalance as FixedTargetBalance from .walletbalancer import LiveAccountBalancer as LiveAccountBalancer from .walletbalancer import LiveWalletBalancer as LiveWalletBalancer from .walletbalancer import NullWalletBalancer as NullWalletBalancer from .walletbalancer import PercentageTargetBalance as PercentageTargetBalance from .walletbalancer import TargetBalance as TargetBalance from .walletbalancer import WalletBalancer as WalletBalancer from .walletbalancer import calculate_required_balance_changes as calculate_required_balance_changes from .walletbalancer import parse_fixed_target_balance as parse_fixed_target_balance from .walletbalancer import parse_target_balance as parse_target_balance from .walletbalancer import sort_changes_for_trades as sort_changes_for_trades from .watcher import LamdaUpdateWatcher as LamdaUpdateWatcher from .watcher import ManualUpdateWatcher as ManualUpdateWatcher from .watcher import Watcher as Watcher from .watchers import build_group_watcher as build_group_watcher from .watchers import build_account_watcher as build_account_watcher from .watchers import build_cache_watcher as build_cache_watcher from .watchers import build_spot_open_orders_watcher as build_spot_open_orders_watcher from .watchers import build_serum_open_orders_watcher as build_serum_open_orders_watcher from .watchers import build_perp_open_orders_watcher as build_perp_open_orders_watcher from .watchers import build_price_watcher as build_price_watcher from .watchers import build_serum_inventory_watcher as build_serum_inventory_watcher from .watchers import build_orderbook_watcher as build_orderbook_watcher from .websocketsubscription import IndividualWebSocketSubscriptionManager as IndividualWebSocketSubscriptionManager from .websocketsubscription import SharedWebSocketSubscriptionManager as SharedWebSocketSubscriptionManager from .websocketsubscription import WebSocketAccountSubscription as WebSocketAccountSubscription from .websocketsubscription import WebSocketLogSubscription as WebSocketLogSubscription from .websocketsubscription import WebSocketProgramSubscription as WebSocketProgramSubscription from .websocketsubscription import WebSocketSubscription as WebSocketSubscription from .websocketsubscription import WebSocketSubscriptionManager as WebSocketSubscriptionManager from .layouts import layouts import decimal # Increased precision from 18 to 36 because for a decimal like: # val = Decimal("17436036573.2030800") # # The following rounding operations would both throw decimal.InvalidOperation: # val.quantize(Decimal('.000000001')) # round(val, 9) decimal.getcontext().prec = 36
66.747126
126
0.89306
7c30ba325b9fb817b1364d8d7e3e057255111d8c
259
py
Python
letters_of_sherlock.py
MariannaJan/LettersOfSherlock
cf356c002078d4e0e6bcf1a669bc8b358680460f
[ "FTL" ]
null
null
null
letters_of_sherlock.py
MariannaJan/LettersOfSherlock
cf356c002078d4e0e6bcf1a669bc8b358680460f
[ "FTL" ]
null
null
null
letters_of_sherlock.py
MariannaJan/LettersOfSherlock
cf356c002078d4e0e6bcf1a669bc8b358680460f
[ "FTL" ]
null
null
null
import lettercounter as lc #Books form Gutenberg Project: https://www.gutenberg.org/ebooks/author/69 lc.showPlots(text_directory_pathname="./Books/", title="Sir Arthur Conan Doyle's favourite letters", legend_label_main="in Doyle's stories")
37
73
0.749035
7c31ff3f832fdd4d6ba0dc485287be931476d8a3
1,017
py
Python
BB/bbObjects/items/bbTurret.py
mwaitzman/GOF2BountyBot
b66026228b752b07ac4734ca74b60730dbd74995
[ "MIT" ]
null
null
null
BB/bbObjects/items/bbTurret.py
mwaitzman/GOF2BountyBot
b66026228b752b07ac4734ca74b60730dbd74995
[ "MIT" ]
null
null
null
BB/bbObjects/items/bbTurret.py
mwaitzman/GOF2BountyBot
b66026228b752b07ac4734ca74b60730dbd74995
[ "MIT" ]
null
null
null
from .bbItem import bbItem from ...bbConfig import bbData
36.321429
145
0.66765
7c32d21e81a25b4bfc714d53125ce26089327176
263
py
Python
what_can_i_cook/urls.py
s-maibuecher/what_can_i_cook
07d0eb1e1862fad299477b800654e895d7f8829a
[ "MIT" ]
null
null
null
what_can_i_cook/urls.py
s-maibuecher/what_can_i_cook
07d0eb1e1862fad299477b800654e895d7f8829a
[ "MIT" ]
null
null
null
what_can_i_cook/urls.py
s-maibuecher/what_can_i_cook
07d0eb1e1862fad299477b800654e895d7f8829a
[ "MIT" ]
null
null
null
from django.urls import path from what_can_i_cook.views import WCICFilterView, WCICResultView app_name = "wcic" urlpatterns = [ path("", WCICFilterView.as_view(), name="wcic-start"), path("results/", WCICResultView.as_view(), name="wcic-results"), ]
20.230769
68
0.722433
7c32daa41ae2a8f92a0d91d061b5264ea9984602
436
py
Python
shared/templates/grub2_bootloader_argument/template.py
justchris1/scap-security-guide
030097afa80041fcdffc537a49c09896efedadca
[ "BSD-3-Clause" ]
1,138
2018-09-05T06:31:44.000Z
2022-03-31T03:38:24.000Z
shared/templates/grub2_bootloader_argument/template.py
justchris1/scap-security-guide
030097afa80041fcdffc537a49c09896efedadca
[ "BSD-3-Clause" ]
4,743
2018-09-04T15:14:04.000Z
2022-03-31T23:17:57.000Z
shared/templates/grub2_bootloader_argument/template.py
justchris1/scap-security-guide
030097afa80041fcdffc537a49c09896efedadca
[ "BSD-3-Clause" ]
400
2018-09-08T20:08:49.000Z
2022-03-30T20:54:32.000Z
import ssg.utils
36.333333
83
0.623853
7c34376a6bdd5ec8372f4490b569f441abff9288
3,598
py
Python
preprocess.py
NNDEV1/NMTWithLuongAttention
e6f11d9e8c5f999d413fa0dc51219e979a8f975c
[ "MIT" ]
4
2021-07-09T19:17:47.000Z
2022-01-04T14:54:11.000Z
preprocess.py
NNDEV1/NMTWithLuongAttention
e6f11d9e8c5f999d413fa0dc51219e979a8f975c
[ "MIT" ]
null
null
null
preprocess.py
NNDEV1/NMTWithLuongAttention
e6f11d9e8c5f999d413fa0dc51219e979a8f975c
[ "MIT" ]
null
null
null
import tensorflow as tf import os import contractions import tensorflow as tf import pandas as pd import numpy as np import time import rich from rich.progress import track import spacy from config import params #Preprocessing Text
32.414414
106
0.644525
7c3462f9e646dbe27aad64fea0cc1723870ee413
1,665
py
Python
setup.py
johannesulf/dsigma
729337c94669f4a0fdacb51b175df1e13e26304c
[ "MIT" ]
4
2020-06-09T01:09:58.000Z
2021-09-26T16:39:16.000Z
setup.py
johannesulf/dsigma
729337c94669f4a0fdacb51b175df1e13e26304c
[ "MIT" ]
null
null
null
setup.py
johannesulf/dsigma
729337c94669f4a0fdacb51b175df1e13e26304c
[ "MIT" ]
null
null
null
from setuptools import setup, find_packages from distutils.extension import Extension from distutils.command.sdist import sdist try: from Cython.Build import cythonize USE_CYTHON = True except ImportError: USE_CYTHON = False ext = 'pyx' if USE_CYTHON else 'c' extensions = [Extension( 'dsigma.precompute_engine', ['dsigma/precompute_engine.{}'.format(ext)], extra_compile_args=['-Ofast', '-march=native'])] if USE_CYTHON: extensions = cythonize(extensions) with open('README.md', 'r') as fstream: long_description = fstream.read() setup( name='dsigma', version='0.5.0', description=('A Galaxy-Galaxy Lensing Pipeline'), long_description=long_description, long_description_content_type='text/markdown', classifiers=[ 'Intended Audience :: Science/Research', 'Topic :: Scientific/Engineering :: Astronomy', 'Operating System :: OS Independent', 'Programming Language :: Python :: 3 :: Only', 'Programming Language :: Python :: 3', 'Programming Language :: Python :: 3.6', 'Programming Language :: Python :: 3.7', ], keywords='astronomy, weak-lensing', url='https://github.com/johannesulf/dsigma', author='Johannes Lange, Song Huang', author_email='[email protected]', packages=find_packages(), install_requires=['numpy', 'astropy', 'scipy', 'scikit-learn', 'healpy'], python_requires='>=3.4', ext_modules=extensions, cmdclass={'sdist': sdist_with_cythonize} )
30.272727
76
0.667868
7c34972839ffa0fc13d463ba6725ab4c70743477
1,967
py
Python
face_detector/modules/mod_faceDetection.py
jtfan3/face_detection
82e3bc839bf12c956f3166c07012912a0638048f
[ "MIT" ]
null
null
null
face_detector/modules/mod_faceDetection.py
jtfan3/face_detection
82e3bc839bf12c956f3166c07012912a0638048f
[ "MIT" ]
null
null
null
face_detector/modules/mod_faceDetection.py
jtfan3/face_detection
82e3bc839bf12c956f3166c07012912a0638048f
[ "MIT" ]
null
null
null
import cv2 import mediapipe as mp
40.979167
154
0.620234
7c3522929deb4bb2524b97c1af2b5f08df9a050e
5,585
py
Python
backend/0_publish_audio.py
bmj-hackathon/ethberlinzwei-babelfish_3_0
e986ad1b9fa896f20d7cdd296d130d804f55ecfa
[ "Apache-2.0" ]
1
2019-08-28T12:12:09.000Z
2019-08-28T12:12:09.000Z
backend/0_publish_audio.py
bmj-hackathon/ethberlinzwei-babelfish_3_0
e986ad1b9fa896f20d7cdd296d130d804f55ecfa
[ "Apache-2.0" ]
8
2020-09-07T01:00:44.000Z
2022-03-02T05:19:32.000Z
backend/0_publish_audio.py
bmj-hackathon/ethberlinzwei-babelfish_3_0
e986ad1b9fa896f20d7cdd296d130d804f55ecfa
[ "Apache-2.0" ]
3
2019-08-24T20:36:08.000Z
2021-02-18T20:28:11.000Z
import sys import logging # loggers_dict = logging.Logger.manager.loggerDict # # logger = logging.getLogger() # logger.handlers = [] # # # Set level # logger.setLevel(logging.DEBUG) # # # FORMAT = "%(asctime)s - %(levelno)s - %(module)-15s - %(funcName)-15s - %(message)s" # # FORMAT = "%(asctime)s %(levelno)s: %(module)30s %(message)s" # FORMAT = "%(levelno)s - %(module)-15s - %(funcName)-15s - %(message)s" # # DATE_FMT = "%Y-%m-%d %H:%M:%S" # DATE_FMT = "%Y-%m-%d %H:%M:%S" # formatter = logging.Formatter(FORMAT, DATE_FMT) # # # Create handler and assign # handler = logging.StreamHandler(sys.stderr) # handler.setFormatter(formatter) # logger.handlers = [handler] # logger.debug("Logging started") #%% # Standard imports import os from pathlib import Path import json from time import sleep # Ocean imports import squid_py from squid_py.ocean.ocean import Ocean from squid_py.config import Config from pprint import pprint import mantaray_utilities as manta_utils from mantaray_utilities.user import password_map #%% CONFIG OCEAN_CONFIG_PATH = Path().cwd() / 'config_nile.ini' assert OCEAN_CONFIG_PATH.exists(), "{} - path does not exist".format(OCEAN_CONFIG_PATH) os.environ['OCEAN_CONFIG_PATH'] = str(OCEAN_CONFIG_PATH) PASSWORD_PATH=Path().cwd() / ".nile_passwords" assert PASSWORD_PATH.exists() os.environ["PASSWORD_PATH"] = str(PASSWORD_PATH) MARKET_PLACE_PROVIDER_ADDRESS="0x376817c638d2a04f475a73af37f7b51a2862d567" os.environ["MARKET_PLACE_PROVIDER_ADDRESS"] = MARKET_PLACE_PROVIDER_ADDRESS JSON_TEMPLATE = Path().cwd() / 'metadata_template.json' assert JSON_TEMPLATE.exists() #%% ARGPARSE import argparse parser = argparse.ArgumentParser(description='Publish audio') parser.add_argument('--url', type=str, help='URL for input audio file') parser.add_argument('--price', type=int, help='Selling price in Ocean token') parser.add_argument('--reward', type=int, help='Reward offered in Ocean token') parser.add_argument('--number-nodes', type=int, help='Number of processor nodes requested') args = parser.parse_args() logging.info("************************************************************".format()) logging.info("*** ETHBERLINZWEI HACKATHON ***".format()) logging.info("*** SPEECH2TEXT ***".format()) logging.info("*** STEP 1 - CLIENT REGISTERS A CLIP INTO OCEAN PROTOCOL ***".format()) logging.info("************************************************************".format()) logging.info("".format()) logging.info("(Step 1.1 not implemented - upload audio file from client to storage)".format()) logging.info("Publishing Audio to NILE network: {}".format(args.url)) logging.info("Will set price to {} OCEAN".format(args.price)) logging.info("Offering {} OCEAN reward".format(args.reward)) logging.info("Requesting {} processors".format(args.number_nodes)) logging.info("".format()) #%% # Get the configuration file path for this environment logging.info("Configuration file selected: {}".format(OCEAN_CONFIG_PATH)) # logging.critical("Deployment type: {}".format(manta_utils.config.get_deployment_type())) logging.info("Squid API version: {}".format(squid_py.__version__)) #%% # Instantiate Ocean with the default configuration file. configuration = Config(OCEAN_CONFIG_PATH) squid_py.ConfigProvider.set_config(configuration) ocn = Ocean(configuration) #%% # Get a publisher account publisher_acct = manta_utils.user.get_account_by_index(ocn,0) #%% logging.info("Publisher account address: {}".format(publisher_acct.address)) logging.info("Publisher account Testnet 'ETH' balance: {:>6.1f}".format(ocn.accounts.balance(publisher_acct).eth/10**18)) logging.info("Publisher account Testnet Ocean balance: {:>6.1f}".format(ocn.accounts.balance(publisher_acct).ocn/10**18)) registered_did = publish(args.url, args.price, args.reward, args.number_nodes) #TODO: Better handling based on reciept print("Wait for the transaction to complete!") sleep(10) # %% ddo = ocn.assets.resolve(registered_did) # print("Asset '{}' resolved from Aquarius metadata storage: {}".format(ddo.did,ddo.metadata['base']['name'])) # %% [markdown] # Similarly, we can verify that this asset is registered into the blockchain, and that you are the owner. # %% # We need the pure ID string as in the DID registry (a DID without the prefixes) asset_id = squid_py.did.did_to_id(registered_did) owner = ocn._keeper.did_registry.contract_concise.getDIDOwner(asset_id) # print("Asset ID", asset_id, "owned by", owner) assert str.lower(owner) == str.lower(publisher_acct.address) logging.info("".format()) logging.info("Successfully registered Audio!".format()) logging.info("Asset Owner: {}".format(owner)) logging.info("Asset DID: {}".format(registered_did))
36.986755
128
0.708684
7c3538aced9958f0470322c0f12570121760b4ab
593
py
Python
src/pyRofex/components/messages.py
guillerminaamorin/pyRofex
14fd623ab1f1a3213e51a9454485ed478912075f
[ "MIT" ]
2
2020-12-15T22:30:40.000Z
2020-12-15T22:30:51.000Z
src/pyRofex/components/messages.py
guillerminaamorin/pyRofex
14fd623ab1f1a3213e51a9454485ed478912075f
[ "MIT" ]
null
null
null
src/pyRofex/components/messages.py
guillerminaamorin/pyRofex
14fd623ab1f1a3213e51a9454485ed478912075f
[ "MIT" ]
null
null
null
# -*- coding: utf-8 -*- """ pyRofex.components.messages Defines APIs messages templates """ # Template for a Market Data Subscription message MARKET_DATA_SUBSCRIPTION = '{{"type":"smd","level":1, "entries":[{entries}],"products":[{symbols}]}}' # Template for an Order Subscription message ORDER_SUBSCRIPTION = '{{"type":"os","account":{{"id":"{a}"}},"snapshotOnlyActive":{snapshot}}}' # Template to specify an instrument in a market data subscription message INSTRUMENT = '{{"symbol":"{ticker}","marketId":"{market}"}}' # Template to insert a Double Quote DOUBLE_QUOTES = '"{item}"'
37.0625
101
0.689713
7c3550de30b723134e6acdc5e3a7cc90bba86785
405
py
Python
course/task_6/flask_app.py
duboviy/async
5055daddc66e5335fb772aeb59493cc63e4a2739
[ "MIT" ]
6
2016-10-05T16:12:55.000Z
2019-04-22T11:43:21.000Z
course/task_6/flask_app.py
duboviy/async
5055daddc66e5335fb772aeb59493cc63e4a2739
[ "MIT" ]
null
null
null
course/task_6/flask_app.py
duboviy/async
5055daddc66e5335fb772aeb59493cc63e4a2739
[ "MIT" ]
2
2016-11-01T21:32:27.000Z
2016-12-24T14:00:43.000Z
#!/usr/bin/env python3.4 from flask import Flask import requests from fibonacci import fibonacci as fib app = Flask(__name__) if __name__ == "__main__": app.run(host='0.0.0.0', port=8082, debug=True)
18.409091
74
0.671605
7c359f84b8ac8bafab4c67c76d69bd091361babb
3,613
py
Python
nexpose/nexpose_vulnerabilityexception.py
Patralos/nexpose-client-python
bec81da29883b1b004046e29a9e7f7a6686467c1
[ "BSD-3-Clause" ]
29
2017-06-27T04:44:03.000Z
2021-11-29T15:04:00.000Z
nexpose/nexpose_vulnerabilityexception.py
Patralos/nexpose-client-python
bec81da29883b1b004046e29a9e7f7a6686467c1
[ "BSD-3-Clause" ]
40
2017-06-21T18:00:49.000Z
2018-06-06T21:13:34.000Z
nexpose/nexpose_vulnerabilityexception.py
Patralos/nexpose-client-python
bec81da29883b1b004046e29a9e7f7a6686467c1
[ "BSD-3-Clause" ]
23
2017-07-18T16:40:57.000Z
2021-01-26T09:58:53.000Z
# Future Imports for py2/3 backwards compat. from __future__ import (absolute_import, division, print_function, unicode_literals) from builtins import object from .xml_utils import get_attribute, get_content_of from future import standard_library standard_library.install_aliases()
42.011628
164
0.715749
7c36efe3001b7afd18524c2fd69ee073ca3d2a5c
144
py
Python
myproject/IND_Project/backend/signup/apps.py
captainTOKIO/Premchand_Aug2022_fullstack_august_python1
5fbbdd106a764c2f862cf933fdcd69d6bf4ebdf0
[ "MIT" ]
4
2021-06-30T07:14:22.000Z
2021-08-16T04:52:35.000Z
myproject/IND_Project/backend/signup/apps.py
captainTOKIO/Premchand_Aug2022_fullstack_august_python1
5fbbdd106a764c2f862cf933fdcd69d6bf4ebdf0
[ "MIT" ]
1
2022-03-28T21:14:05.000Z
2022-03-28T21:14:05.000Z
signup/apps.py
ericu-u/GirlHacks
4e800ab8ab3e33a490dc771759ca8b9be08e1441
[ "MIT" ]
4
2021-06-27T04:26:21.000Z
2021-08-13T13:00:56.000Z
from django.apps import AppConfig
20.571429
56
0.756944
7c378f7b0a34c442460ca831372ef84873f73309
768
py
Python
pymc/mc_enum.py
cherish-web/pymc
9c322abfdcceca0a78b633d85da23e1290c036c8
[ "Apache-2.0" ]
4
2021-05-01T12:43:24.000Z
2022-01-25T03:44:32.000Z
pymc/mc_enum.py
cherish-web/pymc
9c322abfdcceca0a78b633d85da23e1290c036c8
[ "Apache-2.0" ]
null
null
null
pymc/mc_enum.py
cherish-web/pymc
9c322abfdcceca0a78b633d85da23e1290c036c8
[ "Apache-2.0" ]
2
2021-07-10T03:56:08.000Z
2021-09-30T14:59:35.000Z
# _*_ coding: utf-8 _*_ # @Time : 2021/3/29 08:57 # @Author : cherish_peng # @Email : [email protected] # @File : cmd.py # @Software : PyCharm from enum import Enum
13.714286
36
0.584635
7c3807604ed0426c85cf8213a4cc8c2bb059e44c
214
py
Python
py/sentry_data_schemas/__init__.py
getsentry/sentry-data-schemas
6b49188a66a24663737c4f5cf4708fe992d011c2
[ "MIT" ]
7
2020-08-07T18:26:29.000Z
2021-08-02T18:31:53.000Z
py/sentry_data_schemas/__init__.py
getsentry/sentry-data-schemas
6b49188a66a24663737c4f5cf4708fe992d011c2
[ "MIT" ]
2
2020-12-10T17:28:39.000Z
2021-09-16T13:52:07.000Z
py/sentry_data_schemas/__init__.py
getsentry/sentry-data-schemas
6b49188a66a24663737c4f5cf4708fe992d011c2
[ "MIT" ]
4
2020-09-10T18:10:06.000Z
2021-03-02T11:07:37.000Z
from importlib.resources import path from jsonschema_typed import JSONSchema with path("sentry_data_schemas", "event.schema.json") as schema_path: EventData = JSONSchema["var:sentry_data_schemas:schema_path"]
35.666667
69
0.817757
7c381806df4f9a8daef26e21cae152813d0d29b1
1,548
py
Python
predict.py
faroit/deep-fireball
b37d08cb5b15359c363e7816fc7c163c1709a5ac
[ "MIT" ]
null
null
null
predict.py
faroit/deep-fireball
b37d08cb5b15359c363e7816fc7c163c1709a5ac
[ "MIT" ]
null
null
null
predict.py
faroit/deep-fireball
b37d08cb5b15359c363e7816fc7c163c1709a5ac
[ "MIT" ]
null
null
null
# elsewhere... import pandas as pd from keras.models import model_from_json import random import sys import numpy as np maxlen = 15 step = 3 df = pd.read_pickle('articles.pandas') text = str.join(' ', df.text.tolist()) chars = set(text) print('total chars:', len(chars)) char_indices = dict((c, i) for i, c in enumerate(chars)) indices_char = dict((i, c) for i, c in enumerate(chars)) start_index = random.randint(0, len(text) - maxlen - 1) model = model_from_json(open('model.json').read()) model.compile(loss='categorical_crossentropy', optimizer='rmsprop') model.load_weights('weights.h5') for diversity in [0.25]: print() print('----- diversity:', diversity) generated = '' sentence = text[start_index: start_index + maxlen] generated += sentence print('----- Generating with seed: "' + sentence + '"') sys.stdout.write(generated) for i in range(200): x = np.zeros((1, maxlen, len(chars))) for t, char in enumerate(sentence): x[0, t, char_indices[char]] = 1. preds = model.predict(x, verbose=0)[0] next_index = sample(preds, diversity) next_char = indices_char[next_index] generated += next_char sentence = sentence[1:] + next_char sys.stdout.write(next_char) sys.stdout.flush() print()
25.8
67
0.646641
7c3890eac8b3049a655feef5c632c8c9d2d8f1d4
4,200
py
Python
tests/simulation/test_container.py
Zavioer/SIR-simulation-IBM-ESI
45a7b1d4f0e3cec8dcd8284e00f25386b6e77c58
[ "MIT" ]
null
null
null
tests/simulation/test_container.py
Zavioer/SIR-simulation-IBM-ESI
45a7b1d4f0e3cec8dcd8284e00f25386b6e77c58
[ "MIT" ]
37
2020-05-19T20:11:53.000Z
2020-06-19T11:26:41.000Z
tests/simulation/test_container.py
Zavioer/SIR-simulation-IBM-ESI
45a7b1d4f0e3cec8dcd8284e00f25386b6e77c58
[ "MIT" ]
1
2020-05-25T08:10:21.000Z
2020-05-25T08:10:21.000Z
import unittest from simulation import container from simulation import person if __name__ == '__main__': unittest.main()
49.411765
87
0.627143
7c38a782a768dd6c26c320e977f3ea8c8bc5e836
1,403
py
Python
pontoon/base/migrations/0007_auto_20150710_0944.py
Tratty/pontoon
ecb903d72f9274f02137b16669cc3c5859f6329c
[ "BSD-3-Clause" ]
3
2020-01-27T12:26:20.000Z
2022-02-03T09:56:02.000Z
pontoon/base/migrations/0007_auto_20150710_0944.py
texnoman/pontoon-src
6b40ac229605e99966c3bdd1510b772c89d4de24
[ "BSD-3-Clause" ]
1
2021-03-24T12:33:03.000Z
2021-03-24T12:50:19.000Z
pontoon/base/migrations/0007_auto_20150710_0944.py
texnoman/pontoon-src
6b40ac229605e99966c3bdd1510b772c89d4de24
[ "BSD-3-Clause" ]
4
2020-01-26T21:28:43.000Z
2021-06-10T15:25:19.000Z
# -*- coding: utf-8 -*- from __future__ import unicode_literals from django.db import models, migrations import pontoon.base.models
28.06
63
0.459729
7c3b77cba219a97b12762ac1a37f632c5f68d380
11,331
py
Python
platformio/project/commands/init.py
ufo2011/platformio-core
0ceae62701731f8b32c34d7993a34dea34aea59c
[ "Apache-2.0" ]
null
null
null
platformio/project/commands/init.py
ufo2011/platformio-core
0ceae62701731f8b32c34d7993a34dea34aea59c
[ "Apache-2.0" ]
null
null
null
platformio/project/commands/init.py
ufo2011/platformio-core
0ceae62701731f8b32c34d7993a34dea34aea59c
[ "Apache-2.0" ]
null
null
null
# Copyright (c) 2014-present PlatformIO <[email protected]> # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # pylint: disable=line-too-long,too-many-arguments,too-many-locals import json import os import click from platformio import fs from platformio.package.commands.install import install_project_dependencies from platformio.package.manager.platform import PlatformPackageManager from platformio.platform.exception import UnknownBoard from platformio.project.config import ProjectConfig from platformio.project.generator import ProjectGenerator from platformio.project.helpers import is_platformio_project
31.828652
119
0.662519
7c3b8f8f699a46823b3a538245f3bafebd9b481d
56
py
Python
12_module_release/message/__init__.py
DeveloperLY/Python-practice
85062afee1dc6b60b7011b0e3800b65fc9b9e9b2
[ "MIT" ]
null
null
null
12_module_release/message/__init__.py
DeveloperLY/Python-practice
85062afee1dc6b60b7011b0e3800b65fc9b9e9b2
[ "MIT" ]
null
null
null
12_module_release/message/__init__.py
DeveloperLY/Python-practice
85062afee1dc6b60b7011b0e3800b65fc9b9e9b2
[ "MIT" ]
null
null
null
from . import send_message from . import receive_message
28
29
0.839286
7c3d1d7e925f2c1752e9865895938aea4dee29d9
6,830
py
Python
guardian/decorators.py
peopledoc/django-guardian
459827c2329975113cbf0d11f4fd476b5689a055
[ "BSD-2-Clause" ]
null
null
null
guardian/decorators.py
peopledoc/django-guardian
459827c2329975113cbf0d11f4fd476b5689a055
[ "BSD-2-Clause" ]
null
null
null
guardian/decorators.py
peopledoc/django-guardian
459827c2329975113cbf0d11f4fd476b5689a055
[ "BSD-2-Clause" ]
null
null
null
from django.conf import settings from django.contrib.auth import REDIRECT_FIELD_NAME from django.core.exceptions import PermissionDenied from django.http import HttpResponseForbidden, HttpResponseRedirect from django.utils.functional import wraps from django.utils.http import urlquote from django.db.models import Model, get_model from django.db.models.base import ModelBase from django.db.models.query import QuerySet from django.shortcuts import get_object_or_404, render_to_response from django.template import RequestContext, TemplateDoesNotExist from guardian.conf import settings as guardian_settings from guardian.exceptions import GuardianError def permission_required(perm, lookup_variables=None, **kwargs): """ Decorator for views that checks whether a user has a particular permission enabled. Optionally, instances for which check should be made may be passed as an second argument or as a tuple parameters same as those passed to ``get_object_or_404`` but must be provided as pairs of strings. :param login_url: if denied, user would be redirected to location set by this parameter. Defaults to ``django.conf.settings.LOGIN_URL``. :param redirect_field_name: name of the parameter passed if redirected. Defaults to ``django.contrib.auth.REDIRECT_FIELD_NAME``. :param return_403: if set to ``True`` then instead of redirecting to the login page, response with status code 403 is returned ( ``django.http.HttpResponseForbidden`` instance or rendered template - see :setting:`GUARDIAN_RENDER_403`). Defaults to ``False``. :param accept_global_perms: if set to ``True``, then *object level permission* would be required **only if user does NOT have global permission** for target *model*. If turned on, makes this decorator like an extension over standard ``django.contrib.admin.decorators.permission_required`` as it would check for global permissions first. Defaults to ``False``. Examples:: @permission_required('auth.change_user', return_403=True) def my_view(request): return HttpResponse('Hello') @permission_required('auth.change_user', (User, 'username', 'username')) def my_view(request, username): user = get_object_or_404(User, username=username) return user.get_absolute_url() @permission_required('auth.change_user', (User, 'username', 'username', 'groups__name', 'group_name')) def my_view(request, username, group_name): user = get_object_or_404(User, username=username, group__name=group_name) return user.get_absolute_url() """ login_url = kwargs.pop('login_url', settings.LOGIN_URL) redirect_field_name = kwargs.pop('redirect_field_name', REDIRECT_FIELD_NAME) return_403 = kwargs.pop('return_403', False) accept_global_perms = kwargs.pop('accept_global_perms', False) # Check if perm is given as string in order not to decorate # view function itself which makes debugging harder if not isinstance(perm, basestring): raise GuardianError("First argument must be in format: " "'app_label.codename or a callable which return similar string'") return decorator def permission_required_or_403(perm, *args, **kwargs): """ Simple wrapper for permission_required decorator. Standard Django's permission_required decorator redirects user to login page in case permission check failed. This decorator may be used to return HttpResponseForbidden (status 403) instead of redirection. The only difference between ``permission_required`` decorator is that this one always set ``return_403`` parameter to ``True``. """ kwargs['return_403'] = True return permission_required(perm, *args, **kwargs)
47.762238
80
0.630893
7c3f32514a25840c1ebcbe049a42682f11ad8a25
160
py
Python
images/forms.py
mpgarate/OST-fauxra
d2aa554a082b14268c72220a0b19f2a306deb4d2
[ "MIT" ]
1
2019-11-24T09:13:00.000Z
2019-11-24T09:13:00.000Z
images/forms.py
ikechukwuhenry/OST-fauxra
d2aa554a082b14268c72220a0b19f2a306deb4d2
[ "MIT" ]
null
null
null
images/forms.py
ikechukwuhenry/OST-fauxra
d2aa554a082b14268c72220a0b19f2a306deb4d2
[ "MIT" ]
1
2018-08-15T16:03:29.000Z
2018-08-15T16:03:29.000Z
from django import forms from django.forms import ModelForm from images.models import Image
17.777778
34
0.75
7c3f358dbfca775c5fb0e3b7866f5656395f8320
8,749
py
Python
WebIOPi-0.7.1/python/webiopi/devices/analog/__init__.py
MORIMOTO520212/Arm-crawler
95dca0ea9485e4c20a0910687362010604331b55
[ "MIT" ]
1
2020-04-25T00:55:45.000Z
2020-04-25T00:55:45.000Z
WebIOPi-0.7.1/python/webiopi/devices/analog/__init__.py
MORIMOTO520212/Arm-crawler
95dca0ea9485e4c20a0910687362010604331b55
[ "MIT" ]
4
2015-05-28T23:20:13.000Z
2015-05-28T23:24:01.000Z
services/webiopi/src/python/webiopi/devices/analog/__init__.py
creative-workflow/pi-setup
d6d28cb8d34ef71b1e8ac95dd94099bfad08837a
[ "MIT" ]
1
2022-03-29T01:58:02.000Z
2022-03-29T01:58:02.000Z
# Copyright 2012-2013 Eric Ptak - trouch.com # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from webiopi.decorators.rest import request, response from webiopi.utils.types import M_JSON def setReverse(self, channel, value): self.checkChannel(channel) self.reverse[channel] = value return value def RatioToAngle(self, value): f = value f *= self.period f -= self.servo_neutral f *= self.servo_travel_angle f /= self.servo_travel_time return f def AngleToRatio(self, value): f = value f *= self.servo_travel_time f /= self.servo_travel_angle f += self.servo_neutral f /= self.period return f DRIVERS = {} DRIVERS["ads1x1x"] = ["ADS1014", "ADS1015", "ADS1114", "ADS1115"] DRIVERS["mcp3x0x"] = ["MCP3002", "MCP3004", "MCP3008", "MCP3204", "MCP3208"] DRIVERS["mcp4725"] = ["MCP4725"] DRIVERS["mcp48XX"] = ["MCP4802", "MCP4812", "MCP4822"] DRIVERS["mcp492X"] = ["MCP4921", "MCP4922"] DRIVERS["pca9685"] = ["PCA9685"] DRIVERS["pcf8591"] = ["PCF8591"]
32.403704
100
0.606927
7c3f8ea43badcc3a68b54f56814ef9f940a1de25
3,142
py
Python
osc_choochoo/tests/v1/test_train.py
dtroyer/osc-loco
57119ab84528933da9cbcd57dcd4f5b842a58186
[ "Apache-2.0" ]
1
2019-01-15T10:02:06.000Z
2019-01-15T10:02:06.000Z
osc_choochoo/tests/v1/test_train.py
dtroyer/osc-loco
57119ab84528933da9cbcd57dcd4f5b842a58186
[ "Apache-2.0" ]
1
2018-03-03T13:28:09.000Z
2018-03-03T13:28:09.000Z
osc_choochoo/tests/v1/test_train.py
dtroyer/osc-loco
57119ab84528933da9cbcd57dcd4f5b842a58186
[ "Apache-2.0" ]
1
2018-03-03T12:31:24.000Z
2018-03-03T12:31:24.000Z
# Copyright 2013 Nebula Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); you may # not use this file except in compliance with the License. You may obtain # a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, WITHOUT # WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the # License for the specific language governing permissions and limitations # under the License. # import mock import os from osc_choochoo.tests import base from osc_choochoo.tests import fakes from osc_choochoo.v1 import train # Load the plugin init module for the plugin list and show commands plugin_name = 'osc_choochoo' plugin_client = 'osc_choochoo.plugin'
29.092593
77
0.624761
7c4069a9b6ece4c3708be4cbcbdf02893a94dc6d
1,134
py
Python
scripts/firefox-wrapper.py
darioncassel/OmniCrawl
62317e07340df7eb758a1b8de80679b6d4293d49
[ "MIT" ]
2
2021-12-02T20:30:23.000Z
2022-01-05T01:38:45.000Z
scripts/firefox-wrapper.py
darioncassel/OmniCrawl
62317e07340df7eb758a1b8de80679b6d4293d49
[ "MIT" ]
null
null
null
scripts/firefox-wrapper.py
darioncassel/OmniCrawl
62317e07340df7eb758a1b8de80679b6d4293d49
[ "MIT" ]
4
2021-09-16T01:28:05.000Z
2022-03-20T21:38:06.000Z
#!/usr/bin/env python3 import sys from os.path import dirname, abspath, join import subprocess # Note this does not resolve symbolic links # https://stackoverflow.com/a/17806123 FIREFOX_BINARY = join(dirname(abspath(__file__)), 'firefox') argvs = list(sys.argv) argvs[0] = FIREFOX_BINARY # geckdriver will run `firefox -version` first to check the version if len(sys.argv) == 2 and sys.argv[1] == '-version': subprocess.check_call(argvs) exit(0) # First search for the -tmpprofile option new_profile_path = None for idx, argv in enumerate(sys.argv): if argv == '-tmpprofile': new_profile_path = sys.argv[idx + 1] break # If it's present, replace profile with tmp_profile if new_profile_path: for idx, argv in enumerate(sys.argv): if argv == '-profile': old_profile_path = sys.argv[idx + 1] subprocess.check_call(['rm', '-r', new_profile_path]) subprocess.check_call(['cp', '-r', old_profile_path, new_profile_path]) argvs[idx+1] = new_profile_path break # Firefox will ignore the -tmpprofile option subprocess.check_call(argvs)
30.648649
83
0.686067
7c409487091269b7e314c05627f47667f44be8cd
37,177
py
Python
src/pretix/base/payment.py
whiteyhat/pretix
34d1fcf077a92765cd796d81d1aa6695d4801a9a
[ "ECL-2.0", "Apache-2.0" ]
null
null
null
src/pretix/base/payment.py
whiteyhat/pretix
34d1fcf077a92765cd796d81d1aa6695d4801a9a
[ "ECL-2.0", "Apache-2.0" ]
null
null
null
src/pretix/base/payment.py
whiteyhat/pretix
34d1fcf077a92765cd796d81d1aa6695d4801a9a
[ "ECL-2.0", "Apache-2.0" ]
null
null
null
import json import logging from collections import OrderedDict from decimal import ROUND_HALF_UP, Decimal from typing import Any, Dict, Union import pytz from django import forms from django.conf import settings from django.core.exceptions import ImproperlyConfigured from django.dispatch import receiver from django.forms import Form from django.http import HttpRequest from django.template.loader import get_template from django.utils.timezone import now from django.utils.translation import pgettext_lazy, ugettext_lazy as _ from django_countries import Countries from i18nfield.forms import I18nFormField, I18nTextarea, I18nTextInput from i18nfield.strings import LazyI18nString from pretix.base.forms import PlaceholderValidator from pretix.base.models import ( CartPosition, Event, InvoiceAddress, Order, OrderPayment, OrderRefund, Quota, ) from pretix.base.reldate import RelativeDateField, RelativeDateWrapper from pretix.base.settings import SettingsSandbox from pretix.base.signals import register_payment_providers from pretix.base.templatetags.money import money_filter from pretix.base.templatetags.rich_text import rich_text from pretix.helpers.money import DecimalTextInput from pretix.presale.views import get_cart_total from pretix.presale.views.cart import cart_session, get_or_create_cart_id logger = logging.getLogger(__name__) def settings_form_clean(self, cleaned_data): """ Overriding this method allows you to inject custom validation into the settings form. :param cleaned_data: Form data as per previous validations. :return: Please return the modified cleaned_data """ return cleaned_data def settings_content_render(self, request: HttpRequest) -> str: """ When the event's administrator visits the event configuration page, this method is called. It may return HTML containing additional information that is displayed below the form fields configured in ``settings_form_fields``. """ return "" def render_invoice_text(self, order: Order, payment: OrderPayment) -> str: """ This is called when an invoice for an order with this payment provider is generated. The default implementation returns the content of the _invoice_text configuration variable (an I18nString), or an empty string if unconfigured. For paid orders, the default implementation always renders a string stating that the invoice is already paid. """ if order.status == Order.STATUS_PAID: return pgettext_lazy('invoice', 'The payment for this invoice has already been received.') return self.settings.get('_invoice_text', as_type=LazyI18nString, default='') def payment_form(self, request: HttpRequest) -> Form: """ This is called by the default implementation of :py:meth:`payment_form_render` to obtain the form that is displayed to the user during the checkout process. The default implementation constructs the form using :py:attr:`payment_form_fields` and sets appropriate prefixes for the form and all fields and fills the form with data form the user's session. If you overwrite this, we strongly suggest that you inherit from ``PaymentProviderForm`` (from this module) that handles some nasty issues about required fields for you. """ form = PaymentProviderForm( data=(request.POST if request.method == 'POST' and request.POST.get("payment") == self.identifier else None), prefix='payment_%s' % self.identifier, initial={ k.replace('payment_%s_' % self.identifier, ''): v for k, v in request.session.items() if k.startswith('payment_%s_' % self.identifier) } ) form.fields = self.payment_form_fields for k, v in form.fields.items(): v._required = v.required v.required = False v.widget.is_required = False return form def is_allowed(self, request: HttpRequest, total: Decimal=None) -> bool: """ You can use this method to disable this payment provider for certain groups of users, products or other criteria. If this method returns ``False``, the user will not be able to select this payment method. This will only be called during checkout, not on retrying. The default implementation checks for the _availability_date setting to be either unset or in the future and for the _total_max and _total_min requirements to be met. It also checks the ``_restrict_countries`` setting. :param total: The total value without the payment method fee, after taxes. .. versionchanged:: 1.17.0 The ``total`` parameter has been added. For backwards compatibility, this method is called again without this parameter if it raises a ``TypeError`` on first try. """ timing = self._is_still_available(cart_id=get_or_create_cart_id(request)) pricing = True if (self.settings._total_max is not None or self.settings._total_min is not None) and total is None: raise ImproperlyConfigured('This payment provider does not support maximum or minimum amounts.') if self.settings._total_max is not None: pricing = pricing and total <= Decimal(self.settings._total_max) if self.settings._total_min is not None: pricing = pricing and total >= Decimal(self.settings._total_min) if self.event.settings.invoice_address_required: restricted_countries = self.settings.get('_restricted_countries', as_type=list) if restricted_countries: ia = get_invoice_address() if str(ia.country) not in restricted_countries: return False return timing and pricing def payment_form_render(self, request: HttpRequest, total: Decimal) -> str: """ When the user selects this provider as their preferred payment method, they will be shown the HTML you return from this method. The default implementation will call :py:meth:`payment_form` and render the returned form. If your payment method doesn't require the user to fill out form fields, you should just return a paragraph of explanatory text. """ form = self.payment_form(request) template = get_template('pretixpresale/event/checkout_payment_form_default.html') ctx = {'request': request, 'form': form} return template.render(ctx) def checkout_confirm_render(self, request) -> str: """ If the user has successfully filled in their payment data, they will be redirected to a confirmation page which lists all details of their order for a final review. This method should return the HTML which should be displayed inside the 'Payment' box on this page. In most cases, this should include a short summary of the user's input and a short explanation on how the payment process will continue. """ raise NotImplementedError() # NOQA def payment_pending_render(self, request: HttpRequest, payment: OrderPayment) -> str: """ Render customer-facing instructions on how to proceed with a pending payment :return: HTML """ return "" def checkout_prepare(self, request: HttpRequest, cart: Dict[str, Any]) -> Union[bool, str]: """ Will be called after the user selects this provider as their payment method. If you provided a form to the user to enter payment data, this method should at least store the user's input into their session. This method should return ``False`` if the user's input was invalid, ``True`` if the input was valid and the frontend should continue with default behavior or a string containing a URL if the user should be redirected somewhere else. On errors, you should use Django's message framework to display an error message to the user (or the normal form validation error messages). The default implementation stores the input into the form returned by :py:meth:`payment_form` in the user's session. If your payment method requires you to redirect the user to an external provider, this might be the place to do so. .. IMPORTANT:: If this is called, the user has not yet confirmed their order. You may NOT do anything which actually moves money. :param cart: This dictionary contains at least the following keys: positions: A list of ``CartPosition`` objects that are annotated with the special attributes ``count`` and ``total`` because multiple objects of the same content are grouped into one. raw: The raw list of ``CartPosition`` objects in the users cart total: The overall total *including* the fee for the payment method. payment_fee: The fee for the payment method. """ form = self.payment_form(request) if form.is_valid(): for k, v in form.cleaned_data.items(): request.session['payment_%s_%s' % (self.identifier, k)] = v return True else: return False def payment_is_valid_session(self, request: HttpRequest) -> bool: """ This is called at the time the user tries to place the order. It should return ``True`` if the user's session is valid and all data your payment provider requires in future steps is present. """ raise NotImplementedError() # NOQA def execute_payment(self, request: HttpRequest, payment: OrderPayment) -> str: """ After the user has confirmed their purchase, this method will be called to complete the payment process. This is the place to actually move the money if applicable. You will be passed an :py:class:`pretix.base.models.OrderPayment` object that contains the amount of money that should be paid. If you need any special behavior, you can return a string containing the URL the user will be redirected to. If you are done with your process you should return the user to the order's detail page. If the payment is completed, you should call ``payment.confirm()``. Please note that ``this`` might raise a ``Quota.QuotaExceededException`` if (and only if) the payment term of this order is over and some of the items are sold out. You should use the exception message to display a meaningful error to the user. The default implementation just returns ``None`` and therefore leaves the order unpaid. The user will be redirected to the order's detail page by default. On errors, you should raise a ``PaymentException``. :param order: The order object :param payment: An ``OrderPayment`` instance """ return None def order_pending_mail_render(self, order: Order, payment: OrderPayment) -> str: """ After the user has submitted their order, they will receive a confirmation email. You can return a string from this method if you want to add additional information to this email. :param order: The order object :param payment: The payment object """ return "" def order_change_allowed(self, order: Order) -> bool: """ Will be called to check whether it is allowed to change the payment method of an order to this one. The default implementation checks for the _availability_date setting to be either unset or in the future, as well as for the _total_max, _total_min and _restricted_countries settings. :param order: The order object """ ps = order.pending_sum if self.settings._total_max is not None and ps > Decimal(self.settings._total_max): return False if self.settings._total_min is not None and ps < Decimal(self.settings._total_min): return False restricted_countries = self.settings.get('_restricted_countries', as_type=list) if restricted_countries: try: ia = order.invoice_address except InvoiceAddress.DoesNotExist: return True else: if str(ia.country) not in restricted_countries: return False return self._is_still_available(order=order) def payment_prepare(self, request: HttpRequest, payment: OrderPayment) -> Union[bool, str]: """ Will be called if the user retries to pay an unpaid order (after the user filled in e.g. the form returned by :py:meth:`payment_form`) or if the user changes the payment method. It should return and report errors the same way as :py:meth:`checkout_prepare`, but receives an ``Order`` object instead of a cart object. Note: The ``Order`` object given to this method might be different from the version stored in the database as it's total will already contain the payment fee for the new payment method. """ form = self.payment_form(request) if form.is_valid(): for k, v in form.cleaned_data.items(): request.session['payment_%s_%s' % (self.identifier, k)] = v return True else: return False def payment_control_render(self, request: HttpRequest, payment: OrderPayment) -> str: """ Will be called if the *event administrator* views the details of a payment. It should return HTML code containing information regarding the current payment status and, if applicable, next steps. The default implementation returns the verbose name of the payment provider. :param order: The order object """ return '' def payment_refund_supported(self, payment: OrderPayment) -> bool: """ Will be called to check if the provider supports automatic refunding for this payment. """ return False def payment_partial_refund_supported(self, payment: OrderPayment) -> bool: """ Will be called to check if the provider supports automatic partial refunding for this payment. """ return False def execute_refund(self, refund: OrderRefund): """ Will be called to execute an refund. Note that refunds have an amount property and can be partial. This should transfer the money back (if possible). On success, you should call ``refund.done()``. On failure, you should raise a PaymentException. """ raise PaymentException(_('Automatic refunds are not supported by this payment provider.')) def shred_payment_info(self, obj: Union[OrderPayment, OrderRefund]): """ When personal data is removed from an event, this method is called to scrub payment-related data from a payment or refund. By default, it removes all info from the ``info`` attribute. You can override this behavior if you want to retain attributes that are not personal data on their own, i.e. a reference to a transaction in an external system. You can also override this to scrub more data, e.g. data from external sources that is saved in LogEntry objects or other places. :param order: An order """ obj.info = '{}' obj.save(update_fields=['info']) class PaymentException(Exception): pass class FreeOrderProvider(BasePaymentProvider): is_implicit = True is_enabled = True identifier = "free" class BoxOfficeProvider(BasePaymentProvider): is_implicit = True is_enabled = True identifier = "boxoffice" verbose_name = _("Box office") class ManualPayment(BasePaymentProvider): identifier = 'manual' verbose_name = _('Manual payment') def is_allowed(self, request: HttpRequest, total: Decimal=None): return 'pretix.plugins.manualpayment' in self.event.plugins and super().is_allowed(request, total) def order_change_allowed(self, order: Order): return 'pretix.plugins.manualpayment' in self.event.plugins and super().order_change_allowed(order) def payment_form_render(self, request) -> str: return rich_text( str(self.settings.get('checkout_description', as_type=LazyI18nString)) ) def checkout_prepare(self, request, total): return True def payment_is_valid_session(self, request): return True def checkout_confirm_render(self, request): return self.payment_form_render(request) def format_map(self, order): return { 'order': order.code, 'total': order.total, 'currency': self.event.currency, 'total_with_currency': money_filter(order.total, self.event.currency) } def order_pending_mail_render(self, order) -> str: msg = str(self.settings.get('email_instructions', as_type=LazyI18nString)).format_map(self.format_map(order)) return msg def payment_pending_render(self, request, payment) -> str: return rich_text( str(self.settings.get('pending_description', as_type=LazyI18nString)).format_map(self.format_map(payment.order)) ) class OffsettingProvider(BasePaymentProvider): is_enabled = True identifier = "offsetting" verbose_name = _("Offsetting") is_implicit = True
42.536613
124
0.63047
7c41415e2c7a8ce5f2d75904be89b903c2cdfef0
633
py
Python
tests/AssertFail/run.py
sag-tgo/EPL_assert_demo
a43541e4472dfab7da6538ae9f220b5e042d158c
[ "Apache-2.0" ]
null
null
null
tests/AssertFail/run.py
sag-tgo/EPL_assert_demo
a43541e4472dfab7da6538ae9f220b5e042d158c
[ "Apache-2.0" ]
null
null
null
tests/AssertFail/run.py
sag-tgo/EPL_assert_demo
a43541e4472dfab7da6538ae9f220b5e042d158c
[ "Apache-2.0" ]
null
null
null
from pysys.basetest import BaseTest from apama.correlator import CorrelatorHelper import os
33.315789
77
0.737757
7c419b5717a91fec1bbd9b0db3fdfc3ceb131303
1,231
py
Python
src/beast/python/beast/env/ReadEnvFile_test.py
Ziftr/stellard
626514cbbb2c6c2b6844315ca98a2bfcbca0b43d
[ "BSL-1.0" ]
58
2015-01-07T09:10:59.000Z
2019-07-15T14:34:01.000Z
src/beast/python/beast/env/ReadEnvFile_test.py
Ziftr/stellard
626514cbbb2c6c2b6844315ca98a2bfcbca0b43d
[ "BSL-1.0" ]
12
2015-01-02T00:01:45.000Z
2018-04-25T12:35:02.000Z
src/beast/python/beast/env/ReadEnvFile_test.py
Ziftr/stellard
626514cbbb2c6c2b6844315ca98a2bfcbca0b43d
[ "BSL-1.0" ]
23
2015-01-04T00:13:27.000Z
2019-02-15T18:01:17.000Z
from __future__ import absolute_import, division, print_function, unicode_literals from unittest import TestCase from beast.env.ReadEnvFile import read_env_file from beast.util import Terminal Terminal.CAN_CHANGE_COLOR = False JSON = """ { "FOO": "foo", "BAR": "bar bar bar", "CPPFLAGS": "-std=c++11 -frtti -fno-strict-aliasing -DWOMBAT" }""" ENV = """ # An env file. FOO=foo export BAR="bar bar bar" CPPFLAGS=-std=c++11 -frtti -fno-strict-aliasing -DWOMBAT # export BAZ=baz should be ignored. """ RESULT = { 'FOO': 'foo', 'BAR': 'bar bar bar', 'CPPFLAGS': '-std=c++11 -frtti -fno-strict-aliasing -DWOMBAT', } BAD_ENV = ENV + """ This line isn't right. NO SPACES IN NAMES="valid value" """
23.673077
82
0.680747
7c42dc9f24c848eb5660235f34da5faf02dd1e33
2,192
py
Python
signin/tests.py
pptnz/swa_team2
253ae83d73c00245d359574d6a16f4eba9830950
[ "MIT" ]
null
null
null
signin/tests.py
pptnz/swa_team2
253ae83d73c00245d359574d6a16f4eba9830950
[ "MIT" ]
3
2018-06-07T17:18:16.000Z
2021-06-10T20:19:27.000Z
signin/tests.py
pptnz/swa_team2
253ae83d73c00245d359574d6a16f4eba9830950
[ "MIT" ]
1
2018-06-25T23:52:57.000Z
2018-06-25T23:52:57.000Z
import json from django.test import TestCase from django.contrib.auth.models import User from .models import CustomUser from django.apps import apps from .apps import SigninConfig
39.142857
124
0.696624
7c44dd7ee7dcb34a8c6b443486c1190c2f8b538a
707
py
Python
tree/list/BinaryNode.py
EliHar/BinaryTree-ADT
bf220eb8ccb04f6fee7d7a67ef7e9cd00cc6a4c1
[ "MIT" ]
null
null
null
tree/list/BinaryNode.py
EliHar/BinaryTree-ADT
bf220eb8ccb04f6fee7d7a67ef7e9cd00cc6a4c1
[ "MIT" ]
null
null
null
tree/list/BinaryNode.py
EliHar/BinaryTree-ADT
bf220eb8ccb04f6fee7d7a67ef7e9cd00cc6a4c1
[ "MIT" ]
null
null
null
__author__ = 'Elias Haroun'
19.108108
52
0.589816
7c46086ba91c653227726b101b253bd36be2a7f4
5,963
py
Python
boolean2/tokenizer.py
AbrahmAB/booleannet
a07124047d18a5b7265e050a234969ac58970c7a
[ "MIT" ]
null
null
null
boolean2/tokenizer.py
AbrahmAB/booleannet
a07124047d18a5b7265e050a234969ac58970c7a
[ "MIT" ]
null
null
null
boolean2/tokenizer.py
AbrahmAB/booleannet
a07124047d18a5b7265e050a234969ac58970c7a
[ "MIT" ]
null
null
null
""" Main tokenizer. """ from itertools import * import sys, random import util import ply.lex as lex def init_tokens( tokenlist ): """ Returns elments of the list that are initializers """ return filter( cond, tokenlist) def label_tokens( tokenlist ): """ Returns elements where the first token is a LABEL (updating rules with labels) """ return filter( cond, tokenlist) def async_tokens( tokenlist ): """ Returns elements where the second token is ASSIGN (updating rules with no LABELs) """ return filter( cond, tokenlist) def update_tokens( tokenlist ): """ Returns tokens that perform updates """ return filter( cond, tokenlist) def get_nodes( tokenlist ): """ Flattens the list of tokenlist and returns the value of all ID tokens """ nodes = map(get, filter( cond, chain( *tokenlist ))) nodes = set(nodes) util.check_case( nodes ) return nodes def tok2line( tokens ): """ Turns a list of tokens into a line that can be parsed again """ elems = [ str(t.value) for t in tokens ] if tokens[0].type == 'LABEL': elems[0] = elems[0] + ':' return ' '.join( elems ) def test(): """ Main testrunnner >>> import util >>> >>> text = ''' ... A = B = True ... 1: A* = B ... 2: B* = A and B ... C* = not C ... E = False ... F = (1, 2, 3) ... ''' >>> >>> lexer = Lexer() >>> tokens = lexer.tokenize_text( text ) >>> tokens[0] [LexToken(ID,'A',1,0), LexToken(EQUAL,'=',1,2), LexToken(ID,'B',1,4), LexToken(EQUAL,'=',1,6), LexToken(STATE,'True',1,8)] >>> tokens[1] [LexToken(LABEL,1,1,0), LexToken(ID,'A',1,3), LexToken(ASSIGN,'*',1,4), LexToken(EQUAL,'=',1,6), LexToken(ID,'B',1,8)] >>> tokens[2] [LexToken(LABEL,2,1,0), LexToken(ID,'B',1,3), LexToken(ASSIGN,'*',1,4), LexToken(EQUAL,'=',1,6), LexToken(ID,'A',1,8), LexToken(AND,'and',1,10), LexToken(ID,'B',1,14)] >>> tokens[3] [LexToken(ID,'C',1,0), LexToken(ASSIGN,'*',1,1), LexToken(EQUAL,'=',1,3), LexToken(NOT,'not',1,5), LexToken(ID,'C',1,9)] >>> >>> get_nodes( tokens ) set(['A', 'C', 'B', 'E', 'F']) """ # runs the local suite import doctest doctest.testmod( optionflags=doctest.ELLIPSIS + doctest.NORMALIZE_WHITESPACE ) def tokenize( text ): "A one step tokenizer" lexer = Lexer() return lexer.tokenize_text( text ) def modify_states( text, turnon=[], turnoff=[] ): """ Turns nodes on and off and comments out lines that contain assignment to any of the nodes Will use the main lexer. """ turnon = util.as_set( turnon ) turnoff = util.as_set( turnoff ) tokens = tokenize( text ) init = init_tokens( tokens ) init_lines = map(tok2line, init) # override the initial values init_lines.extend( [ '%s=True' % node for node in turnon ] ) init_lines.extend( [ '%s=False' % node for node in turnoff ] ) alter = turnon | turnoff update = update_tokens ( tokens ) update_lines = [] for token in update: line = tok2line( token) if token[0].value in alter or token[1].value in alter: line = '#' + line update_lines.append( line ) all = init_lines + update_lines return '\n'.join( all ) if __name__ == '__main__': test() lexer = Lexer() text = """ A = B = C = False D = True 1: A* = B 2: B* = A and B C* = not C D* = A """ print modify_states( text, turnon=['A', 'B'], turnoff=['C'] )
25.374468
171
0.528928
7c46de4fdbd3dc2c58b659d8b01a5d17658d1622
14,736
py
Python
aiida/cmdline/params/options/test_interactive.py
tomzhang/aiida_core
949810e9f3daff0f748c5c9aa1dde4f5222bb49b
[ "BSD-2-Clause" ]
1
2019-04-29T12:39:31.000Z
2019-04-29T12:39:31.000Z
aiida/cmdline/params/options/test_interactive.py
tomzhang/aiida_core
949810e9f3daff0f748c5c9aa1dde4f5222bb49b
[ "BSD-2-Clause" ]
null
null
null
aiida/cmdline/params/options/test_interactive.py
tomzhang/aiida_core
949810e9f3daff0f748c5c9aa1dde4f5222bb49b
[ "BSD-2-Clause" ]
null
null
null
"""Unit tests for the InteractiveOption.""" from __future__ import absolute_import import unittest import click from click.testing import CliRunner from click.types import IntParamType from aiida.cmdline.params.options.interactive import InteractiveOption from aiida.cmdline.params.options import NON_INTERACTIVE
38.984127
106
0.636401
7c4747750d4783fac45721046885fc982b92a07c
3,195
py
Python
scripts/migration/migrate_registered_meta.py
fabmiz/osf.io
8d86af3f0a6e5388bd5b18383e68e27b65a66247
[ "Apache-2.0" ]
null
null
null
scripts/migration/migrate_registered_meta.py
fabmiz/osf.io
8d86af3f0a6e5388bd5b18383e68e27b65a66247
[ "Apache-2.0" ]
null
null
null
scripts/migration/migrate_registered_meta.py
fabmiz/osf.io
8d86af3f0a6e5388bd5b18383e68e27b65a66247
[ "Apache-2.0" ]
null
null
null
""" Changes existing registered_meta on a node to new schema layout required for the prereg-prize """ import json import sys import logging from modularodm import Q from framework.mongo import database as db from framework.mongo.utils import from_mongo from framework.transactions.context import TokuTransaction from website.models import MetaSchema from website.app import init_app from website.project.metadata.schemas import _id_to_name from scripts import utils as scripts_utils logger = logging.getLogger(__name__) logger.setLevel(logging.INFO) if __name__ == '__main__': dry_run = 'dry' in sys.argv dev = 'dev' in sys.argv with TokuTransaction(): main(dev=dev) if dry_run: raise RuntimeError('Dry run, rolling back transaction.')
29.859813
111
0.576526
7c478777d84107b3217342ab649b11b3244e8389
7,606
py
Python
pyec/distribution/bayes/structure/basic.py
hypernicon/pyec
7072835c97d476fc45ffc3b34f5c3ec607988e6d
[ "MIT" ]
2
2015-03-16T21:18:27.000Z
2017-10-09T19:59:24.000Z
pyec/distribution/bayes/structure/basic.py
hypernicon/pyec
7072835c97d476fc45ffc3b34f5c3ec607988e6d
[ "MIT" ]
null
null
null
pyec/distribution/bayes/structure/basic.py
hypernicon/pyec
7072835c97d476fc45ffc3b34f5c3ec607988e6d
[ "MIT" ]
null
null
null
""" Copyright (C) 2012 Alan J Lockett Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. """ from numpy import * import sys import weakref
35.050691
460
0.620431
7c484eb9bf609790d2ba9c1adb147528492648ab
2,108
py
Python
graph/tsp.py
pingrunhuang/CodeChallenge
a8e5274e04c47d851836197907266418af4f1a22
[ "MIT" ]
null
null
null
graph/tsp.py
pingrunhuang/CodeChallenge
a8e5274e04c47d851836197907266418af4f1a22
[ "MIT" ]
null
null
null
graph/tsp.py
pingrunhuang/CodeChallenge
a8e5274e04c47d851836197907266418af4f1a22
[ "MIT" ]
null
null
null
""" given a fully connected undirected graph(If no path exists between two cities, adding an arbitrarily long edge will complete the graph without affecting the optimal tour), find the path with the lowest cost in total for a salesman to travel from a given start vertex """ import time if __name__ == "__main__": tsp = TSP() tsp.add_vertex('w', [Edge('y', 1), Edge('x', 6), Edge('z', 3)]) tsp.add_vertex('x', [Edge('w', 6), Edge('z', 3), Edge('y', 4)]) tsp.add_vertex('z', [Edge('y', 2), Edge('w', 3), Edge('x', 3)]) tsp.add_vertex('y', [Edge('w', 1), Edge('x', 3), Edge('z', 2)]) result = tsp.tsp_recursive('x') print(result)
29.690141
171
0.576376
7c486bb219145330aa050e526b0e111823623d51
620
py
Python
projects/code_combat/8_Cloudrip_Mountain/471-Distracting_Dungeon/distracting_dungeon.py
only-romano/junkyard
b60a25b2643f429cdafee438d20f9966178d6f36
[ "MIT" ]
null
null
null
projects/code_combat/8_Cloudrip_Mountain/471-Distracting_Dungeon/distracting_dungeon.py
only-romano/junkyard
b60a25b2643f429cdafee438d20f9966178d6f36
[ "MIT" ]
null
null
null
projects/code_combat/8_Cloudrip_Mountain/471-Distracting_Dungeon/distracting_dungeon.py
only-romano/junkyard
b60a25b2643f429cdafee438d20f9966178d6f36
[ "MIT" ]
null
null
null
peasant = hero.findNearest(hero.findFriends()) while True: hero.command(peasant, "buildXY", "decoy", peasant.pos.x + 2, peasant.pos.y) var nextPoint = {"x": hero.pos.x, "y": hero.pos.y + 28} moveBothTo(nextPoint) nextPoint = {"x": hero.pos.x + 28, "y": hero.pos.y} var enemy = hero.findNearestEnemy() while enemy: while enemy.health > 0: hero.attack(enemy) enemy = hero.findNearestEnemy() moveBothTo(nextPoint)
31
80
0.606452
7c487be5e97c4669f698df37e679a53c19c84c61
515
py
Python
firstBadVersion.py
pflun/learningAlgorithms
3101e989488dfc8a56f1bf256a1c03a837fe7d97
[ "MIT" ]
null
null
null
firstBadVersion.py
pflun/learningAlgorithms
3101e989488dfc8a56f1bf256a1c03a837fe7d97
[ "MIT" ]
null
null
null
firstBadVersion.py
pflun/learningAlgorithms
3101e989488dfc8a56f1bf256a1c03a837fe7d97
[ "MIT" ]
null
null
null
# The isBadVersion API is already defined for you. # @param version, an integer # @return a bool # def isBadVersion(version):
22.391304
50
0.524272
7c48ecfa52411dc6356f3fa1289a95505f086e55
2,599
py
Python
issues/migrations/0001_initial.py
QizaiMing/ergo-project-manager
2b02b2ab6d9e48bfccbbca8c05180b07177dcb77
[ "MIT" ]
null
null
null
issues/migrations/0001_initial.py
QizaiMing/ergo-project-manager
2b02b2ab6d9e48bfccbbca8c05180b07177dcb77
[ "MIT" ]
3
2020-11-01T22:08:38.000Z
2022-03-12T00:49:00.000Z
issues/migrations/0001_initial.py
QizaiMing/ergo-project-manager
2b02b2ab6d9e48bfccbbca8c05180b07177dcb77
[ "MIT" ]
2
2021-01-03T07:17:16.000Z
2021-05-29T17:27:11.000Z
# Generated by Django 2.2.12 on 2020-05-01 03:34 from django.conf import settings from django.db import migrations, models import django.db.models.deletion
50.960784
157
0.614852
7c4a4e05ac30862172f332ac22daa59c8c1ecce1
2,764
py
Python
com/binghe/hacker/tools/script/ak/check_virus.py
ffffff0x/python-hacker
a2dc7f9031669a86bd2c87892c0a8c1e54bb2a79
[ "Apache-2.0" ]
52
2019-02-11T13:02:20.000Z
2022-02-06T07:43:55.000Z
com/binghe/hacker/tools/script/ak/check_virus.py
sunshinelyz/python-hacker
a2dc7f9031669a86bd2c87892c0a8c1e54bb2a79
[ "Apache-2.0" ]
null
null
null
com/binghe/hacker/tools/script/ak/check_virus.py
sunshinelyz/python-hacker
a2dc7f9031669a86bd2c87892c0a8c1e54bb2a79
[ "Apache-2.0" ]
15
2019-02-25T03:04:50.000Z
2021-10-19T02:13:52.000Z
#!/usr/bin/env python # -*- coding: utf-8 -*- # -*- coding: gbk -*- # Date: 2019/2/22 # Created by # Description bindshell.exevscan.novirusthanks.org # python check_virus.py -f bindshell.exe # https://blog.csdn.net/l1028386804 import re import httplib import time import os import optparse from urlparse import urlparse if __name__ == '__main__': main()
29.72043
67
0.599132
7c4ae67259cc4af329dd35bc62e3ceddb69e3a57
7,190
py
Python
cogs/remind.py
LoganHaug/reminder-bot
1bb1853b79e0299240a214e947e8bc29ed34e46e
[ "MIT" ]
2
2021-01-02T04:30:54.000Z
2021-01-02T04:30:54.000Z
cogs/remind.py
LoganHaug/reminder-bot
1bb1853b79e0299240a214e947e8bc29ed34e46e
[ "MIT" ]
8
2021-01-02T02:06:04.000Z
2021-03-15T06:05:50.000Z
cogs/remind.py
LoganHaug/reminder-bot
1bb1853b79e0299240a214e947e8bc29ed34e46e
[ "MIT" ]
2
2021-01-02T01:50:06.000Z
2021-01-02T20:02:58.000Z
import asyncio from typing import Union import datetime import time from discord.ext import commands import yaml from cogs import checks import database import utils # Loads the repeating interval dictionary with open("conversions.yml", "r") as conversion_file: conversion_dict = yaml.load(conversion_file, Loader=yaml.Loader) prefix = utils.get_prefix()
36.683673
362
0.568985
7c4b0703a1999f5fa6b05313d2f3c64b1a7c6c84
948
py
Python
setup.py
csengor/toraman_py
5cb7b39ae073ecc2adcb7cea83b79492ac5aa485
[ "MIT" ]
2
2020-02-01T08:21:11.000Z
2021-03-12T13:58:26.000Z
setup.py
csengor/toraman_py
5cb7b39ae073ecc2adcb7cea83b79492ac5aa485
[ "MIT" ]
null
null
null
setup.py
csengor/toraman_py
5cb7b39ae073ecc2adcb7cea83b79492ac5aa485
[ "MIT" ]
null
null
null
import setuptools from toraman.version import __version__ with open('README.md', 'r') as input_file: long_description = input_file.read() setuptools.setup( name='toraman', version=__version__, author='aatay Onur engr', author_email='[email protected]', description='A computer-assisted translation tool package', keywords = ['CAT', 'computer-assisted translation', 'computer-aided translation', 'translation', 'free-to-use'], long_description=long_description, long_description_content_type='text/markdown', url='https://github.com/csengor/toraman-py', packages=setuptools.find_packages(), install_requires=[ 'lxml', 'python-levenshtein', 'regex' ], classifiers=[ 'Development Status :: 3 - Alpha', 'License :: OSI Approved :: MIT License', 'Operating System :: OS Independent', 'Programming Language :: Python :: 3', ], )
30.580645
116
0.667722
7c4b2f5648b8aa2f586e693897cf20f646266eed
457
py
Python
declarations_site/cms_pages/migrations/0015_auto_20150615_0201.py
li-ar/declarations.com.ua
343cd86cc5a4bd895f2859ed896728f6416ac223
[ "MIT" ]
32
2015-04-01T15:17:35.000Z
2021-05-02T20:46:33.000Z
declarations_site/cms_pages/migrations/0015_auto_20150615_0201.py
li-ar/declarations.com.ua
343cd86cc5a4bd895f2859ed896728f6416ac223
[ "MIT" ]
52
2015-03-23T21:37:04.000Z
2022-02-10T07:27:13.000Z
declarations_site/cms_pages/migrations/0015_auto_20150615_0201.py
li-ar/declarations.com.ua
343cd86cc5a4bd895f2859ed896728f6416ac223
[ "MIT" ]
18
2015-03-16T22:10:44.000Z
2021-11-01T12:56:12.000Z
# -*- coding: utf-8 -*- from __future__ import unicode_literals from django.db import models, migrations
21.761905
67
0.608315
7c4b6fc1c38e59243da6f002769c9090efca9c53
4,112
py
Python
tests/models/test_grad_norm.py
nightlessbaron/pytorch-lightning
239bea5c29cef0d1a0cfb319de5dbc9227aa2a53
[ "Apache-2.0" ]
3
2021-01-28T14:04:17.000Z
2021-09-08T12:00:11.000Z
tests/models/test_grad_norm.py
nightlessbaron/pytorch-lightning
239bea5c29cef0d1a0cfb319de5dbc9227aa2a53
[ "Apache-2.0" ]
8
2020-10-27T22:39:24.000Z
2021-01-24T16:41:34.000Z
tests/models/test_grad_norm.py
nightlessbaron/pytorch-lightning
239bea5c29cef0d1a0cfb319de5dbc9227aa2a53
[ "Apache-2.0" ]
1
2022-03-21T18:37:54.000Z
2022-03-21T18:37:54.000Z
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import os from unittest import mock from unittest.mock import patch import numpy as np import pytest from pytorch_lightning import Trainer from tests.base import EvalModelTemplate from tests.base.develop_utils import reset_seed
35.756522
115
0.674611
7c4b72df2d2012d9d79281852a5cd3bef3ea8e8d
48,507
py
Python
tensorflow/tools/compatibility/renames_v2.py
junjun315/tensorflow
40b800fc24e1eea8642b79087925939121e8e25f
[ "Apache-2.0" ]
null
null
null
tensorflow/tools/compatibility/renames_v2.py
junjun315/tensorflow
40b800fc24e1eea8642b79087925939121e8e25f
[ "Apache-2.0" ]
null
null
null
tensorflow/tools/compatibility/renames_v2.py
junjun315/tensorflow
40b800fc24e1eea8642b79087925939121e8e25f
[ "Apache-2.0" ]
null
null
null
# Copyright 2018 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ============================================================================== # pylint: disable=line-too-long """List of renames to apply when converting from TF 1.0 to TF 2.0. THIS FILE IS AUTOGENERATED: To update, please run: bazel build tensorflow/tools/compatibility/update:generate_v2_renames_map bazel-bin/tensorflow/tools/compatibility/update/generate_v2_renames_map This file should be updated whenever endpoints are deprecated. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function renames = { 'tf.AUTO_REUSE': 'tf.compat.v1.AUTO_REUSE', 'tf.AttrValue': 'tf.compat.v1.AttrValue', 'tf.COMPILER_VERSION': 'tf.version.COMPILER_VERSION', 'tf.CXX11_ABI_FLAG': 'tf.sysconfig.CXX11_ABI_FLAG', 'tf.ConditionalAccumulator': 'tf.compat.v1.ConditionalAccumulator', 'tf.ConditionalAccumulatorBase': 'tf.compat.v1.ConditionalAccumulatorBase', 'tf.ConfigProto': 'tf.compat.v1.ConfigProto', 'tf.DeviceSpec': 'tf.compat.v1.DeviceSpec', 'tf.Dimension': 'tf.compat.v1.Dimension', 'tf.Event': 'tf.compat.v1.Event', 'tf.FIFOQueue': 'tf.queue.FIFOQueue', 'tf.FixedLenFeature': 'tf.io.FixedLenFeature', 'tf.FixedLenSequenceFeature': 'tf.io.FixedLenSequenceFeature', 'tf.FixedLengthRecordReader': 'tf.compat.v1.FixedLengthRecordReader', 'tf.GIT_VERSION': 'tf.version.GIT_VERSION', 'tf.GPUOptions': 'tf.compat.v1.GPUOptions', 'tf.GRAPH_DEF_VERSION': 'tf.version.GRAPH_DEF_VERSION', 'tf.GRAPH_DEF_VERSION_MIN_CONSUMER': 'tf.version.GRAPH_DEF_VERSION_MIN_CONSUMER', 'tf.GRAPH_DEF_VERSION_MIN_PRODUCER': 'tf.version.GRAPH_DEF_VERSION_MIN_PRODUCER', 'tf.GraphDef': 'tf.compat.v1.GraphDef', 'tf.GraphKeys': 'tf.compat.v1.GraphKeys', 'tf.GraphOptions': 'tf.compat.v1.GraphOptions', 'tf.HistogramProto': 'tf.compat.v1.HistogramProto', 'tf.IdentityReader': 'tf.compat.v1.IdentityReader', 'tf.InteractiveSession': 'tf.compat.v1.InteractiveSession', 'tf.LMDBReader': 'tf.compat.v1.LMDBReader', 'tf.LogMessage': 'tf.compat.v1.LogMessage', 'tf.MONOLITHIC_BUILD': 'tf.sysconfig.MONOLITHIC_BUILD', 'tf.MetaGraphDef': 'tf.compat.v1.MetaGraphDef', 'tf.NameAttrList': 'tf.compat.v1.NameAttrList', 'tf.NoGradient': 'tf.no_gradient', 'tf.NodeDef': 'tf.compat.v1.NodeDef', 'tf.NotDifferentiable': 'tf.no_gradient', 'tf.OpError': 'tf.errors.OpError', 'tf.OptimizerOptions': 'tf.compat.v1.OptimizerOptions', 'tf.PaddingFIFOQueue': 'tf.queue.PaddingFIFOQueue', 'tf.Print': 'tf.compat.v1.Print', 'tf.PriorityQueue': 'tf.queue.PriorityQueue', 'tf.QUANTIZED_DTYPES': 'tf.dtypes.QUANTIZED_DTYPES', 'tf.QueueBase': 'tf.queue.QueueBase', 'tf.RandomShuffleQueue': 'tf.queue.RandomShuffleQueue', 'tf.ReaderBase': 'tf.compat.v1.ReaderBase', 'tf.RunMetadata': 'tf.compat.v1.RunMetadata', 'tf.RunOptions': 'tf.compat.v1.RunOptions', 'tf.Session': 'tf.compat.v1.Session', 'tf.SessionLog': 'tf.compat.v1.SessionLog', 'tf.SparseConditionalAccumulator': 'tf.sparse.SparseConditionalAccumulator', 'tf.SparseFeature': 'tf.io.SparseFeature', 'tf.SparseTensorValue': 'tf.compat.v1.SparseTensorValue', 'tf.Summary': 'tf.compat.v1.Summary', 'tf.SummaryMetadata': 'tf.compat.v1.SummaryMetadata', 'tf.TFRecordReader': 'tf.compat.v1.TFRecordReader', 'tf.TensorInfo': 'tf.compat.v1.TensorInfo', 'tf.TextLineReader': 'tf.compat.v1.TextLineReader', 'tf.VERSION': 'tf.version.VERSION', 'tf.VarLenFeature': 'tf.io.VarLenFeature', 'tf.VariableScope': 'tf.compat.v1.VariableScope', 'tf.WholeFileReader': 'tf.compat.v1.WholeFileReader', 'tf.accumulate_n': 'tf.math.accumulate_n', 'tf.add_check_numerics_ops': 'tf.compat.v1.add_check_numerics_ops', 'tf.add_to_collection': 'tf.compat.v1.add_to_collection', 'tf.add_to_collections': 'tf.compat.v1.add_to_collections', 'tf.all_variables': 'tf.compat.v1.all_variables', 'tf.angle': 'tf.math.angle', 'tf.app.run': 'tf.compat.v1.app.run', 'tf.assert_greater_equal': 'tf.compat.v1.assert_greater_equal', 'tf.assert_integer': 'tf.compat.v1.assert_integer', 'tf.assert_less_equal': 'tf.compat.v1.assert_less_equal', 'tf.assert_near': 'tf.compat.v1.assert_near', 'tf.assert_negative': 'tf.compat.v1.assert_negative', 'tf.assert_non_negative': 'tf.compat.v1.assert_non_negative', 'tf.assert_non_positive': 'tf.compat.v1.assert_non_positive', 'tf.assert_none_equal': 'tf.compat.v1.assert_none_equal', 'tf.assert_positive': 'tf.compat.v1.assert_positive', 'tf.assert_proper_iterable': 'tf.debugging.assert_proper_iterable', 'tf.assert_rank_at_least': 'tf.compat.v1.assert_rank_at_least', 'tf.assert_rank_in': 'tf.compat.v1.assert_rank_in', 'tf.assert_same_float_dtype': 'tf.debugging.assert_same_float_dtype', 'tf.assert_scalar': 'tf.compat.v1.assert_scalar', 'tf.assert_type': 'tf.compat.v1.assert_type', 'tf.assert_variables_initialized': 'tf.compat.v1.assert_variables_initialized', 'tf.assign': 'tf.compat.v1.assign', 'tf.assign_add': 'tf.compat.v1.assign_add', 'tf.assign_sub': 'tf.compat.v1.assign_sub', 'tf.batch_scatter_update': 'tf.compat.v1.batch_scatter_update', 'tf.betainc': 'tf.math.betainc', 'tf.ceil': 'tf.math.ceil', 'tf.check_numerics': 'tf.debugging.check_numerics', 'tf.cholesky': 'tf.linalg.cholesky', 'tf.cholesky_solve': 'tf.linalg.cholesky_solve', 'tf.clip_by_average_norm': 'tf.compat.v1.clip_by_average_norm', 'tf.colocate_with': 'tf.compat.v1.colocate_with', 'tf.conj': 'tf.math.conj', 'tf.container': 'tf.compat.v1.container', 'tf.convert_to_tensor_or_indexed_slices': 'tf.compat.v1.convert_to_tensor_or_indexed_slices', 'tf.convert_to_tensor_or_sparse_tensor': 'tf.compat.v1.convert_to_tensor_or_sparse_tensor', 'tf.count_up_to': 'tf.compat.v1.count_up_to', 'tf.create_partitioned_variables': 'tf.compat.v1.create_partitioned_variables', 'tf.cross': 'tf.linalg.cross', 'tf.cumprod': 'tf.math.cumprod', 'tf.data.make_initializable_iterator': 'tf.compat.v1.data.make_initializable_iterator', 'tf.data.make_one_shot_iterator': 'tf.compat.v1.data.make_one_shot_iterator', 'tf.debugging.is_finite': 'tf.math.is_finite', 'tf.debugging.is_inf': 'tf.math.is_inf', 'tf.debugging.is_nan': 'tf.math.is_nan', 'tf.debugging.is_non_decreasing': 'tf.math.is_non_decreasing', 'tf.debugging.is_strictly_increasing': 'tf.math.is_strictly_increasing', 'tf.decode_base64': 'tf.io.decode_base64', 'tf.decode_compressed': 'tf.io.decode_compressed', 'tf.decode_json_example': 'tf.io.decode_json_example', 'tf.decode_raw': 'tf.io.decode_raw', 'tf.delete_session_tensor': 'tf.compat.v1.delete_session_tensor', 'tf.depth_to_space': 'tf.compat.v1.depth_to_space', 'tf.dequantize': 'tf.quantization.dequantize', 'tf.deserialize_many_sparse': 'tf.io.deserialize_many_sparse', 'tf.diag': 'tf.linalg.tensor_diag', 'tf.diag_part': 'tf.linalg.tensor_diag_part', 'tf.digamma': 'tf.math.digamma', 'tf.dimension_at_index': 'tf.compat.dimension_at_index', 'tf.dimension_value': 'tf.compat.dimension_value', 'tf.disable_eager_execution': 'tf.compat.v1.disable_eager_execution', 'tf.disable_resource_variables': 'tf.compat.v1.disable_resource_variables', 'tf.disable_v2_batch_normalization': 'tf.compat.v1.disable_v2_batch_normalization', 'tf.disable_v2_behavior': 'tf.compat.v1.disable_v2_behavior', 'tf.disable_v2_tensorshape': 'tf.compat.v1.disable_v2_tensorshape', 'tf.distributions.Bernoulli': 'tf.compat.v1.distributions.Bernoulli', 'tf.distributions.Beta': 'tf.compat.v1.distributions.Beta', 'tf.distributions.Categorical': 'tf.compat.v1.distributions.Categorical', 'tf.distributions.Dirichlet': 'tf.compat.v1.distributions.Dirichlet', 'tf.distributions.DirichletMultinomial': 'tf.compat.v1.distributions.DirichletMultinomial', 'tf.distributions.Distribution': 'tf.compat.v1.distributions.Distribution', 'tf.distributions.Exponential': 'tf.compat.v1.distributions.Exponential', 'tf.distributions.FULLY_REPARAMETERIZED': 'tf.compat.v1.distributions.FULLY_REPARAMETERIZED', 'tf.distributions.Gamma': 'tf.compat.v1.distributions.Gamma', 'tf.distributions.Laplace': 'tf.compat.v1.distributions.Laplace', 'tf.distributions.Multinomial': 'tf.compat.v1.distributions.Multinomial', 'tf.distributions.NOT_REPARAMETERIZED': 'tf.compat.v1.distributions.NOT_REPARAMETERIZED', 'tf.distributions.Normal': 'tf.compat.v1.distributions.Normal', 'tf.distributions.RegisterKL': 'tf.compat.v1.distributions.RegisterKL', 'tf.distributions.ReparameterizationType': 'tf.compat.v1.distributions.ReparameterizationType', 'tf.distributions.StudentT': 'tf.compat.v1.distributions.StudentT', 'tf.distributions.Uniform': 'tf.compat.v1.distributions.Uniform', 'tf.distributions.kl_divergence': 'tf.compat.v1.distributions.kl_divergence', 'tf.div': 'tf.compat.v1.div', 'tf.dtypes.as_string': 'tf.strings.as_string', 'tf.enable_eager_execution': 'tf.compat.v1.enable_eager_execution', 'tf.enable_resource_variables': 'tf.compat.v1.enable_resource_variables', 'tf.enable_v2_batch_normalization': 'tf.compat.v1.enable_v2_batch_normalization', 'tf.enable_v2_behavior': 'tf.compat.v1.enable_v2_behavior', 'tf.enable_v2_tensorshape': 'tf.compat.v1.enable_v2_tensorshape', 'tf.encode_base64': 'tf.io.encode_base64', 'tf.erf': 'tf.math.erf', 'tf.erfc': 'tf.math.erfc', 'tf.expm1': 'tf.math.expm1', 'tf.fake_quant_with_min_max_args': 'tf.quantization.fake_quant_with_min_max_args', 'tf.fake_quant_with_min_max_args_gradient': 'tf.quantization.fake_quant_with_min_max_args_gradient', 'tf.fake_quant_with_min_max_vars': 'tf.quantization.fake_quant_with_min_max_vars', 'tf.fake_quant_with_min_max_vars_gradient': 'tf.quantization.fake_quant_with_min_max_vars_gradient', 'tf.fake_quant_with_min_max_vars_per_channel': 'tf.quantization.fake_quant_with_min_max_vars_per_channel', 'tf.fake_quant_with_min_max_vars_per_channel_gradient': 'tf.quantization.fake_quant_with_min_max_vars_per_channel_gradient', 'tf.feature_column.input_layer': 'tf.compat.v1.feature_column.input_layer', 'tf.feature_column.linear_model': 'tf.compat.v1.feature_column.linear_model', 'tf.fft': 'tf.signal.fft', 'tf.fft2d': 'tf.signal.fft2d', 'tf.fft3d': 'tf.signal.fft3d', 'tf.fixed_size_partitioner': 'tf.compat.v1.fixed_size_partitioner', 'tf.floordiv': 'tf.math.floordiv', 'tf.get_collection': 'tf.compat.v1.get_collection', 'tf.get_collection_ref': 'tf.compat.v1.get_collection_ref', 'tf.get_default_graph': 'tf.compat.v1.get_default_graph', 'tf.get_default_session': 'tf.compat.v1.get_default_session', 'tf.get_local_variable': 'tf.compat.v1.get_local_variable', 'tf.get_seed': 'tf.compat.v1.get_seed', 'tf.get_session_handle': 'tf.compat.v1.get_session_handle', 'tf.get_session_tensor': 'tf.compat.v1.get_session_tensor', 'tf.get_variable': 'tf.compat.v1.get_variable', 'tf.get_variable_scope': 'tf.compat.v1.get_variable_scope', 'tf.gfile.FastGFile': 'tf.compat.v1.gfile.FastGFile', 'tf.gfile.GFile': 'tf.io.gfile.GFile', 'tf.gfile.Open': 'tf.io.gfile.GFile', 'tf.global_norm': 'tf.linalg.global_norm', 'tf.global_variables': 'tf.compat.v1.global_variables', 'tf.global_variables_initializer': 'tf.compat.v1.global_variables_initializer', 'tf.glorot_normal_initializer': 'tf.compat.v1.glorot_normal_initializer', 'tf.glorot_uniform_initializer': 'tf.compat.v1.glorot_uniform_initializer', 'tf.graph_util.convert_variables_to_constants': 'tf.compat.v1.graph_util.convert_variables_to_constants', 'tf.graph_util.extract_sub_graph': 'tf.compat.v1.graph_util.extract_sub_graph', 'tf.graph_util.must_run_on_cpu': 'tf.compat.v1.graph_util.must_run_on_cpu', 'tf.graph_util.remove_training_nodes': 'tf.compat.v1.graph_util.remove_training_nodes', 'tf.graph_util.tensor_shape_from_node_def_name': 'tf.compat.v1.graph_util.tensor_shape_from_node_def_name', 'tf.ifft': 'tf.signal.ifft', 'tf.ifft2d': 'tf.signal.ifft2d', 'tf.ifft3d': 'tf.signal.ifft3d', 'tf.igamma': 'tf.math.igamma', 'tf.igammac': 'tf.math.igammac', 'tf.imag': 'tf.math.imag', 'tf.image.resize_area': 'tf.compat.v1.image.resize_area', 'tf.image.resize_bicubic': 'tf.compat.v1.image.resize_bicubic', 'tf.image.resize_bilinear': 'tf.compat.v1.image.resize_bilinear', 'tf.image.resize_nearest_neighbor': 'tf.compat.v1.image.resize_nearest_neighbor', 'tf.image.transpose_image': 'tf.compat.v1.image.transpose_image', 'tf.initialize_all_tables': 'tf.compat.v1.initialize_all_tables', 'tf.initialize_all_variables': 'tf.compat.v1.initialize_all_variables', 'tf.initialize_local_variables': 'tf.compat.v1.initialize_local_variables', 'tf.initialize_variables': 'tf.compat.v1.initialize_variables', 'tf.initializers.constant': 'tf.compat.v1.initializers.constant', 'tf.initializers.global_variables': 'tf.compat.v1.initializers.global_variables', 'tf.initializers.glorot_normal': 'tf.compat.v1.initializers.glorot_normal', 'tf.initializers.glorot_uniform': 'tf.compat.v1.initializers.glorot_uniform', 'tf.initializers.he_normal': 'tf.compat.v1.initializers.he_normal', 'tf.initializers.he_uniform': 'tf.compat.v1.initializers.he_uniform', 'tf.initializers.identity': 'tf.compat.v1.initializers.identity', 'tf.initializers.lecun_normal': 'tf.compat.v1.initializers.lecun_normal', 'tf.initializers.lecun_uniform': 'tf.compat.v1.initializers.lecun_uniform', 'tf.initializers.local_variables': 'tf.compat.v1.initializers.local_variables', 'tf.initializers.ones': 'tf.compat.v1.initializers.ones', 'tf.initializers.orthogonal': 'tf.compat.v1.initializers.orthogonal', 'tf.initializers.random_normal': 'tf.compat.v1.initializers.random_normal', 'tf.initializers.random_uniform': 'tf.compat.v1.initializers.random_uniform', 'tf.initializers.tables_initializer': 'tf.compat.v1.initializers.tables_initializer', 'tf.initializers.truncated_normal': 'tf.compat.v1.initializers.truncated_normal', 'tf.initializers.uniform_unit_scaling': 'tf.compat.v1.initializers.uniform_unit_scaling', 'tf.initializers.variables': 'tf.compat.v1.initializers.variables', 'tf.initializers.variance_scaling': 'tf.compat.v1.initializers.variance_scaling', 'tf.initializers.zeros': 'tf.compat.v1.initializers.zeros', 'tf.invert_permutation': 'tf.math.invert_permutation', 'tf.io.PaddingFIFOQueue': 'tf.queue.PaddingFIFOQueue', 'tf.io.PriorityQueue': 'tf.queue.PriorityQueue', 'tf.io.QueueBase': 'tf.queue.QueueBase', 'tf.io.RandomShuffleQueue': 'tf.queue.RandomShuffleQueue', 'tf.io.tf_record_iterator': 'tf.compat.v1.io.tf_record_iterator', 'tf.is_finite': 'tf.math.is_finite', 'tf.is_inf': 'tf.math.is_inf', 'tf.is_nan': 'tf.math.is_nan', 'tf.is_non_decreasing': 'tf.math.is_non_decreasing', 'tf.is_numeric_tensor': 'tf.debugging.is_numeric_tensor', 'tf.is_strictly_increasing': 'tf.math.is_strictly_increasing', 'tf.is_variable_initialized': 'tf.compat.v1.is_variable_initialized', 'tf.keras.initializers.Identity': 'tf.compat.v1.keras.initializers.Identity', 'tf.keras.initializers.Orthogonal': 'tf.compat.v1.keras.initializers.Orthogonal', 'tf.keras.initializers.TruncatedNormal': 'tf.compat.v1.keras.initializers.TruncatedNormal', 'tf.keras.initializers.VarianceScaling': 'tf.compat.v1.keras.initializers.VarianceScaling', 'tf.keras.initializers.constant': 'tf.compat.v1.keras.initializers.constant', 'tf.keras.initializers.glorot_normal': 'tf.compat.v1.keras.initializers.glorot_normal', 'tf.keras.initializers.glorot_uniform': 'tf.compat.v1.keras.initializers.glorot_uniform', 'tf.keras.initializers.he_normal': 'tf.compat.v1.keras.initializers.he_normal', 'tf.keras.initializers.he_uniform': 'tf.compat.v1.keras.initializers.he_uniform', 'tf.keras.initializers.identity': 'tf.compat.v1.keras.initializers.identity', 'tf.keras.initializers.lecun_normal': 'tf.compat.v1.keras.initializers.lecun_normal', 'tf.keras.initializers.lecun_uniform': 'tf.compat.v1.keras.initializers.lecun_uniform', 'tf.keras.initializers.normal': 'tf.compat.v1.keras.initializers.normal', 'tf.keras.initializers.ones': 'tf.compat.v1.keras.initializers.ones', 'tf.keras.initializers.orthogonal': 'tf.compat.v1.keras.initializers.orthogonal', 'tf.keras.initializers.random_normal': 'tf.compat.v1.keras.initializers.random_normal', 'tf.keras.initializers.random_uniform': 'tf.compat.v1.keras.initializers.random_uniform', 'tf.keras.initializers.truncated_normal': 'tf.compat.v1.keras.initializers.truncated_normal', 'tf.keras.initializers.uniform': 'tf.compat.v1.keras.initializers.uniform', 'tf.keras.initializers.zeros': 'tf.compat.v1.keras.initializers.zeros', 'tf.layers.AveragePooling1D': 'tf.compat.v1.layers.AveragePooling1D', 'tf.layers.AveragePooling2D': 'tf.compat.v1.layers.AveragePooling2D', 'tf.layers.AveragePooling3D': 'tf.compat.v1.layers.AveragePooling3D', 'tf.layers.BatchNormalization': 'tf.compat.v1.layers.BatchNormalization', 'tf.layers.Conv1D': 'tf.compat.v1.layers.Conv1D', 'tf.layers.Conv2D': 'tf.compat.v1.layers.Conv2D', 'tf.layers.Conv2DTranspose': 'tf.compat.v1.layers.Conv2DTranspose', 'tf.layers.Conv3D': 'tf.compat.v1.layers.Conv3D', 'tf.layers.Conv3DTranspose': 'tf.compat.v1.layers.Conv3DTranspose', 'tf.layers.Dense': 'tf.compat.v1.layers.Dense', 'tf.layers.Dropout': 'tf.compat.v1.layers.Dropout', 'tf.layers.Flatten': 'tf.compat.v1.layers.Flatten', 'tf.layers.InputSpec': 'tf.keras.layers.InputSpec', 'tf.layers.Layer': 'tf.compat.v1.layers.Layer', 'tf.layers.MaxPooling1D': 'tf.compat.v1.layers.MaxPooling1D', 'tf.layers.MaxPooling2D': 'tf.compat.v1.layers.MaxPooling2D', 'tf.layers.MaxPooling3D': 'tf.compat.v1.layers.MaxPooling3D', 'tf.layers.SeparableConv1D': 'tf.compat.v1.layers.SeparableConv1D', 'tf.layers.SeparableConv2D': 'tf.compat.v1.layers.SeparableConv2D', 'tf.layers.average_pooling1d': 'tf.compat.v1.layers.average_pooling1d', 'tf.layers.average_pooling2d': 'tf.compat.v1.layers.average_pooling2d', 'tf.layers.average_pooling3d': 'tf.compat.v1.layers.average_pooling3d', 'tf.layers.batch_normalization': 'tf.compat.v1.layers.batch_normalization', 'tf.layers.conv1d': 'tf.compat.v1.layers.conv1d', 'tf.layers.conv2d': 'tf.compat.v1.layers.conv2d', 'tf.layers.conv2d_transpose': 'tf.compat.v1.layers.conv2d_transpose', 'tf.layers.conv3d': 'tf.compat.v1.layers.conv3d', 'tf.layers.conv3d_transpose': 'tf.compat.v1.layers.conv3d_transpose', 'tf.layers.dense': 'tf.compat.v1.layers.dense', 'tf.layers.dropout': 'tf.compat.v1.layers.dropout', 'tf.layers.experimental.keras_style_scope': 'tf.compat.v1.layers.experimental.keras_style_scope', 'tf.layers.experimental.set_keras_style': 'tf.compat.v1.layers.experimental.set_keras_style', 'tf.layers.flatten': 'tf.compat.v1.layers.flatten', 'tf.layers.max_pooling1d': 'tf.compat.v1.layers.max_pooling1d', 'tf.layers.max_pooling2d': 'tf.compat.v1.layers.max_pooling2d', 'tf.layers.max_pooling3d': 'tf.compat.v1.layers.max_pooling3d', 'tf.layers.separable_conv1d': 'tf.compat.v1.layers.separable_conv1d', 'tf.layers.separable_conv2d': 'tf.compat.v1.layers.separable_conv2d', 'tf.lbeta': 'tf.math.lbeta', 'tf.lgamma': 'tf.math.lgamma', 'tf.lin_space': 'tf.linspace', 'tf.local_variables': 'tf.compat.v1.local_variables', 'tf.local_variables_initializer': 'tf.compat.v1.local_variables_initializer', 'tf.log': 'tf.math.log', 'tf.log1p': 'tf.math.log1p', 'tf.log_sigmoid': 'tf.math.log_sigmoid', 'tf.logging.DEBUG': 'tf.compat.v1.logging.DEBUG', 'tf.logging.ERROR': 'tf.compat.v1.logging.ERROR', 'tf.logging.FATAL': 'tf.compat.v1.logging.FATAL', 'tf.logging.INFO': 'tf.compat.v1.logging.INFO', 'tf.logging.TaskLevelStatusMessage': 'tf.compat.v1.logging.TaskLevelStatusMessage', 'tf.logging.WARN': 'tf.compat.v1.logging.WARN', 'tf.logging.debug': 'tf.compat.v1.logging.debug', 'tf.logging.error': 'tf.compat.v1.logging.error', 'tf.logging.fatal': 'tf.compat.v1.logging.fatal', 'tf.logging.flush': 'tf.compat.v1.logging.flush', 'tf.logging.get_verbosity': 'tf.compat.v1.logging.get_verbosity', 'tf.logging.info': 'tf.compat.v1.logging.info', 'tf.logging.log': 'tf.compat.v1.logging.log', 'tf.logging.log_every_n': 'tf.compat.v1.logging.log_every_n', 'tf.logging.log_first_n': 'tf.compat.v1.logging.log_first_n', 'tf.logging.log_if': 'tf.compat.v1.logging.log_if', 'tf.logging.set_verbosity': 'tf.compat.v1.logging.set_verbosity', 'tf.logging.vlog': 'tf.compat.v1.logging.vlog', 'tf.logging.warn': 'tf.compat.v1.logging.warn', 'tf.logging.warning': 'tf.compat.v1.logging.warning', 'tf.logical_xor': 'tf.math.logical_xor', 'tf.losses.absolute_difference': 'tf.compat.v1.losses.absolute_difference', 'tf.losses.add_loss': 'tf.compat.v1.losses.add_loss', 'tf.losses.compute_weighted_loss': 'tf.compat.v1.losses.compute_weighted_loss', 'tf.losses.cosine_distance': 'tf.compat.v1.losses.cosine_distance', 'tf.losses.get_losses': 'tf.compat.v1.losses.get_losses', 'tf.losses.get_regularization_loss': 'tf.compat.v1.losses.get_regularization_loss', 'tf.losses.get_regularization_losses': 'tf.compat.v1.losses.get_regularization_losses', 'tf.losses.get_total_loss': 'tf.compat.v1.losses.get_total_loss', 'tf.losses.hinge_loss': 'tf.compat.v1.losses.hinge_loss', 'tf.losses.huber_loss': 'tf.compat.v1.losses.huber_loss', 'tf.losses.log_loss': 'tf.compat.v1.losses.log_loss', 'tf.losses.mean_pairwise_squared_error': 'tf.compat.v1.losses.mean_pairwise_squared_error', 'tf.losses.mean_squared_error': 'tf.compat.v1.losses.mean_squared_error', 'tf.losses.sigmoid_cross_entropy': 'tf.compat.v1.losses.sigmoid_cross_entropy', 'tf.losses.softmax_cross_entropy': 'tf.compat.v1.losses.softmax_cross_entropy', 'tf.losses.sparse_softmax_cross_entropy': 'tf.compat.v1.losses.sparse_softmax_cross_entropy', 'tf.make_template': 'tf.compat.v1.make_template', 'tf.make_tensor_proto': 'tf.compat.v1.make_tensor_proto', 'tf.manip.gather_nd': 'tf.gather_nd', 'tf.manip.reshape': 'tf.reshape', 'tf.manip.reverse': 'tf.reverse', 'tf.manip.roll': 'tf.roll', 'tf.manip.scatter_nd': 'tf.scatter_nd', 'tf.manip.space_to_batch_nd': 'tf.space_to_batch_nd', 'tf.manip.tile': 'tf.tile', 'tf.matching_files': 'tf.io.matching_files', 'tf.matrix_band_part': 'tf.linalg.band_part', 'tf.matrix_determinant': 'tf.linalg.det', 'tf.matrix_diag': 'tf.linalg.diag', 'tf.matrix_diag_part': 'tf.linalg.diag_part', 'tf.matrix_inverse': 'tf.linalg.inv', 'tf.matrix_set_diag': 'tf.linalg.set_diag', 'tf.matrix_solve': 'tf.linalg.solve', 'tf.matrix_solve_ls': 'tf.linalg.lstsq', 'tf.matrix_transpose': 'tf.linalg.transpose', 'tf.matrix_triangular_solve': 'tf.linalg.triangular_solve', 'tf.metrics.accuracy': 'tf.compat.v1.metrics.accuracy', 'tf.metrics.auc': 'tf.compat.v1.metrics.auc', 'tf.metrics.average_precision_at_k': 'tf.compat.v1.metrics.average_precision_at_k', 'tf.metrics.false_negatives': 'tf.compat.v1.metrics.false_negatives', 'tf.metrics.false_negatives_at_thresholds': 'tf.compat.v1.metrics.false_negatives_at_thresholds', 'tf.metrics.false_positives': 'tf.compat.v1.metrics.false_positives', 'tf.metrics.false_positives_at_thresholds': 'tf.compat.v1.metrics.false_positives_at_thresholds', 'tf.metrics.mean': 'tf.compat.v1.metrics.mean', 'tf.metrics.mean_absolute_error': 'tf.compat.v1.metrics.mean_absolute_error', 'tf.metrics.mean_cosine_distance': 'tf.compat.v1.metrics.mean_cosine_distance', 'tf.metrics.mean_iou': 'tf.compat.v1.metrics.mean_iou', 'tf.metrics.mean_per_class_accuracy': 'tf.compat.v1.metrics.mean_per_class_accuracy', 'tf.metrics.mean_relative_error': 'tf.compat.v1.metrics.mean_relative_error', 'tf.metrics.mean_squared_error': 'tf.compat.v1.metrics.mean_squared_error', 'tf.metrics.mean_tensor': 'tf.compat.v1.metrics.mean_tensor', 'tf.metrics.percentage_below': 'tf.compat.v1.metrics.percentage_below', 'tf.metrics.precision': 'tf.compat.v1.metrics.precision', 'tf.metrics.precision_at_k': 'tf.compat.v1.metrics.precision_at_k', 'tf.metrics.precision_at_thresholds': 'tf.compat.v1.metrics.precision_at_thresholds', 'tf.metrics.precision_at_top_k': 'tf.compat.v1.metrics.precision_at_top_k', 'tf.metrics.recall': 'tf.compat.v1.metrics.recall', 'tf.metrics.recall_at_k': 'tf.compat.v1.metrics.recall_at_k', 'tf.metrics.recall_at_thresholds': 'tf.compat.v1.metrics.recall_at_thresholds', 'tf.metrics.recall_at_top_k': 'tf.compat.v1.metrics.recall_at_top_k', 'tf.metrics.root_mean_squared_error': 'tf.compat.v1.metrics.root_mean_squared_error', 'tf.metrics.sensitivity_at_specificity': 'tf.compat.v1.metrics.sensitivity_at_specificity', 'tf.metrics.sparse_average_precision_at_k': 'tf.compat.v1.metrics.sparse_average_precision_at_k', 'tf.metrics.sparse_precision_at_k': 'tf.compat.v1.metrics.sparse_precision_at_k', 'tf.metrics.specificity_at_sensitivity': 'tf.compat.v1.metrics.specificity_at_sensitivity', 'tf.metrics.true_negatives': 'tf.compat.v1.metrics.true_negatives', 'tf.metrics.true_negatives_at_thresholds': 'tf.compat.v1.metrics.true_negatives_at_thresholds', 'tf.metrics.true_positives': 'tf.compat.v1.metrics.true_positives', 'tf.metrics.true_positives_at_thresholds': 'tf.compat.v1.metrics.true_positives_at_thresholds', 'tf.min_max_variable_partitioner': 'tf.compat.v1.min_max_variable_partitioner', 'tf.model_variables': 'tf.compat.v1.model_variables', 'tf.moving_average_variables': 'tf.compat.v1.moving_average_variables', 'tf.nn.bidirectional_dynamic_rnn': 'tf.compat.v1.nn.bidirectional_dynamic_rnn', 'tf.nn.conv3d_backprop_filter_v2': 'tf.nn.conv3d_backprop_filter', 'tf.nn.ctc_beam_search_decoder_v2': 'tf.nn.ctc_beam_search_decoder', 'tf.nn.ctc_loss_v2': 'tf.nn.ctc_loss', 'tf.nn.depthwise_conv2d_native': 'tf.compat.v1.nn.depthwise_conv2d_native', 'tf.nn.depthwise_conv2d_native_backprop_filter': 'tf.nn.depthwise_conv2d_backprop_filter', 'tf.nn.depthwise_conv2d_native_backprop_input': 'tf.nn.depthwise_conv2d_backprop_input', 'tf.nn.dynamic_rnn': 'tf.compat.v1.nn.dynamic_rnn', 'tf.nn.log_uniform_candidate_sampler': 'tf.random.log_uniform_candidate_sampler', 'tf.nn.quantized_avg_pool': 'tf.compat.v1.nn.quantized_avg_pool', 'tf.nn.quantized_conv2d': 'tf.compat.v1.nn.quantized_conv2d', 'tf.nn.quantized_max_pool': 'tf.compat.v1.nn.quantized_max_pool', 'tf.nn.quantized_relu_x': 'tf.compat.v1.nn.quantized_relu_x', 'tf.nn.raw_rnn': 'tf.compat.v1.nn.raw_rnn', 'tf.nn.relu_layer': 'tf.compat.v1.nn.relu_layer', 'tf.nn.rnn_cell.BasicLSTMCell': 'tf.compat.v1.nn.rnn_cell.BasicLSTMCell', 'tf.nn.rnn_cell.BasicRNNCell': 'tf.compat.v1.nn.rnn_cell.BasicRNNCell', 'tf.nn.rnn_cell.DropoutWrapper': 'tf.compat.v1.nn.rnn_cell.DropoutWrapper', 'tf.nn.rnn_cell.GRUCell': 'tf.compat.v1.nn.rnn_cell.GRUCell', 'tf.nn.rnn_cell.LSTMCell': 'tf.compat.v1.nn.rnn_cell.LSTMCell', 'tf.nn.rnn_cell.MultiRNNCell': 'tf.compat.v1.nn.rnn_cell.MultiRNNCell', 'tf.nn.static_bidirectional_rnn': 'tf.compat.v1.nn.static_bidirectional_rnn', 'tf.nn.static_rnn': 'tf.compat.v1.nn.static_rnn', 'tf.nn.uniform_candidate_sampler': 'tf.random.uniform_candidate_sampler', 'tf.nn.xw_plus_b': 'tf.compat.v1.nn.xw_plus_b', 'tf.op_scope': 'tf.compat.v1.op_scope', 'tf.orthogonal_initializer': 'tf.compat.v1.orthogonal_initializer', 'tf.parse_single_sequence_example': 'tf.io.parse_single_sequence_example', 'tf.parse_tensor': 'tf.io.parse_tensor', 'tf.placeholder': 'tf.compat.v1.placeholder', 'tf.placeholder_with_default': 'tf.compat.v1.placeholder_with_default', 'tf.polygamma': 'tf.math.polygamma', 'tf.profiler.AdviceProto': 'tf.compat.v1.profiler.AdviceProto', 'tf.profiler.GraphNodeProto': 'tf.compat.v1.profiler.GraphNodeProto', 'tf.profiler.MultiGraphNodeProto': 'tf.compat.v1.profiler.MultiGraphNodeProto', 'tf.profiler.OpLogProto': 'tf.compat.v1.profiler.OpLogProto', 'tf.profiler.ProfileOptionBuilder': 'tf.compat.v1.profiler.ProfileOptionBuilder', 'tf.profiler.Profiler': 'tf.compat.v1.profiler.Profiler', 'tf.profiler.advise': 'tf.compat.v1.profiler.advise', 'tf.profiler.profile': 'tf.compat.v1.profiler.profile', 'tf.profiler.write_op_log': 'tf.compat.v1.profiler.write_op_log', 'tf.py_func': 'tf.compat.v1.py_func', 'tf.python_io.TFRecordCompressionType': 'tf.io.TFRecordCompressionType', 'tf.python_io.TFRecordOptions': 'tf.io.TFRecordOptions', 'tf.python_io.TFRecordWriter': 'tf.io.TFRecordWriter', 'tf.python_io.tf_record_iterator': 'tf.compat.v1.python_io.tf_record_iterator', 'tf.qr': 'tf.linalg.qr', 'tf.quantize': 'tf.quantization.quantize', 'tf.quantized_concat': 'tf.quantization.quantized_concat', 'tf.ragged.RaggedTensorValue': 'tf.compat.v1.ragged.RaggedTensorValue', 'tf.ragged.constant_value': 'tf.compat.v1.ragged.constant_value', 'tf.random.get_seed': 'tf.compat.v1.random.get_seed', 'tf.random.set_random_seed': 'tf.compat.v1.random.set_random_seed', 'tf.random_crop': 'tf.image.random_crop', 'tf.random_gamma': 'tf.random.gamma', 'tf.random_normal': 'tf.random.normal', 'tf.random_shuffle': 'tf.random.shuffle', 'tf.random_uniform': 'tf.random.uniform', 'tf.read_file': 'tf.io.read_file', 'tf.real': 'tf.math.real', 'tf.reciprocal': 'tf.math.reciprocal', 'tf.regex_replace': 'tf.strings.regex_replace', 'tf.report_uninitialized_variables': 'tf.compat.v1.report_uninitialized_variables', 'tf.reset_default_graph': 'tf.compat.v1.reset_default_graph', 'tf.resource_loader.get_data_files_path': 'tf.compat.v1.resource_loader.get_data_files_path', 'tf.resource_loader.get_path_to_datafile': 'tf.compat.v1.resource_loader.get_path_to_datafile', 'tf.resource_loader.get_root_dir_with_all_resources': 'tf.compat.v1.resource_loader.get_root_dir_with_all_resources', 'tf.resource_loader.load_resource': 'tf.compat.v1.resource_loader.load_resource', 'tf.resource_loader.readahead_file_path': 'tf.compat.v1.resource_loader.readahead_file_path', 'tf.reverse_v2': 'tf.reverse', 'tf.rint': 'tf.math.rint', 'tf.rsqrt': 'tf.math.rsqrt', 'tf.saved_model.Builder': 'tf.compat.v1.saved_model.Builder', 'tf.saved_model.LEGACY_INIT_OP_KEY': 'tf.compat.v1.saved_model.LEGACY_INIT_OP_KEY', 'tf.saved_model.MAIN_OP_KEY': 'tf.compat.v1.saved_model.MAIN_OP_KEY', 'tf.saved_model.build_tensor_info': 'tf.compat.v1.saved_model.build_tensor_info', 'tf.saved_model.builder.SavedModelBuilder': 'tf.compat.v1.saved_model.builder.SavedModelBuilder', 'tf.saved_model.constants.ASSETS_DIRECTORY': 'tf.saved_model.ASSETS_DIRECTORY', 'tf.saved_model.constants.ASSETS_KEY': 'tf.saved_model.ASSETS_KEY', 'tf.saved_model.constants.LEGACY_INIT_OP_KEY': 'tf.compat.v1.saved_model.constants.LEGACY_INIT_OP_KEY', 'tf.saved_model.constants.MAIN_OP_KEY': 'tf.compat.v1.saved_model.constants.MAIN_OP_KEY', 'tf.saved_model.constants.SAVED_MODEL_FILENAME_PB': 'tf.saved_model.SAVED_MODEL_FILENAME_PB', 'tf.saved_model.constants.SAVED_MODEL_FILENAME_PBTXT': 'tf.saved_model.SAVED_MODEL_FILENAME_PBTXT', 'tf.saved_model.constants.SAVED_MODEL_SCHEMA_VERSION': 'tf.saved_model.SAVED_MODEL_SCHEMA_VERSION', 'tf.saved_model.constants.VARIABLES_DIRECTORY': 'tf.saved_model.VARIABLES_DIRECTORY', 'tf.saved_model.constants.VARIABLES_FILENAME': 'tf.saved_model.VARIABLES_FILENAME', 'tf.saved_model.experimental.save': 'tf.saved_model.save', 'tf.saved_model.get_tensor_from_tensor_info': 'tf.compat.v1.saved_model.get_tensor_from_tensor_info', 'tf.saved_model.load': 'tf.compat.v1.saved_model.load', 'tf.saved_model.loader.load': 'tf.compat.v1.saved_model.loader.load', 'tf.saved_model.loader.maybe_saved_model_directory': 'tf.compat.v1.saved_model.loader.maybe_saved_model_directory', 'tf.saved_model.main_op.main_op': 'tf.compat.v1.saved_model.main_op.main_op', 'tf.saved_model.main_op.main_op_with_restore': 'tf.compat.v1.saved_model.main_op.main_op_with_restore', 'tf.saved_model.main_op_with_restore': 'tf.compat.v1.saved_model.main_op_with_restore', 'tf.saved_model.maybe_saved_model_directory': 'tf.compat.v1.saved_model.maybe_saved_model_directory', 'tf.saved_model.signature_constants.CLASSIFY_INPUTS': 'tf.saved_model.CLASSIFY_INPUTS', 'tf.saved_model.signature_constants.CLASSIFY_METHOD_NAME': 'tf.saved_model.CLASSIFY_METHOD_NAME', 'tf.saved_model.signature_constants.CLASSIFY_OUTPUT_CLASSES': 'tf.saved_model.CLASSIFY_OUTPUT_CLASSES', 'tf.saved_model.signature_constants.CLASSIFY_OUTPUT_SCORES': 'tf.saved_model.CLASSIFY_OUTPUT_SCORES', 'tf.saved_model.signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY': 'tf.saved_model.DEFAULT_SERVING_SIGNATURE_DEF_KEY', 'tf.saved_model.signature_constants.PREDICT_INPUTS': 'tf.saved_model.PREDICT_INPUTS', 'tf.saved_model.signature_constants.PREDICT_METHOD_NAME': 'tf.saved_model.PREDICT_METHOD_NAME', 'tf.saved_model.signature_constants.PREDICT_OUTPUTS': 'tf.saved_model.PREDICT_OUTPUTS', 'tf.saved_model.signature_constants.REGRESS_INPUTS': 'tf.saved_model.REGRESS_INPUTS', 'tf.saved_model.signature_constants.REGRESS_METHOD_NAME': 'tf.saved_model.REGRESS_METHOD_NAME', 'tf.saved_model.signature_constants.REGRESS_OUTPUTS': 'tf.saved_model.REGRESS_OUTPUTS', 'tf.saved_model.signature_def_utils.build_signature_def': 'tf.saved_model.build_signature_def', 'tf.saved_model.signature_def_utils.classification_signature_def': 'tf.saved_model.classification_signature_def', 'tf.saved_model.signature_def_utils.is_valid_signature': 'tf.saved_model.is_valid_signature', 'tf.saved_model.signature_def_utils.predict_signature_def': 'tf.saved_model.predict_signature_def', 'tf.saved_model.signature_def_utils.regression_signature_def': 'tf.saved_model.regression_signature_def', 'tf.saved_model.simple_save': 'tf.compat.v1.saved_model.simple_save', 'tf.saved_model.tag_constants.GPU': 'tf.saved_model.GPU', 'tf.saved_model.tag_constants.SERVING': 'tf.saved_model.SERVING', 'tf.saved_model.tag_constants.TPU': 'tf.saved_model.TPU', 'tf.saved_model.tag_constants.TRAINING': 'tf.saved_model.TRAINING', 'tf.saved_model.utils.build_tensor_info': 'tf.compat.v1.saved_model.utils.build_tensor_info', 'tf.saved_model.utils.get_tensor_from_tensor_info': 'tf.compat.v1.saved_model.utils.get_tensor_from_tensor_info', 'tf.scatter_add': 'tf.compat.v1.scatter_add', 'tf.scatter_nd_add': 'tf.compat.v1.scatter_nd_add', 'tf.scatter_nd_sub': 'tf.compat.v1.scatter_nd_sub', 'tf.scatter_nd_update': 'tf.compat.v1.scatter_nd_update', 'tf.scatter_sub': 'tf.compat.v1.scatter_sub', 'tf.scatter_update': 'tf.compat.v1.scatter_update', 'tf.segment_max': 'tf.math.segment_max', 'tf.segment_mean': 'tf.math.segment_mean', 'tf.segment_min': 'tf.math.segment_min', 'tf.segment_prod': 'tf.math.segment_prod', 'tf.segment_sum': 'tf.math.segment_sum', 'tf.self_adjoint_eig': 'tf.linalg.eigh', 'tf.self_adjoint_eigvals': 'tf.linalg.eigvalsh', 'tf.serialize_many_sparse': 'tf.compat.v1.serialize_many_sparse', 'tf.serialize_sparse': 'tf.compat.v1.serialize_sparse', 'tf.serialize_tensor': 'tf.io.serialize_tensor', 'tf.set_random_seed': 'tf.compat.v1.set_random_seed', 'tf.setdiff1d': 'tf.compat.v1.setdiff1d', 'tf.sets.set_difference': 'tf.sets.difference', 'tf.sets.set_intersection': 'tf.sets.intersection', 'tf.sets.set_size': 'tf.sets.size', 'tf.sets.set_union': 'tf.sets.union', 'tf.space_to_depth': 'tf.compat.v1.space_to_depth', 'tf.sparse.matmul': 'tf.sparse.sparse_dense_matmul', 'tf.sparse.merge': 'tf.compat.v1.sparse.merge', 'tf.sparse.placeholder': 'tf.compat.v1.sparse.placeholder', 'tf.sparse.reduce_max_sparse': 'tf.compat.v1.sparse.reduce_max_sparse', 'tf.sparse.reduce_sum_sparse': 'tf.compat.v1.sparse.reduce_sum_sparse', 'tf.sparse_fill_empty_rows': 'tf.sparse.fill_empty_rows', 'tf.sparse_mask': 'tf.sparse.mask', 'tf.sparse_maximum': 'tf.sparse.maximum', 'tf.sparse_merge': 'tf.compat.v1.sparse_merge', 'tf.sparse_minimum': 'tf.sparse.minimum', 'tf.sparse_placeholder': 'tf.compat.v1.sparse_placeholder', 'tf.sparse_reduce_max_sparse': 'tf.compat.v1.sparse_reduce_max_sparse', 'tf.sparse_reduce_sum_sparse': 'tf.compat.v1.sparse_reduce_sum_sparse', 'tf.sparse_reorder': 'tf.sparse.reorder', 'tf.sparse_reset_shape': 'tf.sparse.reset_shape', 'tf.sparse_reshape': 'tf.sparse.reshape', 'tf.sparse_retain': 'tf.sparse.retain', 'tf.sparse_segment_mean': 'tf.compat.v1.sparse_segment_mean', 'tf.sparse_segment_sqrt_n': 'tf.compat.v1.sparse_segment_sqrt_n', 'tf.sparse_segment_sum': 'tf.compat.v1.sparse_segment_sum', 'tf.sparse_slice': 'tf.sparse.slice', 'tf.sparse_softmax': 'tf.sparse.softmax', 'tf.sparse_tensor_dense_matmul': 'tf.sparse.sparse_dense_matmul', 'tf.sparse_tensor_to_dense': 'tf.sparse.to_dense', 'tf.sparse_to_dense': 'tf.compat.v1.sparse_to_dense', 'tf.sparse_to_indicator': 'tf.sparse.to_indicator', 'tf.sparse_transpose': 'tf.sparse.transpose', 'tf.spectral.dct': 'tf.signal.dct', 'tf.spectral.fft': 'tf.signal.fft', 'tf.spectral.fft2d': 'tf.signal.fft2d', 'tf.spectral.fft3d': 'tf.signal.fft3d', 'tf.spectral.idct': 'tf.signal.idct', 'tf.spectral.ifft': 'tf.signal.ifft', 'tf.spectral.ifft2d': 'tf.signal.ifft2d', 'tf.spectral.ifft3d': 'tf.signal.ifft3d', 'tf.spectral.irfft': 'tf.signal.irfft', 'tf.spectral.irfft2d': 'tf.signal.irfft2d', 'tf.spectral.irfft3d': 'tf.signal.irfft3d', 'tf.spectral.rfft': 'tf.signal.rfft', 'tf.spectral.rfft2d': 'tf.signal.rfft2d', 'tf.spectral.rfft3d': 'tf.signal.rfft3d', 'tf.squared_difference': 'tf.math.squared_difference', 'tf.string_join': 'tf.strings.join', 'tf.string_strip': 'tf.strings.strip', 'tf.string_to_hash_bucket_fast': 'tf.strings.to_hash_bucket_fast', 'tf.string_to_hash_bucket_strong': 'tf.strings.to_hash_bucket_strong', 'tf.summary.Event': 'tf.compat.v1.summary.Event', 'tf.summary.FileWriter': 'tf.compat.v1.summary.FileWriter', 'tf.summary.FileWriterCache': 'tf.compat.v1.summary.FileWriterCache', 'tf.summary.SessionLog': 'tf.compat.v1.summary.SessionLog', 'tf.summary.Summary': 'tf.compat.v1.summary.Summary', 'tf.summary.SummaryDescription': 'tf.compat.v1.summary.SummaryDescription', 'tf.summary.TaggedRunMetadata': 'tf.compat.v1.summary.TaggedRunMetadata', 'tf.summary.audio': 'tf.compat.v1.summary.audio', 'tf.summary.get_summary_description': 'tf.compat.v1.summary.get_summary_description', 'tf.summary.histogram': 'tf.compat.v1.summary.histogram', 'tf.summary.image': 'tf.compat.v1.summary.image', 'tf.summary.merge': 'tf.compat.v1.summary.merge', 'tf.summary.merge_all': 'tf.compat.v1.summary.merge_all', 'tf.summary.scalar': 'tf.compat.v1.summary.scalar', 'tf.summary.tensor_summary': 'tf.compat.v1.summary.tensor_summary', 'tf.summary.text': 'tf.compat.v1.summary.text', 'tf.svd': 'tf.linalg.svd', 'tf.tables_initializer': 'tf.compat.v1.tables_initializer', 'tf.test.StubOutForTesting': 'tf.compat.v1.test.StubOutForTesting', 'tf.test.compute_gradient': 'tf.compat.v1.test.compute_gradient', 'tf.test.compute_gradient_error': 'tf.compat.v1.test.compute_gradient_error', 'tf.test.get_temp_dir': 'tf.compat.v1.test.get_temp_dir', 'tf.test.mock': 'tf.compat.v1.test.mock', 'tf.test.test_src_dir_path': 'tf.compat.v1.test.test_src_dir_path', 'tf.to_bfloat16': 'tf.compat.v1.to_bfloat16', 'tf.to_complex128': 'tf.compat.v1.to_complex128', 'tf.to_complex64': 'tf.compat.v1.to_complex64', 'tf.to_double': 'tf.compat.v1.to_double', 'tf.to_float': 'tf.compat.v1.to_float', 'tf.to_int32': 'tf.compat.v1.to_int32', 'tf.to_int64': 'tf.compat.v1.to_int64', 'tf.trace': 'tf.linalg.trace', 'tf.train.AdadeltaOptimizer': 'tf.compat.v1.train.AdadeltaOptimizer', 'tf.train.AdagradDAOptimizer': 'tf.compat.v1.train.AdagradDAOptimizer', 'tf.train.AdagradOptimizer': 'tf.compat.v1.train.AdagradOptimizer', 'tf.train.AdamOptimizer': 'tf.compat.v1.train.AdamOptimizer', 'tf.train.CheckpointSaverHook': 'tf.estimator.CheckpointSaverHook', 'tf.train.CheckpointSaverListener': 'tf.estimator.CheckpointSaverListener', 'tf.train.ChiefSessionCreator': 'tf.compat.v1.train.ChiefSessionCreator', 'tf.train.FeedFnHook': 'tf.estimator.FeedFnHook', 'tf.train.FinalOpsHook': 'tf.estimator.FinalOpsHook', 'tf.train.FtrlOptimizer': 'tf.compat.v1.train.FtrlOptimizer', 'tf.train.GlobalStepWaiterHook': 'tf.estimator.GlobalStepWaiterHook', 'tf.train.GradientDescentOptimizer': 'tf.compat.v1.train.GradientDescentOptimizer', 'tf.train.LoggingTensorHook': 'tf.estimator.LoggingTensorHook', 'tf.train.LooperThread': 'tf.compat.v1.train.LooperThread', 'tf.train.MomentumOptimizer': 'tf.compat.v1.train.MomentumOptimizer', 'tf.train.MonitoredSession': 'tf.compat.v1.train.MonitoredSession', 'tf.train.MonitoredTrainingSession': 'tf.compat.v1.train.MonitoredTrainingSession', 'tf.train.NanLossDuringTrainingError': 'tf.estimator.NanLossDuringTrainingError', 'tf.train.NanTensorHook': 'tf.estimator.NanTensorHook', 'tf.train.NewCheckpointReader': 'tf.compat.v1.train.NewCheckpointReader', 'tf.train.Optimizer': 'tf.compat.v1.train.Optimizer', 'tf.train.ProfilerHook': 'tf.estimator.ProfilerHook', 'tf.train.ProximalAdagradOptimizer': 'tf.compat.v1.train.ProximalAdagradOptimizer', 'tf.train.ProximalGradientDescentOptimizer': 'tf.compat.v1.train.ProximalGradientDescentOptimizer', 'tf.train.QueueRunner': 'tf.compat.v1.train.QueueRunner', 'tf.train.RMSPropOptimizer': 'tf.compat.v1.train.RMSPropOptimizer', 'tf.train.Saver': 'tf.compat.v1.train.Saver', 'tf.train.SaverDef': 'tf.compat.v1.train.SaverDef', 'tf.train.Scaffold': 'tf.compat.v1.train.Scaffold', 'tf.train.SecondOrStepTimer': 'tf.estimator.SecondOrStepTimer', 'tf.train.Server': 'tf.distribute.Server', 'tf.train.SessionCreator': 'tf.compat.v1.train.SessionCreator', 'tf.train.SessionManager': 'tf.compat.v1.train.SessionManager', 'tf.train.SessionRunArgs': 'tf.estimator.SessionRunArgs', 'tf.train.SessionRunContext': 'tf.estimator.SessionRunContext', 'tf.train.SessionRunHook': 'tf.estimator.SessionRunHook', 'tf.train.SessionRunValues': 'tf.estimator.SessionRunValues', 'tf.train.SingularMonitoredSession': 'tf.compat.v1.train.SingularMonitoredSession', 'tf.train.StepCounterHook': 'tf.estimator.StepCounterHook', 'tf.train.StopAtStepHook': 'tf.estimator.StopAtStepHook', 'tf.train.SummarySaverHook': 'tf.estimator.SummarySaverHook', 'tf.train.Supervisor': 'tf.compat.v1.train.Supervisor', 'tf.train.SyncReplicasOptimizer': 'tf.compat.v1.train.SyncReplicasOptimizer', 'tf.train.VocabInfo': 'tf.estimator.VocabInfo', 'tf.train.WorkerSessionCreator': 'tf.compat.v1.train.WorkerSessionCreator', 'tf.train.add_queue_runner': 'tf.compat.v1.train.add_queue_runner', 'tf.train.assert_global_step': 'tf.compat.v1.train.assert_global_step', 'tf.train.basic_train_loop': 'tf.compat.v1.train.basic_train_loop', 'tf.train.batch': 'tf.compat.v1.train.batch', 'tf.train.batch_join': 'tf.compat.v1.train.batch_join', 'tf.train.checkpoint_exists': 'tf.compat.v1.train.checkpoint_exists', 'tf.train.create_global_step': 'tf.compat.v1.train.create_global_step', 'tf.train.do_quantize_training_on_graphdef': 'tf.compat.v1.train.do_quantize_training_on_graphdef', 'tf.train.export_meta_graph': 'tf.compat.v1.train.export_meta_graph', 'tf.train.generate_checkpoint_state_proto': 'tf.compat.v1.train.generate_checkpoint_state_proto', 'tf.train.get_checkpoint_mtimes': 'tf.compat.v1.train.get_checkpoint_mtimes', 'tf.train.get_global_step': 'tf.compat.v1.train.get_global_step', 'tf.train.get_or_create_global_step': 'tf.compat.v1.train.get_or_create_global_step', 'tf.train.global_step': 'tf.compat.v1.train.global_step', 'tf.train.import_meta_graph': 'tf.compat.v1.train.import_meta_graph', 'tf.train.init_from_checkpoint': 'tf.compat.v1.train.init_from_checkpoint', 'tf.train.input_producer': 'tf.compat.v1.train.input_producer', 'tf.train.limit_epochs': 'tf.compat.v1.train.limit_epochs', 'tf.train.match_filenames_once': 'tf.io.match_filenames_once', 'tf.train.maybe_batch': 'tf.compat.v1.train.maybe_batch', 'tf.train.maybe_batch_join': 'tf.compat.v1.train.maybe_batch_join', 'tf.train.maybe_shuffle_batch': 'tf.compat.v1.train.maybe_shuffle_batch', 'tf.train.maybe_shuffle_batch_join': 'tf.compat.v1.train.maybe_shuffle_batch_join', 'tf.train.piecewise_constant': 'tf.compat.v1.train.piecewise_constant', 'tf.train.queue_runner.QueueRunner': 'tf.compat.v1.train.queue_runner.QueueRunner', 'tf.train.queue_runner.add_queue_runner': 'tf.compat.v1.train.queue_runner.add_queue_runner', 'tf.train.queue_runner.start_queue_runners': 'tf.compat.v1.train.queue_runner.start_queue_runners', 'tf.train.range_input_producer': 'tf.compat.v1.train.range_input_producer', 'tf.train.remove_checkpoint': 'tf.compat.v1.train.remove_checkpoint', 'tf.train.replica_device_setter': 'tf.compat.v1.train.replica_device_setter', 'tf.train.shuffle_batch': 'tf.compat.v1.train.shuffle_batch', 'tf.train.shuffle_batch_join': 'tf.compat.v1.train.shuffle_batch_join', 'tf.train.slice_input_producer': 'tf.compat.v1.train.slice_input_producer', 'tf.train.start_queue_runners': 'tf.compat.v1.train.start_queue_runners', 'tf.train.string_input_producer': 'tf.compat.v1.train.string_input_producer', 'tf.train.summary_iterator': 'tf.compat.v1.train.summary_iterator', 'tf.train.update_checkpoint_state': 'tf.compat.v1.train.update_checkpoint_state', 'tf.train.warm_start': 'tf.compat.v1.train.warm_start', 'tf.train.write_graph': 'tf.io.write_graph', 'tf.trainable_variables': 'tf.compat.v1.trainable_variables', 'tf.truncated_normal': 'tf.random.truncated_normal', 'tf.uniform_unit_scaling_initializer': 'tf.compat.v1.uniform_unit_scaling_initializer', 'tf.unsorted_segment_max': 'tf.math.unsorted_segment_max', 'tf.unsorted_segment_mean': 'tf.math.unsorted_segment_mean', 'tf.unsorted_segment_min': 'tf.math.unsorted_segment_min', 'tf.unsorted_segment_prod': 'tf.math.unsorted_segment_prod', 'tf.unsorted_segment_sqrt_n': 'tf.math.unsorted_segment_sqrt_n', 'tf.unsorted_segment_sum': 'tf.math.unsorted_segment_sum', 'tf.variable_axis_size_partitioner': 'tf.compat.v1.variable_axis_size_partitioner', 'tf.variable_op_scope': 'tf.compat.v1.variable_op_scope', 'tf.variable_scope': 'tf.compat.v1.variable_scope', 'tf.variables_initializer': 'tf.compat.v1.variables_initializer', 'tf.variance_scaling_initializer': 'tf.compat.v1.variance_scaling_initializer', 'tf.verify_tensor_all_finite': 'tf.compat.v1.verify_tensor_all_finite', 'tf.wrap_function': 'tf.compat.v1.wrap_function', 'tf.write_file': 'tf.io.write_file', 'tf.zeta': 'tf.math.zeta' }
64.935743
128
0.744284
7c4b952636f3e94167bbd00880673a8dc5635803
2,278
py
Python
deep_speech_2/decoder.py
Canpio/models
72874de98fba93592edee42b776e3d876b1d5504
[ "Apache-2.0" ]
1
2020-11-19T14:47:28.000Z
2020-11-19T14:47:28.000Z
deep_speech_2/decoder.py
JiayiFeng/models
72874de98fba93592edee42b776e3d876b1d5504
[ "Apache-2.0" ]
null
null
null
deep_speech_2/decoder.py
JiayiFeng/models
72874de98fba93592edee42b776e3d876b1d5504
[ "Apache-2.0" ]
null
null
null
""" CTC-like decoder utilitis. """ from itertools import groupby import numpy as np def ctc_best_path_decode(probs_seq, vocabulary): """ Best path decoding, also called argmax decoding or greedy decoding. Path consisting of the most probable tokens are further post-processed to remove consecutive repetitions and all blanks. :param probs_seq: 2-D list of probabilities over the vocabulary for each character. Each element is a list of float probabilities for one character. :type probs_seq: list :param vocabulary: Vocabulary list. :type vocabulary: list :return: Decoding result string. :rtype: baseline """ # dimension verification for probs in probs_seq: if not len(probs) == len(vocabulary) + 1: raise ValueError("probs_seq dimension mismatchedd with vocabulary") # argmax to get the best index for each time step max_index_list = list(np.array(probs_seq).argmax(axis=1)) # remove consecutive duplicate indexes index_list = [index_group[0] for index_group in groupby(max_index_list)] # remove blank indexes blank_index = len(vocabulary) index_list = [index for index in index_list if index != blank_index] # convert index list to string return ''.join([vocabulary[index] for index in index_list]) def ctc_decode(probs_seq, vocabulary, method): """ CTC-like sequence decoding from a sequence of likelihood probablilites. :param probs_seq: 2-D list of probabilities over the vocabulary for each character. Each element is a list of float probabilities for one character. :type probs_seq: list :param vocabulary: Vocabulary list. :type vocabulary: list :param method: Decoding method name, with options: "best_path". :type method: basestring :return: Decoding result string. :rtype: baseline """ for prob_list in probs_seq: if not len(prob_list) == len(vocabulary) + 1: raise ValueError("probs dimension mismatchedd with vocabulary") if method == "best_path": return ctc_best_path_decode(probs_seq, vocabulary) else: raise ValueError("Decoding method [%s] is not supported.")
37.344262
79
0.68525
7c4bb1688cf1e8399ddcf1585b39fc36418f8801
827
py
Python
modules/gitbox/files/asfgit/hooks/sync.py
Humbedooh/infrastructure-puppet
a85f797d847b80e877cd5b7c66513970f6f80703
[ "Apache-2.0" ]
1
2019-06-09T10:25:04.000Z
2019-06-09T10:25:04.000Z
modules/gitbox/files/asfgit/hooks/sync.py
Humbedooh/infrastructure-puppet
a85f797d847b80e877cd5b7c66513970f6f80703
[ "Apache-2.0" ]
1
2020-05-08T07:07:43.000Z
2020-05-08T07:07:43.000Z
modules/gitbox/files/asfgit/hooks/sync.py
Humbedooh/infrastructure-puppet
a85f797d847b80e877cd5b7c66513970f6f80703
[ "Apache-2.0" ]
1
2019-12-31T07:28:19.000Z
2019-12-31T07:28:19.000Z
#!/usr/local/bin/python import json import socket import sys import asfgit.cfg as cfg import asfgit.git as git import asfgit.log as log import asfgit.util as util import subprocess, os, time
30.62963
98
0.613059
7c4c2493de449c01316f5bf624115a0a13bde60f
9,598
py
Python
rosimport/_rosdef_loader.py
asmodehn/rosimport
c63e4769650b1cf19f23fbaa65a356ffae20a536
[ "MIT" ]
5
2017-11-11T18:26:28.000Z
2019-06-12T08:47:58.000Z
rosimport/_rosdef_loader.py
asmodehn/rosimport
c63e4769650b1cf19f23fbaa65a356ffae20a536
[ "MIT" ]
8
2017-06-30T08:28:46.000Z
2017-07-18T04:50:18.000Z
rosimport/_rosdef_loader.py
pyros-dev/rosimport
c63e4769650b1cf19f23fbaa65a356ffae20a536
[ "MIT" ]
null
null
null
from __future__ import absolute_import, division, print_function import contextlib import importlib import site import tempfile import shutil from rosimport import genrosmsg_py, genrossrv_py """ A module to setup custom importer for .msg and .srv files Upon import, it will first find the .msg file, then generate the python module for it, then load it. TODO... """ # We need to be extra careful with python versions # Ref : https://docs.python.org/dev/library/importlib.html#importlib.import_module # Ref : http://stackoverflow.com/questions/67631/how-to-import-a-module-given-the-full-path # Note : Couldn't find a way to make imp.load_source deal with packages or relative imports (necessary for our generated message classes) import os import sys import logging # Class to allow dynamic search of packages # singleton instance, to keep used ros package paths in cache ros_import_search_path = RosSearchPath() def RosLoader(rosdef_extension): """ Function generating ROS loaders. This is used to keep .msg and .srv loaders very similar """ if rosdef_extension == '.msg': loader_origin_subdir = 'msg' loader_file_extension = rosdef_extension loader_generated_subdir = 'msg' loader_generator = genrosmsg_py elif rosdef_extension == '.srv': loader_origin_subdir = 'srv' loader_file_extension = rosdef_extension loader_generated_subdir = 'srv' loader_generator = genrossrv_py else: raise RuntimeError("RosLoader for a format {0} other than .msg or .srv is not supported".format(rosdef_extension)) import filefinder2.machinery return ROSDefLoader ROSMsgLoader = RosLoader(rosdef_extension='.msg') ROSSrvLoader = RosLoader(rosdef_extension='.srv')
44.435185
137
0.620025
7c4c786476fcedafe44d921c5dfd79a0be6d09a1
1,093
py
Python
PyLeague/logger.py
Ahuge/PyLeague
ee8a14061c44c1c26a5102a05e33ad820f2b1b63
[ "MIT" ]
null
null
null
PyLeague/logger.py
Ahuge/PyLeague
ee8a14061c44c1c26a5102a05e33ad820f2b1b63
[ "MIT" ]
null
null
null
PyLeague/logger.py
Ahuge/PyLeague
ee8a14061c44c1c26a5102a05e33ad820f2b1b63
[ "MIT" ]
null
null
null
import sys log = NotALogger() __all__ = ["log"]
19.175439
47
0.426349
7c4d61daea2ec370e51d0a70c14c812f08cd827f
1,491
py
Python
setup.py
swtwsk/dbt-airflow-manifest-parser
fae0049fb8ff3bc7a78488a48a31023f67fbeef3
[ "Apache-2.0" ]
null
null
null
setup.py
swtwsk/dbt-airflow-manifest-parser
fae0049fb8ff3bc7a78488a48a31023f67fbeef3
[ "Apache-2.0" ]
null
null
null
setup.py
swtwsk/dbt-airflow-manifest-parser
fae0049fb8ff3bc7a78488a48a31023f67fbeef3
[ "Apache-2.0" ]
null
null
null
"""dbt_airflow_factory module.""" from setuptools import find_packages, setup with open("README.md") as f: README = f.read() # Runtime Requirements. INSTALL_REQUIRES = ["pytimeparse==1.1.8"] # Dev Requirements EXTRA_REQUIRE = { "tests": [ "pytest>=6.2.2, <7.0.0", "pytest-cov>=2.8.0, <3.0.0", "tox==3.21.1", "pre-commit==2.9.3", "pandas==1.2.5", "apache-airflow[kubernetes]==2.2.0", ], "docs": [ "sphinx==4.3.1", "sphinx-rtd-theme==1.0.0", "sphinx-click>=3.0,<3.1", "myst-parser>=0.16, <0.17", "docutils>=0.17,<0.18", ], } setup( name="dbt-airflow-factory", version="0.18.0", description="Library to convert DBT manifest metadata to Airflow tasks", long_description=README, long_description_content_type="text/markdown", license="Apache Software License (Apache 2.0)", python_requires=">=3", classifiers=[ "Development Status :: 3 - Alpha", "Programming Language :: Python :: 3.7", "Programming Language :: Python :: 3.8", ], keywords="dbt airflow manifest parser python", author=u"Piotr Pekala", author_email="[email protected]", url="https://github.com/getindata/dbt-airflow-factory/", packages=find_packages(exclude=["ez_setup", "examples", "tests", "docs"]), include_package_data=True, zip_safe=False, install_requires=INSTALL_REQUIRES, extras_require=EXTRA_REQUIRE, )
28.132075
78
0.613011
7c4e547145402a4cf7056e9aeb596f38cf59e239
173
py
Python
nightlightpi/errorstrings.py
jmb/NightLightPi
82f5d37a35e3457e31ca100524011908e5b33c4d
[ "MIT" ]
2
2018-10-01T21:45:22.000Z
2020-07-26T09:07:09.000Z
nightlightpi/errorstrings.py
jmb/NightLightPi
82f5d37a35e3457e31ca100524011908e5b33c4d
[ "MIT" ]
4
2017-09-29T19:19:07.000Z
2019-10-08T05:15:29.000Z
nightlightpi/errorstrings.py
jmb/NightLightPi
82f5d37a35e3457e31ca100524011908e5b33c4d
[ "MIT" ]
4
2017-10-08T22:08:25.000Z
2019-10-20T06:03:47.000Z
# -*- coding: utf-8; -*- """Define error strings raised by the application.""" MISSING_CONFIG_VALUE = """ '{0}' is not specified or invalid in the config file! """.strip()
24.714286
53
0.65896
7c4f383bc1d3e78bec978541f8102910be2e6494
1,489
py
Python
karabo_bridge/tests/test_serialize.py
European-XFEL/karabo-bridge-py
c4b2847b837ae7156640cb8f787fcf96ac7f632e
[ "BSD-3-Clause" ]
6
2018-01-23T15:20:43.000Z
2022-02-28T13:20:50.000Z
karabo_bridge/tests/test_serialize.py
European-XFEL/karabo-bridge
a56f2bb57eecd49ebcdc9077234df8e76e725a6f
[ "BSD-3-Clause" ]
43
2018-01-24T16:12:49.000Z
2021-05-27T14:56:42.000Z
karabo_bridge/tests/test_serialize.py
European-XFEL/karabo-bridge
a56f2bb57eecd49ebcdc9077234df8e76e725a6f
[ "BSD-3-Clause" ]
4
2018-03-04T10:09:43.000Z
2018-05-03T14:49:27.000Z
import numpy as np import pytest from karabo_bridge import serialize, deserialize from .utils import compare_nested_dict
31.020833
87
0.715917
7c4fc346cb91cacd807ee64d79b21152c687d93c
2,029
py
Python
indico/testing/fixtures/util.py
bpedersen2/indico
8410ee5f8f8530a8692f3dd2d4015c3074b0aa30
[ "MIT" ]
1
2021-12-27T17:51:27.000Z
2021-12-27T17:51:27.000Z
indico/testing/fixtures/util.py
bpedersen2/indico
8410ee5f8f8530a8692f3dd2d4015c3074b0aa30
[ "MIT" ]
5
2021-04-08T19:26:47.000Z
2022-01-24T16:30:18.000Z
indico/testing/fixtures/util.py
bpedersen2/indico
8410ee5f8f8530a8692f3dd2d4015c3074b0aa30
[ "MIT" ]
2
2019-02-24T17:29:10.000Z
2021-04-08T19:23:27.000Z
# This file is part of Indico. # Copyright (C) 2002 - 2021 CERN # # Indico is free software; you can redistribute it and/or # modify it under the terms of the MIT License; see the # LICENSE file for more details. import inspect from datetime import datetime import freezegun import pytest from sqlalchemy import DateTime, cast from sqlalchemy.sql.functions import _FunctionGenerator
32.725806
80
0.706752
7c508b5e90ac0bb6b42082e2791baf6ee6cd6d24
704
py
Python
config.py
RomashkaGang/Update_Checker
1763ec5d8110462a72f5015abdc5c5be3e3c9498
[ "MIT" ]
null
null
null
config.py
RomashkaGang/Update_Checker
1763ec5d8110462a72f5015abdc5c5be3e3c9498
[ "MIT" ]
null
null
null
config.py
RomashkaGang/Update_Checker
1763ec5d8110462a72f5015abdc5c5be3e3c9498
[ "MIT" ]
null
null
null
#!/usr/bin/env python3 # encoding: utf-8 import os # # DEBUG_ENABLE = False # SQLite SQLITE_FILE = "saved.db" # LOG_FILE = "log.txt" # ENABLE_LOGGER = True # (: 180) LOOP_CHECK_INTERVAL = 180 * 60 # PROXIES = "127.0.0.1:1080" # TIMEOUT = 20 # Socks5 IS_SOCKS = False # TG BOT ENABLE_SENDMESSAGE = False # TG BOT TOKEN TG_TOKEN = os.environ.get("TG_TOKEN", "") # ... TG_SENDTO = os.environ.get("TG_SENDTO", "") if IS_SOCKS: _PROXIES_DIC = {"http": "socks5h://%s" % PROXIES, "https": "socks5h://%s" % PROXIES} else: _PROXIES_DIC = {"http": PROXIES, "https": PROXIES}
16
88
0.681818
7c51d040f9ea88aa996e0a5f03d0e36f5bd442f2
1,692
py
Python
cmdb-compliance/biz/handlers/asset_hipaa_data.py
zjj1002/aws-cloud-cmdb-system
47982007688e5db1272435891cb654ab11d0d60a
[ "Apache-2.0" ]
null
null
null
cmdb-compliance/biz/handlers/asset_hipaa_data.py
zjj1002/aws-cloud-cmdb-system
47982007688e5db1272435891cb654ab11d0d60a
[ "Apache-2.0" ]
1
2022-01-04T13:53:16.000Z
2022-01-04T13:53:16.000Z
cmdb-compliance/biz/handlers/asset_hipaa_data.py
zjj1002/aws-cloud-cmdb-system
47982007688e5db1272435891cb654ab11d0d60a
[ "Apache-2.0" ]
null
null
null
from sqlalchemy import or_ from websdk.db_context import DBContext from libs.base_handler import BaseHandler from libs.pagination import pagination_util from models.hipaa_data import HipaaData, model_to_dict hipaa_data_host_urls = [ (r"/v1/cmdb/hipaa_data/", HipaaDataHandler), ] if __name__ == '__main__': pass
36.782609
72
0.544326
7c51d615d63f8eb8639b0e23a11927b8ddf8f7ce
567
py
Python
scripts/count.py
hellocit/kadai2
896acc2394ea522d4b0d32db31321aea5b5f5dbd
[ "BSD-3-Clause" ]
null
null
null
scripts/count.py
hellocit/kadai2
896acc2394ea522d4b0d32db31321aea5b5f5dbd
[ "BSD-3-Clause" ]
null
null
null
scripts/count.py
hellocit/kadai2
896acc2394ea522d4b0d32db31321aea5b5f5dbd
[ "BSD-3-Clause" ]
null
null
null
#!/usr/bin/env python3 import rospy from std_msgs.msg import Int32 import time rospy.init_node('count') # count pub = rospy.Publisher('count_up', Int32, queue_size=1) # count_up rate = rospy.Rate(10) # 10Hz n = 0 time.sleep(2) while not rospy.is_shutdown(): n += 1 if n % 3 == 0: print("%d" % n) pub.publish(n) else: pub.publish(n) if n == 227: print("\nThis is unko\n") rate.sleep()
24.652174
77
0.502646
7c5207cb66825a5b72fe13d9cb2fcbddac1440f5
412,069
py
Python
snmp/nav/smidumps/ZyXEL_GS4012F_mib.py
alexanderfefelov/nav-add-ons
c63d6942a9b8b1bf220efd7d33fb6be5f6bbb8af
[ "MIT" ]
null
null
null
snmp/nav/smidumps/ZyXEL_GS4012F_mib.py
alexanderfefelov/nav-add-ons
c63d6942a9b8b1bf220efd7d33fb6be5f6bbb8af
[ "MIT" ]
17
2020-09-17T15:00:31.000Z
2021-06-05T02:54:34.000Z
snmp/nav/smidumps/ZyXEL_GS4012F_mib.py
alexanderfefelov/nav-add-ons
c63d6942a9b8b1bf220efd7d33fb6be5f6bbb8af
[ "MIT" ]
null
null
null
# python version 1.0 DO NOT EDIT # # Generated by smidump version 0.4.8: # # smidump -f python ZYXEL-GS4012F-MIB FILENAME = "mibs/ZyXEL/zyxel-GS4012F.mib" MIB = { "moduleName" : "ZYXEL-GS4012F-MIB", "ZYXEL-GS4012F-MIB" : { "nodetype" : "module", "language" : "SMIv2", "organization" : """ZyXEL""", "contact" : """""", "description" : """Fault event trap definitions""", "revisions" : ( { "date" : "2004-11-03 12:00", "description" : """[Revision added by libsmi due to a LAST-UPDATED clause.]""", }, { "date" : "2004-11-01 12:00", "description" : """[Revision added by libsmi due to a LAST-UPDATED clause.]""", }, ), "identity node" : "faultTrapsMIB", }, "imports" : ( {"module" : "RFC1155-SMI", "name" : "enterprises"}, {"module" : "SNMPv2-SMI", "name" : "OBJECT-TYPE"}, {"module" : "SNMPv2-TC", "name" : "RowStatus"}, {"module" : "SNMPv2-TC", "name" : "DateAndTime"}, {"module" : "SNMPv2-TC", "name" : "TruthValue"}, {"module" : "SNMPv2-TC", "name" : "StorageType"}, {"module" : "SNMPv2-TC", "name" : "MacAddress"}, {"module" : "RFC1213-MIB", "name" : "DisplayString"}, {"module" : "P-BRIDGE-MIB", "name" : "EnabledStatus"}, {"module" : "Q-BRIDGE-MIB", "name" : "PortList"}, {"module" : "BRIDGE-MIB", "name" : "dot1dBasePort"}, {"module" : "IF-MIB", "name" : "InterfaceIndexOrZero"}, {"module" : "SNMP-FRAMEWORK-MIB", "name" : "SnmpAdminString"}, {"module" : "INET-ADDRESS-MIB", "name" : "InetAddressType"}, {"module" : "INET-ADDRESS-MIB", "name" : "InetAddress"}, {"module" : "DISMAN-PING-MIB", "name" : "OperationResponseStatus"}, {"module" : "OSPF-MIB", "name" : "ospfIfIpAddress"}, {"module" : "OSPF-MIB", "name" : "ospfAddressLessIf"}, {"module" : "OSPF-MIB", "name" : "ospfAreaId"}, {"module" : "OSPF-MIB", "name" : "ospfNbrIpAddr"}, {"module" : "OSPF-MIB", "name" : "ospfNbrAddressLessIndex"}, {"module" : "OSPF-MIB", "name" : "ospfLsdbAreaId"}, {"module" : "OSPF-MIB", "name" : "ospfLsdbType"}, {"module" : "OSPF-MIB", "name" : "ospfLsdbLSID"}, {"module" : "OSPF-MIB", "name" : "ospfLsdbRouterId"}, {"module" : "OSPF-MIB", "name" : "ospfVirtIfAreaID"}, {"module" : "OSPF-MIB", "name" : "ospfVirtIfNeighbor"}, {"module" : "BRIDGE-MIB", "name" : "BridgeId"}, {"module" : "BRIDGE-MIB", "name" : "Timeout"}, ), "typedefs" : { "UtcTimeStamp" : { "basetype" : "Unsigned32", "status" : "current", "description" : """Universal Time Coordinated as a 32-bit value that designates the number of seconds since Jan 1, 1970 12:00AM.""", }, "EventIdNumber" : { "basetype" : "Integer32", "status" : "current", "description" : """This textual convention describes the index that uniquely identifies a fault event type in the entire system. Every fault event type, e.g. link down, has a unique EventIdNumber.""", }, "EventSeverity" : { "basetype" : "Enumeration", "status" : "current", "critical" : { "nodetype" : "namednumber", "number" : "1" }, "major" : { "nodetype" : "namednumber", "number" : "2" }, "minor" : { "nodetype" : "namednumber", "number" : "3" }, "informational" : { "nodetype" : "namednumber", "number" : "4" }, "description" : """This textual convention describes the severity of a fault event. The decreasing order of severity is shown in the textual convention.""", }, "EventServiceAffective" : { "basetype" : "Enumeration", "status" : "current", "noServiceAffected" : { "nodetype" : "namednumber", "number" : "1" }, "serviceAffected" : { "nodetype" : "namednumber", "number" : "2" }, "description" : """This textual convention indicates whether an event is immediately service affecting or not.""", }, "InstanceType" : { "basetype" : "Enumeration", "status" : "current", "unknown" : { "nodetype" : "namednumber", "number" : "1" }, "node" : { "nodetype" : "namednumber", "number" : "2" }, "shelf" : { "nodetype" : "namednumber", "number" : "3" }, "line" : { "nodetype" : "namednumber", "number" : "4" }, "switch" : { "nodetype" : "namednumber", "number" : "5" }, "lsp" : { "nodetype" : "namednumber", "number" : "6" }, "l2Interface" : { "nodetype" : "namednumber", "number" : "7" }, "l3Interface" : { "nodetype" : "namednumber", "number" : "8" }, "rowIndex" : { "nodetype" : "namednumber", "number" : "9" }, "description" : """This textual convention describes the type of an instanceId associated with each event and by that means specifies how the instanceId variable should be intepreted. Various instanceId types are specified below to enable fault monitoring for different kind of devices from fixed configuration pizza boxes to multi chassis nodes. All instanceId types may not need to be used in every device type. Note also that instanceId semantics are element type dependent (e.g. different kind of interface naming conventions may be used) and thus instanceId usage may vary from element to element. ========================================================================= Type Description Example form of InstanceId ========================================================================= unknown (1) unknown type - Irrelevant- ------------------------------------------------------------------------- node (2) Associated with events originating from 1 the node. Used for general events that (Node number) can not be associated with any specific block. InstanceId value 1 is used for single node equipment. ------------------------------------------------------------------------- shelf (3) Associated with events originating from 1 the shelf. In the case of fixed (shelf number) configuration devices this type is used for events that are associated with the physical enclosure, e.g. faults related to fan etc. InstanceId value 1 is used for single self equipment. ------------------------------------------------------------------------- line (4) Associated with events originating from physical interfaces or associated components such as line cards. InstanceId usage examples for faults originating from: - Physical port: Simply port number, e.g. .......1 ------------------------------------------------------------------------- switch (5) Associated with events originating from 1 from a switch chip or a switch card. (switch number) For single switch equipment InstanceId value 1 is used, for multi swich nodes InstanceId semantics if for further study. ------------------------------------------------------------------------- lsp (6) Associated with events originating from 1 a particular lsp. (lsp index) NOTE: In this case the InstanceName contains the lsp name and InstanceId contains lsp index. ------------------------------------------------------------------------- l2Interface(7) Associated with events originating from - TBD - a particular layer 2 interface. Used for layer 2 related events such as L2 control protocol faults. InstanceId semantics is for further study. ------------------------------------------------------------------------- l3Interface(8) Associated with events originating from - TBD - a particular layer 3 interface. Used for layer 3 related events such as L3 control protocol faults. InstanceId semantics is for further study. ------------------------------------------------------------------------- rowIndex (9) Associated with events reporting about a 'logical' or conceptual table that consists of rows. The Instance Id is the index/key for a row in the table. The format of the Instance Id will simply be a series of decimal numbers seperated by a '.': =========================================================================""", }, "EventPersistence" : { "basetype" : "Enumeration", "status" : "current", "normal" : { "nodetype" : "namednumber", "number" : "1" }, "delta" : { "nodetype" : "namednumber", "number" : "2" }, "description" : """This textual convention indicates whether the event is delta (automatically and immediately cleared) or normal (not automatically cleared).""", }, "MstiOrCistInstanceIndex" : { "basetype" : "Integer32", "status" : "current", "ranges" : [ { "min" : "0", "max" : "16" }, ], "range" : { "min" : "0", "max" : "16" }, "description" : """This textual convention is an extension of the MstiInstanceIndex convention. This extension permits the additional value of zero, which means Common and Internal Spanning Tree (CIST).""", }, }, # typedefs "nodes" : { "zyxel" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890", }, # node "products" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1", }, # node "accessSwitch" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5", }, # node "esSeries" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8", }, # node "gs4012f" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20", }, # node "sysInfo" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1", }, # node "sysSwPlatformMajorVers" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """SW platform major version, e.g. 3.""", }, # scalar "sysSwPlatformMinorVers" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """SW platform minor version, e.g. 50.""", }, # scalar "sysSwModelString" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """Model letters, e.g. TJ""", }, # scalar "sysSwVersionControlNbr" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Version control number, e.g. 0.""", }, # scalar "sysSwDay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """SW compilation day, e.g. 19.""", }, # scalar "sysSwMonth" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """SW compilation month, e.g. 8.""", }, # scalar "sysSwYear" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """SW compilation year, e.g. 2004.""", }, # scalar "sysHwMajorVers" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """HW major version number, e.g. 1.""", }, # scalar "sysHwMinorVers" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """HW minor version number, e.g. 0.""", }, # scalar "sysSerialNumber" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.1.10", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """Serial number""", }, # scalar "rateLimitSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2", }, # node "rateLimitState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Ingress/egress rate limiting enabled/disabled for the switch.""", }, # scalar "rateLimitPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2", "status" : "current", "description" : """""", }, # table "rateLimitPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in rateLimitPortTable.""", }, # row "rateLimitPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Ingress/egress rate limiting enabled/disabled on the port.""", }, # column "rateLimitPortCommitRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Commit rate in Kbit/s. The range of FE port is between 0 and 100,000. For GE port, the range is between 0 and 1000,000.""", }, # column "rateLimitPortPeakRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Peak rate in Kbit/s. The range of FE port is between 1 and 100,000. For GE port, the range is between 1 and 1000,000.""", }, # column "rateLimitPortEgrRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Egress rate in Mbit/s. The granularity of FE port is between 1 and 100. For GE port, the granularity is between 1 and 1000.""", }, # column "rateLimitPortPeakState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Ingress peak rate limiting enabled/disabled on the port.""", }, # column "rateLimitPortEgrState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Egress rate limiting enabled/disabled on the port.""", }, # column "rateLimitPortCommitState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.2.2.1.7", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Ingress commit rate limiting enabled/disabled on the port.""", }, # column "brLimitSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3", }, # node "brLimitState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Broadcast/multicast/DLF rate limiting enabled/disabled for the switch.""", }, # scalar "brLimitPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2", "status" : "current", "description" : """""", }, # table "brLimitPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in brLimitPortTable.""", }, # row "brLimitPortBrState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Broadcast rate limiting enabled/disabled on the port.""", }, # column "brLimitPortBrRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Allowed broadcast rate in pkts/s. For FE port, the maximum value is 148800. For GE port, the maximum value is 262143.""", }, # column "brLimitPortMcState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Multicast rate limiting enabled/disabled on the port.""", }, # column "brLimitPortMcRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """AAllowed mullticast rate in pkts/s. For FE port, the maximum value is 148800. For GE port, the maximum value is 262143.""", }, # column "brLimitPortDlfState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Destination lookup failure frames rate limiting enabled/disabled on the port.""", }, # column "brLimitPortDlfRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.3.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Allowed destination lookup failure frames rate in pkts/s. For FE port, the maximum value is 148800. For GE port, the maximum value is 262143.""", }, # column "portSecuritySetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4", }, # node "portSecurityState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "portSecurityPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.2", "status" : "current", "description" : """""", }, # table "portSecurityPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.2.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in portSecurityPortTable.""", }, # row "portSecurityPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Port Security enabled/disabled on the port. Active(1) means this port only accept frames from static MAC addresses that are configured for the port, and dynamic MAC address frames up to the number specified by portSecurityPortCount object.""", }, # column "portSecurityPortLearnState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """MAC address learning enabled/disable on the port.""", }, # column "portSecurityPortCount" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Number of (dynamic) MAC addresses that may be learned on the port.""", }, # column "portSecurityMacFreeze" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.4.3", "status" : "current", "syntax" : { "type" : { "module" :"Q-BRIDGE-MIB", "name" : "PortList"}, }, "access" : "readwrite", "description" : """""", }, # scalar "vlanTrunkSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.5", }, # node "vlanTrunkPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.5.1", "status" : "current", "description" : """""", }, # table "vlanTrunkPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.5.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in vlanTrunkPortTable.""", }, # row "vlanTrunkPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.5.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """VlanTrunking enabled/disabled on the port. Active(1) to allow frames belonging to unknown VLAN groups to pass through the switch.""", }, # column "ctlProtTransSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.6", }, # node "ctlProtTransState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.6.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Bridge control protocol transparency enabled/disabled for the switch""", }, # scalar "ctlProtTransTunnelPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.6.2", "status" : "current", "description" : """""", }, # table "ctlProtTransTunnelPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.6.2.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in ctlProtTransTunnelPortTable.""", }, # row "ctlProtTransTunnelMode" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.6.2.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "peer" : { "nodetype" : "namednumber", "number" : "0" }, "tunnel" : { "nodetype" : "namednumber", "number" : "1" }, "discard" : { "nodetype" : "namednumber", "number" : "2" }, "network" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """Bridge control protocol transparency mode for the port. Modes: Peer(0), Tunnel(1), Discard(2), Network(3)""", }, # column "vlanStackSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7", }, # node "vlanStackState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """VLAN Stacking enabled/disabled for the switch.""", }, # scalar "vlanStackTpid" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """SP TPID in hex format, e.g. 8100.""", }, # scalar "vlanStackPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.3", "status" : "current", "description" : """""", }, # table "vlanStackPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.3.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in vlanStackPortTable.""", }, # row "vlanStackPortMode" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.3.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "normal" : { "nodetype" : "namednumber", "number" : "1" }, "access" : { "nodetype" : "namednumber", "number" : "2" }, "tunnel" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """Mode of the port.Set Access mode to have the switch add the SP TPID tag to all incoming frames received on this port. Set Access mode for ingress ports at the edge of the service provider's network. Set Tunnel mode (available for Gigabit ports only) for egress ports at the edge of the service provider's network. In order to support VLAN stacking on a port, the port must be able to allow frames of 1526 Bytes (1522 Bytes + 4 Bytes for the second tag) to pass through it. Access (0), tunnel (1)""", }, # column "vlanStackPortVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """VLAN ID used in service provider tag.""", }, # column "vlanStackPortPrio" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.7.3.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "prioriry-0" : { "nodetype" : "namednumber", "number" : "0" }, "prioriry-1" : { "nodetype" : "namednumber", "number" : "1" }, "prioriry-2" : { "nodetype" : "namednumber", "number" : "2" }, "prioriry-3" : { "nodetype" : "namednumber", "number" : "3" }, "prioriry-4" : { "nodetype" : "namednumber", "number" : "4" }, "prioriry-5" : { "nodetype" : "namednumber", "number" : "5" }, "prioriry-6" : { "nodetype" : "namednumber", "number" : "6" }, "prioriry-7" : { "nodetype" : "namednumber", "number" : "7" }, }, }, "access" : "readwrite", "description" : """Priority value for service provider tag. 0 is the lowest priority level and 7 is the highest.""", }, # column "dot1xSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8", }, # node "portAuthState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """802.1x port authentication enabled/disabled for the switch.""", }, # scalar "portAuthTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.4", "status" : "current", "description" : """""", }, # table "portAuthEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.4.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in portAuthTable.""", }, # row "portAuthEntryState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.4.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """802.1x port authentication enabled or disabled on the port.""", }, # column "portReAuthEntryState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """802.1x port re-authentication enabled or disabled on the port.""", }, # column "portReAuthEntryTimer" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.8.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Re-authentication timer in seconds.""", }, # column "hwMonitorInfo" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9", }, # node "fanRpmTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1", "status" : "current", "description" : """""", }, # table "fanRpmEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1", "status" : "current", "linkage" : [ "fanRpmIndex", ], "description" : """An entry in fanRpmTable.""", }, # row "fanRpmIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Index of FAN.""", }, # column "fanRpmCurValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Current speed in Revolutions Per Minute (RPM) on the fan.""", }, # column "fanRpmMaxValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Maximum speed measured in Revolutions Per Minute (RPM) on the fan.""", }, # column "fanRpmMinValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Minimum speed measured in Revolutions Per Minute (RPM) on the fan.""", }, # column "fanRpmLowThresh" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The minimum speed at which a normal fan should work.""", }, # column "fanRpmDescr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.1.1.6", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """'Normal' indicates that this fan is functioning above the minimum speed. 'Error' indicates that this fan is functioning below the minimum speed.""", }, # column "tempTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2", "status" : "current", "description" : """""", }, # table "tempEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1", "status" : "current", "linkage" : [ "tempIndex", ], "description" : """An entry in tempTable.""", }, # row "tempIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "mac" : { "nodetype" : "namednumber", "number" : "1" }, "cpu" : { "nodetype" : "namednumber", "number" : "2" }, "phy" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """Index of temperature unit. 1:MAC, 2:CPU, 3:PHY""", }, # column "tempCurValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The current temperature measured at this sensor.""", }, # column "tempMaxValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The maximum temperature measured at this sensor.""", }, # column "tempMinValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The minimum temperature measured at this sensor.""", }, # column "tempHighThresh" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The upper temperature limit at this sensor.""", }, # column "tempDescr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """'Normal' indicates temperatures below the threshold and 'Error' for those above.""", }, # column "voltageTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3", "status" : "current", "description" : """""", }, # table "voltageEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1", "status" : "current", "linkage" : [ "voltageIndex", ], "description" : """An entry in voltageTable.""", }, # row "voltageIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Index of voltage.""", }, # column "voltageCurValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The current voltage reading.""", }, # column "voltageMaxValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The maximum voltage measured at this point.""", }, # column "voltageMinValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The minimum voltage measured at this point.""", }, # column "voltageNominalValue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The normal voltage at wchich the switch work.""", }, # column "voltageLowThresh" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The minimum voltage at which the switch should work.""", }, # column "voltageDescr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.9.3.1.7", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """'Normal' indicates that the voltage is within an acceptable operating range at this point; otherwise 'Error' is displayed.""", }, # column "snmpSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10", }, # node "snmpGetCommunity" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # scalar "snmpSetCommunity" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # scalar "snmpTrapCommunity" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # scalar "snmpTrapDestTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4", "status" : "current", "description" : """""", }, # table "snmpTrapDestEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1", "create" : "true", "status" : "current", "linkage" : [ "snmpTrapDestIP", ], "description" : """An entry in snmpTrapDestTable.""", }, # row "snmpTrapDestIP" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "noaccess", "description" : """IP address of trap destination.""", }, # column "snmpTrapDestRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "snmpTrapDestPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The UDP port of the trap destination.""", }, # column "snmpTrapVersion" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "v1" : { "nodetype" : "namednumber", "number" : "0" }, "v2c" : { "nodetype" : "namednumber", "number" : "1" }, "v3" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """The SNMP protocol version to send traps.""", }, # column "snmpTrapUserName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.4.1.5", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """The user name for sending SNMPv3 traps.""", }, # column "snmpVersion" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "v2c" : { "nodetype" : "namednumber", "number" : "0" }, "v3" : { "nodetype" : "namednumber", "number" : "1" }, "v3v2c" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """The SNMP version to be used. v3v2c means that the manager can get/set by SNMPv3 and can get by SNMPv2c.""", }, # scalar "snmpUserTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6", "status" : "current", "description" : """A table that contains SNMPv3 user information.""", }, # table "snmpUserEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6.1", "status" : "current", "linkage" : [ "snmpUserName", ], "description" : """An entry of snmpUserTable.""", }, # row "snmpUserName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """The user name.""", }, # column "snmpUserSecurityLevel" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "noAuthNoPriv" : { "nodetype" : "namednumber", "number" : "0" }, "authNoPriv" : { "nodetype" : "namednumber", "number" : "1" }, "authPriv" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """The level of security at which SNMP messages can be sent or with which operations are being processed.""", }, # column "snmpUserAuthProtocol" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "md5" : { "nodetype" : "namednumber", "number" : "0" }, "sha" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """The type of authentication protocol to be used.""", }, # column "snmpUserPrivProtocol" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.6.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "des" : { "nodetype" : "namednumber", "number" : "0" }, "aes" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """The type of privacy protocol to be used.""", }, # column "snmpTrapGroupTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7", "status" : "current", "description" : """""", }, # table "snmpTrapGroupEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1", "status" : "current", "linkage" : [ "snmpTrapDestIP", ], "description" : """An entry in snmpTrapGroupTable.""", }, # row "snmpTrapSystemGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "coldStart" : { "nodetype" : "namednumber", "number" : "0" }, "warmStart" : { "nodetype" : "namednumber", "number" : "1" }, "fanSpeed" : { "nodetype" : "namednumber", "number" : "2" }, "temperature" : { "nodetype" : "namednumber", "number" : "3" }, "voltage" : { "nodetype" : "namednumber", "number" : "4" }, "reset" : { "nodetype" : "namednumber", "number" : "5" }, "timeSync" : { "nodetype" : "namednumber", "number" : "6" }, "intrusionlock" : { "nodetype" : "namednumber", "number" : "7" }, }, }, "access" : "readwrite", "description" : """""", }, # column "snmpTrapInterfaceGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "linkup" : { "nodetype" : "namednumber", "number" : "0" }, "linkdown" : { "nodetype" : "namednumber", "number" : "1" }, "autonegotiation" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "snmpTrapAAAGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "authentication" : { "nodetype" : "namednumber", "number" : "0" }, "accounting" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # column "snmpTrapIPGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "ping" : { "nodetype" : "namednumber", "number" : "0" }, "traceroute" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # column "snmpTrapSwitchGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.10.7.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "stp" : { "nodetype" : "namednumber", "number" : "0" }, "mactable" : { "nodetype" : "namednumber", "number" : "1" }, "rmon" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "dateTimeSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11", }, # node "dateTimeServerType" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "1" }, "daytime" : { "nodetype" : "namednumber", "number" : "2" }, "time" : { "nodetype" : "namednumber", "number" : "3" }, "ntp" : { "nodetype" : "namednumber", "number" : "4" }, }, }, "access" : "readwrite", "description" : """The time service protocol.""", }, # scalar "dateTimeServerIP" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """IP address of time server.""", }, # scalar "dateTimeZone" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The time difference between UTC. Ex: +01""", }, # scalar "dateTimeNewDateYear" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new date in year.""", }, # scalar "dateTimeNewDateMonth" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new date in month.""", }, # scalar "dateTimeNewDateDay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new date in day.""", }, # scalar "dateTimeNewTimeHour" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new time in hour.""", }, # scalar "dateTimeNewTimeMinute" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new time in minute.""", }, # scalar "dateTimeNewTimeSecond" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """The new time in second.""", }, # scalar "dateTimeDaylightSavingTimeSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10", }, # node "daylightSavingTimeState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Daylight saving time service enabled/disabled for the switch.""", }, # scalar "daylightSavingTimeStartDateWeek" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "first" : { "nodetype" : "namednumber", "number" : "1" }, "second" : { "nodetype" : "namednumber", "number" : "2" }, "third" : { "nodetype" : "namednumber", "number" : "3" }, "fourth" : { "nodetype" : "namednumber", "number" : "4" }, "last" : { "nodetype" : "namednumber", "number" : "5" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service start week.""", }, # scalar "daylightSavingTimeStartDateDay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "sunday" : { "nodetype" : "namednumber", "number" : "0" }, "monday" : { "nodetype" : "namednumber", "number" : "1" }, "tuesday" : { "nodetype" : "namednumber", "number" : "2" }, "wednesday" : { "nodetype" : "namednumber", "number" : "3" }, "thursday" : { "nodetype" : "namednumber", "number" : "4" }, "friday" : { "nodetype" : "namednumber", "number" : "5" }, "saturday" : { "nodetype" : "namednumber", "number" : "6" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service start day.""", }, # scalar "daylightSavingTimeStartDateMonth" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "january" : { "nodetype" : "namednumber", "number" : "1" }, "february" : { "nodetype" : "namednumber", "number" : "2" }, "march" : { "nodetype" : "namednumber", "number" : "3" }, "april" : { "nodetype" : "namednumber", "number" : "4" }, "may" : { "nodetype" : "namednumber", "number" : "5" }, "june" : { "nodetype" : "namednumber", "number" : "6" }, "july" : { "nodetype" : "namednumber", "number" : "7" }, "august" : { "nodetype" : "namednumber", "number" : "8" }, "september" : { "nodetype" : "namednumber", "number" : "9" }, "october" : { "nodetype" : "namednumber", "number" : "10" }, "november" : { "nodetype" : "namednumber", "number" : "11" }, "december" : { "nodetype" : "namednumber", "number" : "12" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service start month.""", }, # scalar "daylightSavingTimeStartDateHour" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Daylight saving time service start time.""", }, # scalar "daylightSavingTimeEndDateWeek" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "first" : { "nodetype" : "namednumber", "number" : "1" }, "second" : { "nodetype" : "namednumber", "number" : "2" }, "third" : { "nodetype" : "namednumber", "number" : "3" }, "fourth" : { "nodetype" : "namednumber", "number" : "4" }, "last" : { "nodetype" : "namednumber", "number" : "5" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service end week.""", }, # scalar "daylightSavingTimeEndDateDay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.7", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "sunday" : { "nodetype" : "namednumber", "number" : "0" }, "monday" : { "nodetype" : "namednumber", "number" : "1" }, "tuesday" : { "nodetype" : "namednumber", "number" : "2" }, "wednesday" : { "nodetype" : "namednumber", "number" : "3" }, "thursday" : { "nodetype" : "namednumber", "number" : "4" }, "friday" : { "nodetype" : "namednumber", "number" : "5" }, "saturday" : { "nodetype" : "namednumber", "number" : "6" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service end day.""", }, # scalar "daylightSavingTimeEndDateMonth" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.8", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "january" : { "nodetype" : "namednumber", "number" : "1" }, "february" : { "nodetype" : "namednumber", "number" : "2" }, "march" : { "nodetype" : "namednumber", "number" : "3" }, "april" : { "nodetype" : "namednumber", "number" : "4" }, "may" : { "nodetype" : "namednumber", "number" : "5" }, "june" : { "nodetype" : "namednumber", "number" : "6" }, "july" : { "nodetype" : "namednumber", "number" : "7" }, "august" : { "nodetype" : "namednumber", "number" : "8" }, "september" : { "nodetype" : "namednumber", "number" : "9" }, "october" : { "nodetype" : "namednumber", "number" : "10" }, "november" : { "nodetype" : "namednumber", "number" : "11" }, "december" : { "nodetype" : "namednumber", "number" : "12" }, }, }, "access" : "readwrite", "description" : """Daylight saving time service end month.""", }, # scalar "daylightSavingTimeEndDateHour" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.11.10.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Daylight saving time service end time.""", }, # scalar "sysMgmt" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12", }, # node "sysMgmtConfigSave" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "config_1" : { "nodetype" : "namednumber", "number" : "1" }, "config_2" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """If setting value is given, the variable write index will be set and running-config will be written to the assigned configuration file. If not, running-config will be written to the booting one.""", }, # scalar "sysMgmtBootupConfig" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "config_1" : { "nodetype" : "namednumber", "number" : "1" }, "config_2" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """The setting value (read index) will be written into non-volatile memory. While rebooting, the variable write index is equal to read index initially. You can change the value of write index by CLI / MIB.""", }, # scalar "sysMgmtReboot" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "nothing" : { "nodetype" : "namednumber", "number" : "0" }, "reboot" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """Reboot switch from SNMP. 1:Reboot, 0:Nothing""", }, # scalar "sysMgmtDefaultConfig" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "nothing" : { "nodetype" : "namednumber", "number" : "0" }, "reset_to_default" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """Erase running config and reset to default.""", }, # scalar "sysMgmtLastActionStatus" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "success" : { "nodetype" : "namednumber", "number" : "1" }, "fail" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """Display status of last mgmt action.""", }, # scalar "sysMgmtSystemStatus" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "sysAlarmDetected" : { "nodetype" : "namednumber", "number" : "0" }, "sysTemperatureError" : { "nodetype" : "namednumber", "number" : "1" }, "sysFanRPMError" : { "nodetype" : "namednumber", "number" : "2" }, "sysVoltageRangeError" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """This variable indicates the status of the system. The sysMgmtAlarmStatus is a bit map represented a sum, therefore, it can represent multiple defects simultaneously. The sysNoDefect should be set if and only if no other flag is set. The various bit positions are: 0 sysAlarmDetected 1 sysTemperatureError 2 sysFanRPMError 3 sysVoltageRangeError""", }, # scalar "sysMgmtCPUUsage" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Show device CPU load in %, it's the snapshot of CPU load when getting the values.""", }, # scalar "sysMgmtCounterReset" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.9", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "enable" : { "nodetype" : "namednumber", "number" : "1" }, "disable" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """Reset all port counters.""", }, # scalar "sysMgmtTftpServiceSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.10", }, # node "sysMgmtTftpServerIp" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.10.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """ IP address of TFTP server""", }, # scalar "sysMgmtTftpRemoteFileName" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.12.10.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """The file name that you want to backup to or restore from TFTP server""", }, # scalar "layer2Setup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13", }, # node "vlanTypeSetup" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "dot1Q" : { "nodetype" : "namednumber", "number" : "1" }, "port_based" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "igmpSnoopingStateSetup" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "tagVlanPortIsolationState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "stpState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.4", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "igmpFilteringStateSetup" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.5", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "unknownMulticastFrameForwarding" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "flooding" : { "nodetype" : "namednumber", "number" : "1" }, "drop" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "multicastGrpHostTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Specify host timeout for all multicast groups when the specific port is in auto mode.""", }, # scalar "multicastGrpLeaveTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Specify leave timeout for all multicast groups.""", }, # scalar "reservedMulticastFrameForwarding" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.9", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "flooding" : { "nodetype" : "namednumber", "number" : "1" }, "drop" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "igmpsnp8021pPriority" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.10", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Set the 802.1p priority of control messages for igmp-snooping(0~8, 8-No Change)""", }, # scalar "igmpsnpVlanMode" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.11", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "auto" : { "nodetype" : "namednumber", "number" : "1" }, "fixed" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "stpMode" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.12", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "rstp" : { "nodetype" : "namednumber", "number" : "1" }, "mrstp" : { "nodetype" : "namednumber", "number" : "2" }, "mstp" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "igmpsnpVlanTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.13", "status" : "current", "description" : """""", }, # table "igmpsnpVlanEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.13.1", "create" : "true", "status" : "current", "linkage" : [ "igmpsnpVid", ], "description" : """An entry in IgmpsnpVlanTable.""", }, # row "igmpsnpVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.13.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpsnpVlanName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.13.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "igmpsnpVlanRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.13.13.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "ipSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14", }, # node "dnsIpAddress" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # scalar "defaultMgmt" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "in_band" : { "nodetype" : "namednumber", "number" : "0" }, "out_of_band" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "defaultGateway" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # scalar "outOfBandIpSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.4", }, # node "outOfBandIp" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.4.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # scalar "outOfBandSubnetMask" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.4.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # scalar "outOfBandGateway" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.4.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # scalar "maxNumOfInbandIp" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "inbandIpTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6", "status" : "current", "description" : """""", }, # table "inbandIpEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6.1", "create" : "true", "status" : "current", "linkage" : [ "inbandEntryIp", "inbandEntrySubnetMask", ], "description" : """An entry in inbandIpTable.""", }, # row "inbandEntryIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "inbandEntrySubnetMask" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "inbandEntryVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "inbandEntryRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.14.6.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "filterSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15", }, # node "filterTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1", "status" : "current", "description" : """""", }, # table "filterEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1", "create" : "true", "status" : "current", "linkage" : [ "filterMacAddr", "filterVid", ], "description" : """An entry in filterTable.""", }, # row "filterName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "filterActionState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "discard_source" : { "nodetype" : "namednumber", "number" : "1" }, "discard_destination" : { "nodetype" : "namednumber", "number" : "2" }, "both" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """""", }, # column "filterMacAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "filterVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "filterRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.15.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mirrorSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16", }, # node "mirrorState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "mirrorMonitorPort" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "mirrorTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.3", "status" : "current", "description" : """""", }, # table "mirrorEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.3.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in mirrorTable.""", }, # row "mirrorMirroredState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mirrorDirection" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.16.3.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "ingress" : { "nodetype" : "namednumber", "number" : "0" }, "egress" : { "nodetype" : "namednumber", "number" : "1" }, "both" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "aggrSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17", }, # node "aggrState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "aggrSystemPriority" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "aggrGroupTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.3", "status" : "current", "description" : """""", }, # table "aggrGroupEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.3.1", "status" : "current", "linkage" : [ "aggrGroupIndex", ], "description" : """An entry in aggrGroupTable.""", }, # row "aggrGroupIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "aggrGroupState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "aggrGroupDynamicState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "aggrPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.4", "status" : "current", "description" : """""", }, # table "aggrPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.4.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in aggrPortTable.""", }, # row "aggrPortGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.4.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "t1" : { "nodetype" : "namednumber", "number" : "1" }, "t2" : { "nodetype" : "namednumber", "number" : "2" }, "t3" : { "nodetype" : "namednumber", "number" : "3" }, "t4" : { "nodetype" : "namednumber", "number" : "4" }, "t5" : { "nodetype" : "namednumber", "number" : "5" }, "t6" : { "nodetype" : "namednumber", "number" : "6" }, }, }, "access" : "readwrite", "description" : """""", }, # column "aggrPortDynamicStateTimeout" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.17.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "accessCtlSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18", }, # node "accessCtlTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1", "status" : "current", "description" : """""", }, # table "accessCtlEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1.1", "status" : "current", "linkage" : [ "accessCtlService", ], "description" : """An entry in accessCtlTable.""", }, # row "accessCtlService" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "telnet" : { "nodetype" : "namednumber", "number" : "1" }, "ssh" : { "nodetype" : "namednumber", "number" : "2" }, "ftp" : { "nodetype" : "namednumber", "number" : "3" }, "http" : { "nodetype" : "namednumber", "number" : "4" }, "https" : { "nodetype" : "namednumber", "number" : "5" }, "icmp" : { "nodetype" : "namednumber", "number" : "6" }, "snmp" : { "nodetype" : "namednumber", "number" : "7" }, }, }, "access" : "readonly", "description" : """""", }, # column "accessCtlEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "accessCtlServicePort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "accessCtlTimeout" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "securedClientTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2", "status" : "current", "description" : """""", }, # table "securedClientEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1", "status" : "current", "linkage" : [ "securedClientIndex", ], "description" : """An entry in securedClientTable.""", }, # row "securedClientIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "securedClientEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "securedClientStartIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "securedClientEndIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "securedClientService" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.18.2.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Bits", "telnet" : { "nodetype" : "namednumber", "number" : "0" }, "ftp" : { "nodetype" : "namednumber", "number" : "1" }, "http" : { "nodetype" : "namednumber", "number" : "2" }, "icmp" : { "nodetype" : "namednumber", "number" : "3" }, "snmp" : { "nodetype" : "namednumber", "number" : "4" }, "ssh" : { "nodetype" : "namednumber", "number" : "5" }, "https" : { "nodetype" : "namednumber", "number" : "6" }, }, }, "access" : "readwrite", "description" : """""", }, # column "queuingMethodSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.19", }, # node "portQueuingMethodTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.19.1", "status" : "current", "description" : """""", }, # table "portQueuingMethodEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.19.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", "portQueuingMethodQueue", ], "description" : """An entry in portQueuingMethodTable.""", }, # row "portQueuingMethodQueue" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.19.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """0...7""", }, # column "portQueuingMethodWeight" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.19.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0...15""", }, # column "dhcpSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20", }, # node "globalDhcpRelay" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1", }, # node "globalDhcpRelayEnable" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "globalDhcpRelayOption82Enable" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "globalDhcpRelayInfoEnable" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "globalDhcpRelayInfoData" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "maxNumberOfGlobalDhcpRelayRemoteServer" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "globalDhcpRelayRemoteServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.6", "status" : "current", "description" : """""", }, # table "globalDhcpRelayRemoteServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.6.1", "create" : "true", "status" : "current", "linkage" : [ "globalDhcpRelayRemoteServerIp", ], "description" : """An entry in globalDhcpRelayRemoteServerTable.""", }, # row "globalDhcpRelayRemoteServerIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.6.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "globalDhcpRelayRemoteServerRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.1.6.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServer" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2", }, # node "maxNumberOfDhcpServers" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The maximum number of DHCP server entries that can be created. A value of 0 for this object implies that there exists settings for global DHCP relay.""", }, # scalar "dhcpServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2", "status" : "current", "description" : """""", }, # table "dhcpServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1", "create" : "true", "status" : "current", "linkage" : [ "dhcpServerVid", ], "description" : """An entry in dhcpServerTable.""", }, # row "dhcpServerVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpServerStartAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerPoolSize" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerMask" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerGateway" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerPrimaryDNS" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerSecondaryDNS" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.7", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpServerRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.2.2.1.8", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpRelay" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3", }, # node "dhcpRelayInfoData" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "maxNumberOfDhcpRelay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The maximum number of DHCP relay entries that can be created. A value of 0 for this object implies that there exists settings for global DHCP relay.""", }, # scalar "maxNumberOfDhcpRelayRemoteServer" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpRelayRemoteServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.4", "status" : "current", "description" : """""", }, # table "dhcpRelayRemoteServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.4.1", "create" : "true", "status" : "current", "linkage" : [ "dhcpRelayVid", "dhcpRelayRemoteServerIp", ], "description" : """An entry in dhcpRelayRemoteServerTable.""", }, # row "dhcpRelayVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.4.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpRelayRemoteServerIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpRelayRemoteServerRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpRelayTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.5", "status" : "current", "description" : """""", }, # table "dhcpRelayEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.5.1", "status" : "current", "linkage" : [ "dhcpRelayVid", ], "description" : """An entry in dhcpRelayTable.""", }, # row "dhcpRelayOption82Enable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpRelayInfoEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.20.3.5.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "staticRouteSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21", }, # node "maxNumberOfStaticRoutes" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "staticRouteTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2", "status" : "current", "description" : """""", }, # table "staticRouteEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1", "create" : "true", "status" : "current", "linkage" : [ "staticRouteIp", "staticRouteMask", ], "description" : """An entry in staticRouteTable.""", }, # row "staticRouteName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "staticRouteIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "staticRouteMask" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "staticRouteGateway" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "staticRouteMetric" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "staticRouteRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.21.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "arpInfo" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22", }, # node "arpTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1", "status" : "current", "description" : """""", }, # table "arpEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1", "status" : "current", "linkage" : [ "arpIpAddr", "arpMacVid", ], "description" : """An entry in arpTable.""", }, # row "arpIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpIpAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "arpMacAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "arpMacVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.22.1.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "static" : { "nodetype" : "namednumber", "number" : "1" }, "dynamic" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """1-static, 2-dynamic""", }, # column "portOpModeSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23", }, # node "portOpModePortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1", "status" : "current", "description" : """""", }, # table "portOpModePortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in portOpModePortTable.""", }, # row "portOpModePortFlowCntl" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "off" : { "nodetype" : "namednumber", "number" : "0" }, "on" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # column "portOpModePortName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "0", "max" : "32" }, ], "range" : { "min" : "0", "max" : "32" }, }, }, "access" : "readwrite", "description" : """""", }, # column "portOpModePortLinkUpType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "down" : { "nodetype" : "namednumber", "number" : "0" }, "copper" : { "nodetype" : "namednumber", "number" : "1" }, "fiber" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "portOpModePortIntrusionLock" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.6", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "portOpModePortLBTestStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.7", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "underTesting" : { "nodetype" : "namednumber", "number" : "1" }, "success" : { "nodetype" : "namednumber", "number" : "2" }, "fail" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """This entry display latest loopback test status of port while performing loopback test.""", }, # column "portOpModePortCounterReset" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.23.1.1.8", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "enable" : { "nodetype" : "namednumber", "number" : "1" }, "disable" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """This entry resets port counter.""", }, # column "portBasedVlanSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.24", }, # node "portBasedVlanPortListTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.24.1", "status" : "current", "description" : """""", }, # table "portBasedVlanPortListEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.24.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in portBasedVlanPortListTable.""", }, # row "portBasedVlanPortListMembers" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.24.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"Q-BRIDGE-MIB", "name" : "PortList"}, }, "access" : "readwrite", "description" : """""", }, # column "multicastPortSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25", }, # node "multicastPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1", "status" : "current", "description" : """""", }, # table "multicastPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in multicastPortTable.""", }, # row "multicastPortImmediateLeave" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "multicastPortMaxGroupLimited" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "multicastPortMaxOfGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0..255""", }, # column "multicastPortIgmpFilteringProfile" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "multicastPortQuerierMode" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.25.1.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "auto" : { "nodetype" : "namednumber", "number" : "1" }, "fixed" : { "nodetype" : "namednumber", "number" : "2" }, "edge" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """Specify query mode for each port""", }, # column "multicastStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26", }, # node "multicastStatusTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1", "status" : "current", "description" : """""", }, # table "multicastStatusEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1.1", "status" : "current", "linkage" : [ "multicastStatusVlanID", "multicastStatusPort", "multicastStatusGroup", ], "description" : """An entry in multicastStatusTable.""", }, # row "multicastStatusIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "multicastStatusVlanID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "multicastStatusPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "multicastStatusGroup" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2", "status" : "current", "description" : """A count table of igmp query/report/leave message.""", }, # table "igmpCountEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1", "status" : "current", "linkage" : [ "igmpCountIndex", ], "description" : """An entry in igmpCountTable.""", }, # row "igmpCountIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Index of IgmpCountEntry. 0 means total count in whole system""", }, # column "igmpCountInQuery" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountInReport" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountInLeave" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountInQueryDrop" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountInReportDrop" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountInLeaveDrop" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountOutQuery" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountOutReport" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "igmpCountOutLeave" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.2.1.10", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "multicastVlanStatusTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.3", "status" : "current", "description" : """""", }, # table "multicastVlanStatusEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.3.1", "status" : "current", "linkage" : [ "multicastVlanStatusVlanID", ], "description" : """An entry in multicastVlanStatusTable.""", }, # row "multicastVlanStatusVlanID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "multicastVlanStatusType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.3.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "dynamic" : { "nodetype" : "namednumber", "number" : "1" }, "mvr" : { "nodetype" : "namednumber", "number" : "2" }, "static" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """""", }, # column "multicastVlanQueryPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.26.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"Q-BRIDGE-MIB", "name" : "PortList"}, }, "access" : "readonly", "description" : """""", }, # column "igmpFilteringProfileSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27", }, # node "igmpFilteringMaxNumberOfProfile" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "igmpFilteringProfileTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2", "status" : "current", "description" : """""", }, # table "igmpFilteringProfileEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2.1", "create" : "true", "status" : "current", "linkage" : [ "igmpFilteringProfileName", "igmpFilteringProfileStartAddress", "igmpFilteringProfileEndAddress", ], "description" : """An entry in igmpFilteringProfileTable.""", }, # row "igmpFilteringProfileName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "igmpFilteringProfileStartAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "igmpFilteringProfileEndAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "igmpFilteringProfileRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.27.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mvrSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28", }, # node "maxNumberOfMVR" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "mvrTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2", "status" : "current", "description" : """""", }, # table "mvrEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1", "create" : "true", "status" : "current", "linkage" : [ "mvrVlanID", ], "description" : """An entry in mvrTable.""", }, # row "mvrVlanID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """1..4094""", }, # column "mvrName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "mvrMode" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "dynamic" : { "nodetype" : "namednumber", "number" : "0" }, "compatible" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # column "mvrRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mvr8021pPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Set the 802.1p priority of control messages within MVR (0~7)""", }, # column "mvrPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.3", "status" : "current", "description" : """""", }, # table "mvrPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.3.1", "status" : "current", "linkage" : [ "mvrVlanID", "dot1dBasePort", ], "description" : """An entry in mvrPortTable.""", }, # row "mvrPortRole" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.3.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "1" }, "source_port" : { "nodetype" : "namednumber", "number" : "2" }, "receiver_port" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """""", }, # column "mvrPortTagging" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "maxNumberOfMvrGroup" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "mvrGroupTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5", "status" : "current", "description" : """""", }, # table "mvrGroupEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5.1", "create" : "true", "status" : "current", "linkage" : [ "mvrVlanID", "mvrGroupName", ], "description" : """An entry in mvrGroupTable.""", }, # row "mvrGroupName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "mvrGroupStartAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "mvrGroupEndAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "mvrGroupRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.28.5.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "layer3Setup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.29", }, # node "routerRipState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.29.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "routerIgmpState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.29.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "routerDvmrpState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.29.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "routerDvmrpThreshold" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.29.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "routerIpmcPortSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.30", }, # node "routerIpmcPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.30.1", "status" : "current", "description" : """""", }, # table "routerIpmcPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.30.1.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in routerIpmcPortTable.""", }, # row "routerIpmcPortEgressUntagVlan" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.30.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31", }, # node "routerVrrpMaxNumber" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Always set it as 14.""", }, # scalar "routerVrrpTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2", "status" : "current", "description" : """""", }, # table "routerVrrpEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1", "create" : "true", "status" : "current", "linkage" : [ "routerDomainIpAddress", "routerDomainIpMaskBits", "routerVrrpVirtualID", "routerVrrpUplinkGateway", ], "description" : """An entry in routerVrrpTable.""", }, # row "routerVrrpVirtualID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpUplinkGateway" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpPreempt" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpInterval" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """1-255""", }, # column "routerVrrpPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """1-254""", }, # column "routerVrrpPrimaryVirtualIP" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.7", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpSecondaryVirtualIP" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.8", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "rpVrrpRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.2.1.9", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpDomainTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.3", "status" : "current", "description" : """""", }, # table "routerVrrpDomainEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.3.1", "status" : "current", "linkage" : [ "routerDomainIpAddress", "routerDomainIpMaskBits", ], "description" : """An entry in routerVrrpTable.""", }, # row "routerVrrpAuthType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.3.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "simple" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpAuthKey" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.31.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "routerVrrpStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32", }, # node "routerVrrpStatusTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1", "status" : "current", "description" : """""", }, # table "routerVrrpStatusEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1", "status" : "current", "linkage" : [ "routerVrrpStatusIpAddress", "routerVrrpStatusIpMaskBits", "routerVrrpStatusVirtualID", ], "description" : """ """, }, # row "routerVrrpStatusIpAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpStatusIpMaskBits" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpStatusVirtualID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpStatusVRStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "routerVrrpStatusUpLinkStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.32.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "routerDomainSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33", }, # node "routerDomainTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.1", "status" : "current", "description" : """""", }, # table "routerDomainEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.1.1", "status" : "current", "linkage" : [ "routerDomainIpAddress", "routerDomainIpMaskBits", ], "description" : """An entry in routerDomainTable.""", }, # row "routerDomainIpAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routerDomainIpMaskBits" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routerDomainVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routerDomainIpTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2", "status" : "current", "description" : """""", }, # table "routerDomainIpEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2.1", "status" : "current", "linkage" : [ "routerDomainIpAddress", "routerDomainIpMaskBits", ], "description" : """An entry in routerDomainIpTable.""", }, # row "routerDomainIpRipDirection" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "outgoing" : { "nodetype" : "namednumber", "number" : "1" }, "incoming" : { "nodetype" : "namednumber", "number" : "2" }, "both" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """""", }, # column "routerDomainIpRipVersion" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "v1" : { "nodetype" : "namednumber", "number" : "0" }, "v2b" : { "nodetype" : "namednumber", "number" : "1" }, "v2m" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "routerDomainIpIgmpVersion" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "igmp_v1" : { "nodetype" : "namednumber", "number" : "1" }, "igmp_v2" : { "nodetype" : "namednumber", "number" : "2" }, "igmp_v3" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readwrite", "description" : """""", }, # column "routerDomainIpDvmrp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.33.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "diffservSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34", }, # node "diffservState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "diffservMapTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.2", "status" : "current", "description" : """""", }, # table "diffservMapEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.2.1", "status" : "current", "linkage" : [ "diffservMapDscp", ], "description" : """An entry in diffservMapTable.""", }, # row "diffservMapDscp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """0-63""", }, # column "diffservMapPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0-7""", }, # column "diffservPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.3", "status" : "current", "description" : """""", }, # table "diffservPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.3.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in diffservPortTable.""", }, # row "diffservPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.34.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "clusterSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35", }, # node "clusterManager" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1", }, # node "clusterMaxNumOfManager" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "clusterManagerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.2", "status" : "current", "description" : """""", }, # table "clusterManagerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.2.1", "create" : "true", "status" : "current", "linkage" : [ "clusterManagerVid", ], "description" : """An entry in clusterManagerTable.""", }, # row "clusterManagerVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "clusterManagerName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "clusterManagerRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.1.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "clusterMembers" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2", }, # node "clusterMaxNumOfMember" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "clusterMemberTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2", "status" : "current", "description" : """""", }, # table "clusterMemberEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1", "create" : "true", "status" : "current", "linkage" : [ "clusterMemberMac", ], "description" : """An entry in clusterMemberTable.""", }, # row "clusterMemberMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "noaccess", "description" : """""", }, # column "clusterMemberName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterMemberModel" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterMemberPassword" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "clusterMemberRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.2.2.1.5", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "clusterCandidates" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3", }, # node "clusterCandidateTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3.1", "status" : "current", "description" : """""", }, # table "clusterCandidateEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3.1.1", "status" : "current", "linkage" : [ "clusterCandidateMac", ], "description" : """An entry in clusterCandidateTable.""", }, # row "clusterCandidateMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterCandidateName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterCandidateModel" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.3.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4", }, # node "clusterStatusRole" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "none" : { "nodetype" : "namednumber", "number" : "0" }, "manager" : { "nodetype" : "namednumber", "number" : "1" }, "member" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # scalar "clusterStatusManager" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "clsuterStatusMaxNumOfMember" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "clusterStatusMemberTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4", "status" : "current", "description" : """""", }, # table "clusterStatusMemberEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4.1", "status" : "current", "linkage" : [ "clusterStatusMemberMac", ], "description" : """An entry in clusterStatusMemberTable.""", }, # row "clusterStatusMemberMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterStatusMemberName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterStatusMemberModel" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "clusterStatusMemberStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.35.4.4.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "error" : { "nodetype" : "namednumber", "number" : "0" }, "online" : { "nodetype" : "namednumber", "number" : "1" }, "offline" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "faultMIB" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36", "status" : "current", }, # node "eventObjects" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1", }, # node "eventTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1", "status" : "current", "description" : """A list of currently active fault events. All faults of normal type regardless of their severity level are recorded in the event table. When a normal type fault is cleared it is deleted from the event table.""", }, # table "eventEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1", "status" : "current", "linkage" : [ "eventSeqNum", ], "description" : """An entry containing information about an event in the event table.""", }, # row "eventSeqNum" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """This variable represents the sequence number of an event. Sequence number is incremented monotonically starting from 0 until it reaches its maximum and wraps around back to 0. Sequence number is incremented when - the state of a normal type fault is set on (the same sequence number is present in the events table as well as in the trap that is sent to notify about the fault on event) - delta event occurs (sequence number present in trap message) - the state of a normal type fault is set off (sequence number present in trap that is sent to notify for clearing).""", }, # column "eventEventId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "EventIdNumber"}, }, "access" : "readonly", "description" : """This variable represents the event ID which uniquely identifies the event in the entire system.""", }, # column "eventName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "parent module" : { "name" : "RFC1213-MIB", "type" : "DisplayString", }, "ranges" : [ { "min" : "0", "max" : "40" }, ], "range" : { "min" : "0", "max" : "40" }, }, }, "access" : "readonly", "description" : """This variable represents the name of the event, for example 'Ethernet Link Down'""", }, # column "eventInstanceType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "InstanceType"}, }, "access" : "readonly", "description" : """This variable represents the type of InstanceId of a particular event in the event table. In brief the instanceType refers to the type of sub-component generating this event in the system, for example switch (5). For more details see the textual conventions section. AFFECTS: eventInstanceId, eventInstanceName""", }, # column "eventInstanceId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """This variable represents the InstanceId of a particular event in the event current table. In brief the instanceId refers to the sub-component generating this event in the system, for example '1' for port 1. For more details see the textual conventions section. DEPENDS ON: eventInstanceType""", }, # column "eventInstanceName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.6", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """This variable is mainly used to store additional information about the sub-component that is generating an event. For example this field may specify what cooling fan is faulty. DEPENDS ON: eventInstanceType""", }, # column "eventSeverity" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.7", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "EventSeverity"}, }, "access" : "readonly", "description" : """This variable dictates the urgency of action when a event occurs. There are four severity levels - Critical, Major, Minor, and Informational. Critical events are those, which require immediate operator intervention to prevent/reduce system down time. Major events require quick attention and Minor events possibly require some attention. Informational events indicate the occurrence of events that may need to be investigated.""", }, # column "eventSetTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.8", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "UtcTimeStamp"}, }, "access" : "readonly", "description" : """This table contains only normal events and this variable represents the time when the event become active, i.e. the number of seconds since Jan 1, 1970 12:00AM.""", }, # column "eventDescription" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.9", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "parent module" : { "name" : "RFC1213-MIB", "type" : "DisplayString", }, "ranges" : [ { "min" : "0", "max" : "255" }, ], "range" : { "min" : "0", "max" : "255" }, }, }, "access" : "readonly", "description" : """This variable contains a description of the event and reasons behind the event. This is a free format alpha-numeric string that is set by the entity generating this event. This variable may be empty if there is no usefull information to report. The maximum length of this string is 255 characters.""", }, # column "eventServAffective" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.36.1.1.1.10", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "EventServiceAffective"}, }, "access" : "readonly", "description" : """This variable indicates whether the event is service affective or not""", }, # column "faultTrapsMIB" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37", "status" : "current", }, # node "trapInfoObjects" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.1", }, # node "trapRefSeqNum" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Indicates the former sequence number of a cleared event in the event table. Not intended to read but only used in trap notifications.""", }, # scalar "trapPersistence" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.1.2", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "EventPersistence"}, }, "access" : "readonly", "description" : """Indicates whether the event is delta (automatically and immediately cleared) or normal (not automatically cleared). Not intended to read but only used in trap notifications.""", }, # scalar "trapSenderNodeId" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Represents the node ID of the sending network element. If not supported should be set to 0. Not intended to read but only used in trap notifications.""", }, # scalar "trapNotifications" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.2", }, # node "ipStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38", }, # node "ipStatusTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1", "status" : "current", "description" : """""", }, # table "ipStatusEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1.1", "status" : "current", "linkage" : [ "ipStatusIPAddress", "ipStatusVid", ], "description" : """""", }, # row "ipStatusIPAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ipStatusVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ipStatusPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "ipStatusType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.38.1.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "static" : { "nodetype" : "namednumber", "number" : "1" }, "dynamic" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "routingStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39", }, # node "routingStatusTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1", "status" : "current", "description" : """""", }, # table "routingStatusEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1", "status" : "current", "linkage" : [ "routingStatusDestAddress", ], "description" : """""", }, # row "routingStatusDestAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routingStatusDestMaskbits" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routingStatusGateway" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routingStatusInterface" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "routingStatusMetric" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "routingStatusType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.39.1.1.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "rip" : { "nodetype" : "namednumber", "number" : "1" }, "bgp" : { "nodetype" : "namednumber", "number" : "2" }, "ospf" : { "nodetype" : "namednumber", "number" : "3" }, "static" : { "nodetype" : "namednumber", "number" : "4" }, }, }, "access" : "readonly", "description" : """""", }, # column "ospfExt" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40", }, # node "ospfInterfaceTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1", "status" : "current", "description" : """""", }, # table "ospfInterfaceEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1", "status" : "current", "linkage" : [ "ospfIfIpAddress", "ospfAddressLessIf", ], "description" : """""", }, # row "ospfIfKeyId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfIfMaskbits" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfIfDesignatedRouterID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ospfIfBackupDesignatedRouterID" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ospfIfNbrCount" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfIfAdjacentNbrCount" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfIfHelloDueTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.1.1.7", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "ospfAreaExtTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.2", "status" : "current", "description" : """""", }, # table "ospfAreaExtEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.2.1", "status" : "current", "linkage" : [ "ospfAreaId", ], "description" : """""", }, # row "ospfAreaExtName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfRedistributeRouteTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3", "status" : "current", "description" : """""", }, # table "ospfRedistributeRouteEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3.1", "status" : "current", "linkage" : [ "ospfRedistributeRouteProtocol", ], "description" : """""", }, # row "ospfRedistributeRouteProtocol" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "rip" : { "nodetype" : "namednumber", "number" : "1" }, "static" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "ospfRedistributeRouteState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfRedistributeRouteType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfRedistributeRouteMetric" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfNbrExtTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4", "status" : "current", "description" : """""", }, # table "ospfNbrExtEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1", "status" : "current", "linkage" : [ "ospfNbrIpAddr", "ospfNbrAddressLessIndex", ], "description" : """""", }, # row "ospfNbrExtRole" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "dr" : { "nodetype" : "namednumber", "number" : "1" }, "backup" : { "nodetype" : "namednumber", "number" : "2" }, "dr_other" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """""", }, # column "ospfNbrExtDeadtime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "ospfNbrExtInterface" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ospfNbrExtRXmtL" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfNbrExtRqstL" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfNbrExtDBsmL" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.4.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfLsdbExtTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.5", "status" : "current", "description" : """""", }, # table "ospfLsdbExtEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.5.1", "status" : "current", "linkage" : [ "ospfLsdbAreaId", "ospfLsdbType", "ospfLsdbLSID", "ospfLsdbRouterId", ], "description" : """""", }, # row "ospfLsdbExtLinkCount" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfLsdbExtRouteAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.5.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ospfLsdbExtRouteMaskbits" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.5.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "ospfVirtualLinkTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.6", "status" : "current", "description" : """""", }, # table "ospfVirtualLinkEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.6.1", "status" : "current", "linkage" : [ "ospfVirtIfAreaID", "ospfVirtIfNeighbor", ], "description" : """""", }, # row "ospfVirtualLinkName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.6.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "ospfVirtualLinkKeyId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.40.6.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "sysLogSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41", }, # node "sysLogState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """sysLog enabled/disabled for the switch.""", }, # scalar "sysLogTypeTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2", "status" : "current", "description" : """""", }, # table "sysLogTypeEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2.1", "status" : "current", "linkage" : [ "sysLogTypeIndex", ], "description" : """An entry in sysLogTypeTable.""", }, # row "sysLogTypeIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "noaccess", "description" : """""", }, # column "sysLogTypeName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "sysLogTypeState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "sysLogTypeFacility" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.2.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "local_user0" : { "nodetype" : "namednumber", "number" : "0" }, "local_user1" : { "nodetype" : "namednumber", "number" : "1" }, "local_user2" : { "nodetype" : "namednumber", "number" : "2" }, "local_user3" : { "nodetype" : "namednumber", "number" : "3" }, "local_user4" : { "nodetype" : "namednumber", "number" : "4" }, "local_user5" : { "nodetype" : "namednumber", "number" : "5" }, "local_user6" : { "nodetype" : "namednumber", "number" : "6" }, "local_user7" : { "nodetype" : "namednumber", "number" : "7" }, }, }, "access" : "readwrite", "description" : """""", }, # column "sysLogServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.3", "status" : "current", "description" : """""", }, # table "sysLogServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.3.1", "create" : "true", "status" : "current", "linkage" : [ "sysLogServerAddress", ], "description" : """An entry in sysLogServerTable.""", }, # row "sysLogServerAddress" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "noaccess", "description" : """""", }, # column "sysLogServerLogLevel" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.3.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "level0" : { "nodetype" : "namednumber", "number" : "0" }, "level0-1" : { "nodetype" : "namednumber", "number" : "1" }, "level0-2" : { "nodetype" : "namednumber", "number" : "2" }, "level0-3" : { "nodetype" : "namednumber", "number" : "3" }, "level0-4" : { "nodetype" : "namednumber", "number" : "4" }, "level0-5" : { "nodetype" : "namednumber", "number" : "5" }, "level0-6" : { "nodetype" : "namednumber", "number" : "6" }, "level0-7" : { "nodetype" : "namednumber", "number" : "7" }, }, }, "access" : "readwrite", "description" : """""", }, # column "sysLogServerRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.41.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mrstp" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42", }, # node "mrstpSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1", }, # node "mrstpBridgeTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1", "status" : "current", "description" : """""", }, # table "mrstpBridgeEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1", "status" : "current", "linkage" : [ "mrstpBridgeIndex", ], "description" : """An entry in mrstpBridgeTable.""", }, # row "mrstpBridgeIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The tree index of the MRSTP.""", }, # column "mrstpState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Enabled/disabled on the mrstp bridge.""", }, # column "mrstpProtocolSpecification" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "unknown" : { "nodetype" : "namednumber", "number" : "1" }, "decLb100" : { "nodetype" : "namednumber", "number" : "2" }, "ieee8021d" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """An indication of what version of the Spanning Tree Protocol is being run. The value 'decLb100(2)' indicates the DEC LANbridge 100 Spanning Tree protocol. IEEE 802.1d implementations will return 'ieee8021d(3)'. If future versions of the IEEE Spanning Tree Protocol are released that are incompatible with the current version a new value will be defined.""", }, # column "mrstpPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "65535" }, ], "range" : { "min" : "0", "max" : "65535" }, }, }, "access" : "readwrite", "description" : """The value of the write-able portion of the Bridge ID, i.e., the first two octets of the (8 octet long) Bridge ID. The other (last) 6 octets of the Bridge ID are given by the value of dot1dBaseBridgeAddress.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.7""", }, # column "mrstpTimeSinceTopologyChange" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.5", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "TimeTicks"}, }, "access" : "readonly", "description" : """The time (in hundredths of a second) since the last time a topology change was detected by the bridge entity.""", "reference>" : """IEEE 802.1D-1990: Section 6.8.1.1.3""", }, # column "mrstpTopChanges" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.6", "status" : "current", "access" : "readonly", "description" : """The total number of topology changes detected by this bridge since the management entity was last reset or initialized.""", "reference>" : """IEEE 802.1D-1990: Section 6.8.1.1.3""", }, # column "mrstpDesignatedRoot" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.7", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """The bridge identifier of the root of the spanning tree as determined by the Spanning Tree Protocol as executed by this node. This value is used as the Root Identifier parameter in all Configuration Bridge PDUs originated by this node.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.1""", }, # column "mrstpRootCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The cost of the path to the root as seen from this bridge.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.2""", }, # column "mrstpRootPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The port number of the port which offers the lowest cost path from this bridge to the root bridge.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.3""", }, # column "mrstpMaxAge" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.10", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "Timeout"}, }, "access" : "readonly", "description" : """The maximum age of Spanning Tree Protocol information learned from the network on any port before it is discarded, in units of hundredths of a second. This is the actual value that this bridge is currently using.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.4""", }, # column "mrstpHelloTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.11", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "Timeout"}, }, "access" : "readonly", "description" : """The amount of time between the transmission of Configuration bridge PDUs by this node on any port when it is the root of the spanning tree or trying to become so, in units of hundredths of a second. This is the actual value that this bridge is currently using.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.5""", }, # column "mrstpHoldTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.12", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """This time value determines the interval length during which no more than two Configuration bridge PDUs shall be transmitted by this node, in units of hundredths of a second.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.14""", }, # column "mrstpForwardDelay" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.13", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "Timeout"}, }, "access" : "readonly", "description" : """This time value, measured in units of hundredths of a second, controls how fast a port changes its spanning state when moving towards the Forwarding state. The value determines how long the port stays in each of the Listening and Learning states, which precede the Forwarding state. This value is also used, when a topology change has been detected and is underway, to age all dynamic entries in the Forwarding Database. [Note that this value is the one that this bridge is currently using, in contrast to mrstpBridgeForwardDelay which is the value that this bridge and all others would start using if/when this bridge were to become the root.]""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.6""", }, # column "mrstpBridgeMaxAge" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.14", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "600", "max" : "4000" }, ], "range" : { "min" : "600", "max" : "4000" }, }, }, "access" : "readwrite", "description" : """The value that all bridges use for MaxAge when this bridge is acting as the root. Note that 802.1D-1990 specifies that the range for this parameter is related to the value of mrstpBridgeHelloTime. The granularity of this timer is specified by 802.1D-1990 to be 1 second. An agent may return a badValue error if a set is attempted to a value which is not a whole number of seconds.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.8""", }, # column "mrstpBridgeHelloTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.15", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "100", "max" : "1000" }, ], "range" : { "min" : "100", "max" : "1000" }, }, }, "access" : "readwrite", "description" : """The value that all bridges use for HelloTime when this bridge is acting as the root. The granularity of this timer is specified by 802.1D- 1990 to be 1 second. An agent may return a badValue error if a set is attempted to a value which is not a whole number of seconds.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.9""", }, # column "mrstpBridgeForwardDelay" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.1.1.16", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "400", "max" : "3000" }, ], "range" : { "min" : "400", "max" : "3000" }, }, }, "access" : "readwrite", "description" : """The value that all bridges use for ForwardDelay when this bridge is acting as the root. Note that 802.1D-1990 specifies that the range for this parameter is related to the value of mrstpBridgeMaxAge. The granularity of this timer is specified by 802.1D-1990 to be 1 second. An agent may return a badValue error if a set is attempted to a value which is not a whole number of seconds.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.3.10""", }, # column "mrstpPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2", "status" : "current", "description" : """A table that contains port-specific information for the Spanning Tree Protocol.""", }, # table "mrstpPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1", "status" : "current", "linkage" : [ "mrstpPort", ], "description" : """A list of information maintained by every port about the Spanning Tree Protocol state for that port.""", }, # row "mrstpPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readonly", "description" : """The port number of the port for which this entry contains Spanning Tree Protocol management information.""", "reference>" : """IEEE 802.1D-1990: Section 6.8.2.1.2""", }, # column "mrstpPortPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "255" }, ], "range" : { "min" : "0", "max" : "255" }, }, }, "access" : "readwrite", "description" : """The value of the priority field which is contained in the first (in network byte order) octet of the (2 octet long) Port ID. The other octet of the Port ID is given by the value of mrstpPort.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.1""", }, # column "mrstpPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "disabled" : { "nodetype" : "namednumber", "number" : "1" }, "blocking" : { "nodetype" : "namednumber", "number" : "2" }, "listening" : { "nodetype" : "namednumber", "number" : "3" }, "learning" : { "nodetype" : "namednumber", "number" : "4" }, "forwarding" : { "nodetype" : "namednumber", "number" : "5" }, "broken" : { "nodetype" : "namednumber", "number" : "6" }, }, }, "access" : "readonly", "description" : """The port's current state as defined by application of the Spanning Tree Protocol. This state controls what action a port takes on reception of a frame. If the bridge has detected a port that is malfunctioning it will place that port into the broken(6) state. For ports which are disabled (see mrstpPortEnable), this object will have a value of disabled(1).""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.2""", }, # column "mrstpPortEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "enabled" : { "nodetype" : "namednumber", "number" : "1" }, "disabled" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """The enabled/disabled status of the port.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.2""", }, # column "mrstpPortPathCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readwrite", "description" : """The contribution of this port to the path cost of paths towards the spanning tree root which include this port. 802.1D-1990 recommends that the default value of this parameter be in inverse proportion to the speed of the attached LAN.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.3""", }, # column "mrstpPortDesignatedRoot" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.6", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """The unique Bridge Identifier of the Bridge recorded as the Root in the Configuration BPDUs transmitted by the Designated Bridge for the segment to which the port is attached.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.4""", }, # column "mrstpPortDesignatedCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.7", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """The path cost of the Designated Port of the segment connected to this port. This value is compared to the Root Path Cost field in received bridge PDUs.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.5""", }, # column "mrstpPortDesignatedBridge" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.8", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """The Bridge Identifier of the bridge which this port considers to be the Designated Bridge for this port's segment.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.6""", }, # column "mrstpPortDesignatedPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.9", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "2", "max" : "2" }, ], "range" : { "min" : "2", "max" : "2" }, }, }, "access" : "readonly", "description" : """The Port Identifier of the port on the Designated Bridge for this port's segment.""", "reference>" : """IEEE 802.1D-1990: Section 4.5.5.7""", }, # column "mrstpPortForwardTransitions" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.10", "status" : "current", "access" : "readonly", "description" : """The number of times this port has transitioned from the Learning state to the Forwarding state.""", }, # column "mrstpPortOnBridgeIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.1.2.1.11", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Indetify the bridge index that this port joined to in MRSTP.""", }, # column "mrstpNotifications" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.2", }, # node "radiusServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43", }, # node "radiusAuthServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1", }, # node "radiusAuthServerTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "radiusAuthServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3", "status" : "current", "description" : """""", }, # table "radiusAuthServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3.1", "status" : "current", "linkage" : [ "radiusAuthServerIndex", ], "description" : """An entry in radiusAuthServerTable.""", }, # row "radiusAuthServerIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "noaccess", "description" : """""", }, # column "radiusAuthServerIpAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "radiusAuthServerUdpPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "radiusAuthServerSharedSecret" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.1.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "radiusAcctServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2", }, # node "radiusAcctServerTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "radiusAcctServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2", "status" : "current", "description" : """""", }, # table "radiusAcctServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2.1", "status" : "current", "linkage" : [ "radiusAcctServerIndex", ], "description" : """An entry in radiusAcctServerTable.""", }, # row "radiusAcctServerIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "noaccess", "description" : """""", }, # column "radiusAcctServerIpAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "radiusAcctServerUdpPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "radiusAcctServerSharedSecret" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.43.2.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44", }, # node "tacacsAuthServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1", }, # node "tacacsAuthServerTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "tacacsAuthServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3", "status" : "current", "description" : """""", }, # table "tacacsAuthServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3.1", "status" : "current", "linkage" : [ "tacacsAuthServerIndex", ], "description" : """An entry in tacacsAuthServerTable.""", }, # row "tacacsAuthServerIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "noaccess", "description" : """""", }, # column "tacacsAuthServerIpAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsAuthServerTcpPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsAuthServerSharedSecret" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.1.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsAcctServerSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2", }, # node "tacacsAcctServerTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "tacacsAcctServerTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2", "status" : "current", "description" : """""", }, # table "tacacsAcctServerEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2.1", "status" : "current", "linkage" : [ "tacacsAcctServerIndex", ], "description" : """An entry in tacacsAcctServerTable.""", }, # row "tacacsAcctServerIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "noaccess", "description" : """""", }, # column "tacacsAcctServerIpAddr" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsAcctServerTcpPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # column "tacacsAcctServerSharedSecret" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.44.2.2.1.4", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # column "aaaSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45", }, # node "authenticationSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.1", }, # node "authenticationTypeTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.1.1", "status" : "current", "description" : """""", }, # table "authenticationTypeEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.1.1.1", "status" : "current", "linkage" : [ "authenticationTypeName", ], "description" : """An entry in authenticationTypeTable.""", }, # row "authenticationTypeName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.1.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "authenticationTypeMethodList" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.1.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "OctetString"}, }, "access" : "readwrite", "description" : """""", }, # column "accountingSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2", }, # node "accountingUpdatePeriod" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "accountingTypeTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2", "status" : "current", "description" : """""", }, # table "accountingTypeEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1", "status" : "current", "linkage" : [ "accountingTypeName", ], "description" : """An entry in accountingTypeTable.""", }, # row "accountingTypeName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # column "accountingTypeActive" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "accountingTypeBroadcast" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "accountingTypeMode" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "start-stop" : { "nodetype" : "namednumber", "number" : "1" }, "stop-only" : { "nodetype" : "namednumber", "number" : "2" }, "not-available" : { "nodetype" : "namednumber", "number" : "255" }, }, }, "access" : "readwrite", "description" : """""", }, # column "accountingTypeMethod" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "radius" : { "nodetype" : "namednumber", "number" : "1" }, "tacacs" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "accountingTypePrivilege" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.45.2.2.1.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "privilege-0" : { "nodetype" : "namednumber", "number" : "0" }, "privilege-1" : { "nodetype" : "namednumber", "number" : "1" }, "privilege-2" : { "nodetype" : "namednumber", "number" : "2" }, "privilege-3" : { "nodetype" : "namednumber", "number" : "3" }, "privilege-4" : { "nodetype" : "namednumber", "number" : "4" }, "privilege-5" : { "nodetype" : "namednumber", "number" : "5" }, "privilege-6" : { "nodetype" : "namednumber", "number" : "6" }, "privilege-7" : { "nodetype" : "namednumber", "number" : "7" }, "privilege-8" : { "nodetype" : "namednumber", "number" : "8" }, "privilege-9" : { "nodetype" : "namednumber", "number" : "9" }, "privilege-10" : { "nodetype" : "namednumber", "number" : "10" }, "privilege-11" : { "nodetype" : "namednumber", "number" : "11" }, "privilege-12" : { "nodetype" : "namednumber", "number" : "12" }, "privilege-13" : { "nodetype" : "namednumber", "number" : "13" }, "privilege-14" : { "nodetype" : "namednumber", "number" : "14" }, "not-available" : { "nodetype" : "namednumber", "number" : "255" }, }, }, "access" : "readwrite", "description" : """""", }, # column "dhcpSnp" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100", }, # node "dhcpSnpVlanTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1", "status" : "current", "description" : """""", }, # table "dhcpSnpVlanEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1.1", "status" : "current", "linkage" : [ "dhcpSnpVlanEntryVid", ], "description" : """""", }, # row "dhcpSnpVlanEntryVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpVlanEntryEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpSnpVlanEntryOption82Enable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpSnpVlanEntryInfo" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpSnpPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.2", "status" : "current", "description" : """""", }, # table "dhcpSnpPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.2.1", "status" : "current", "linkage" : [ "dhcpSnpPortEntryPort", ], "description" : """""", }, # row "dhcpSnpPortEntryPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpPortEntryTrust" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.2.1.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "dhcpSnpPortEntryRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.2.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "2048" }, ], "range" : { "min" : "0", "max" : "2048" }, }, }, "access" : "readwrite", "description" : """0 means unlimited""", }, # column "dhcpSnpBindTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3", "status" : "current", "description" : """""", }, # table "dhcpSnpBindEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1", "status" : "current", "linkage" : [ "dhcpSnpBindEntryMac", "dhcpSnpBindEntryVid", ], "description" : """""", }, # row "dhcpSnpBindEntryMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpBindEntryVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpBindEntryIP" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpBindEntryLease" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpBindEntryType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "dynamic" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpBindEntryPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.3.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "dhcpSnpEnable" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.4", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDb" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5", }, # node "dhcpSnpDbAbort" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDbWriteDelay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDbUrl" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.3", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "parent module" : { "name" : "RFC1213-MIB", "type" : "DisplayString", }, "ranges" : [ { "min" : "0", "max" : "255" }, ], "range" : { "min" : "0", "max" : "255" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDbUrlRenew" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.4", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "parent module" : { "name" : "RFC1213-MIB", "type" : "DisplayString", }, "ranges" : [ { "min" : "0", "max" : "255" }, ], "range" : { "min" : "0", "max" : "255" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDbStat" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5", }, # node "dhcpSnpDbStatClear" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "dhcpSnpDbStatDelayExpiry" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatAbortExpiry" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatLastSuccTime" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.5", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatLastFailTime" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.6", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatLastFailReason" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.7", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatTotalAttempt" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatStartupFail" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatSuccTrans" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.10", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatFailTrans" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.11", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatSuccRead" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.12", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatFailRead" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.13", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatSuccWrite" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.14", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatFailWrite" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.15", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDbStatLastIgnoreBindCol" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.17", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Last ignored: binding collision""", }, # scalar "dhcpSnpDbStatLastIgnoreExpireLease" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.18", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Last ignored: expired leases""", }, # scalar "dhcpSnpDbStatLastIgnoreInvalidIntf" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.19", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Last ignored: invalid interface""", }, # scalar "dhcpSnpDbStatLastIgnoreUnsuppVlan" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.20", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Last ignored: unsupported vlans""", }, # scalar "dhcpSnpDbStatLastIgnoreParse" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.21", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Last ignored: parsing error""", }, # scalar "dhcpSnpDbStatTotalIgnoreBindCol" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.22", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Total ignored: binding collision""", }, # scalar "dhcpSnpDbStatTotalIgnoreExpireLease" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.23", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Total ignored: expired leases""", }, # scalar "dhcpSnpDbStatTotalIgnoreInvalidIntf" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.24", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Total ignored: invalid interface""", }, # scalar "dhcpSnpDbStatTotalIgnoreUnsuppVlan" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.25", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Total ignored: unsupported vlans""", }, # scalar "dhcpSnpDbStatTotalIgnoreParse" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.26", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """Total ignored: parsing error""", }, # scalar "dhcpSnpDbStatLastIgnoreTime" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.5.5.27", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readonly", "description" : """""", }, # scalar "dhcpSnpDhcpVlan" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.6", }, # node "dhcpSnpDhcpVlanVid" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.100.6.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "4094" }, ], "range" : { "min" : "0", "max" : "4094" }, }, }, "access" : "readwrite", "description" : """0: disable DHCP VLAN.""", }, # scalar "ipsg" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101", }, # node "ipsgTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1", "status" : "current", "description" : """""", }, # table "ipsgEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1", "create" : "true", "status" : "current", "linkage" : [ "ipsgEntryMac", "ipsgEntryVid", ], "description" : """""", }, # row "ipsgEntryMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "ipsgEntryVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readonly", "description" : """""", }, # column "ipsgEntryIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readwrite", "description" : """""", }, # column "ipsgEntryLease" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """second""", }, # column "ipsgEntryType" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "static" : { "nodetype" : "namednumber", "number" : "1" }, "dhcp" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readonly", "description" : """""", }, # column "ipsgEntryPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0 means any port""", }, # column "ipsgEntryState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.101.1.1.7", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "arpInspect" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102", }, # node "arpInspectSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1", }, # node "arpInspectState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectFilterAgingTime" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "2147483647" }, ], "range" : { "min" : "0", "max" : "2147483647" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectLog" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.3", }, # node "arpInspectLogEntries" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.3.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "1024" }, ], "range" : { "min" : "0", "max" : "1024" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectLogRate" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.3.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "1024" }, ], "range" : { "min" : "0", "max" : "1024" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectLogInterval" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.3.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "2147483647" }, ], "range" : { "min" : "0", "max" : "2147483647" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectVlanTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.4", "status" : "current", "description" : """""", }, # table "arpInspectVlanEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.4.1", "status" : "current", "linkage" : [ "arpInspectVlanVid", ], "description" : """""", }, # row "arpInspectVlanVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.4.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readonly", "description" : """""", }, # column "arpInspectVlanLog" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.4.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "all" : { "nodetype" : "namednumber", "number" : "1" }, "none" : { "nodetype" : "namednumber", "number" : "2" }, "permit" : { "nodetype" : "namednumber", "number" : "3" }, "deny" : { "nodetype" : "namednumber", "number" : "4" }, }, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectVlanStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.4.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "enabled" : { "nodetype" : "namednumber", "number" : "1" }, "disabled" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5", "status" : "current", "description" : """""", }, # table "arpInspectPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5.1", "status" : "current", "linkage" : [ "arpInspectPortIndex", ], "description" : """""", }, # row "arpInspectPortIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectPortTrust" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "trusted" : { "nodetype" : "namednumber", "number" : "1" }, "untrusted" : { "nodetype" : "namednumber", "number" : "2" }, }, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectPortRate" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "2048" }, ], "range" : { "min" : "0", "max" : "2048" }, }, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectPortInterval" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.1.5.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "15" }, ], "range" : { "min" : "1", "max" : "15" }, }, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectStatus" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2", }, # node "arpInspectFilterClear" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectLogClear" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "arpInspectFilterTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3", "status" : "current", "description" : """""", }, # table "arpInspectFilterEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1", "create" : "true", "status" : "current", "linkage" : [ "arpInspectFilterMac", "arpInspectFilterVid", ], "description" : """""", }, # row "arpInspectFilterMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectFilterVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readonly", "description" : """""", }, # column "arpInspectFilterPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectFilterExpiry" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectFilterReason" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "macVid" : { "nodetype" : "namednumber", "number" : "1" }, "port" : { "nodetype" : "namednumber", "number" : "2" }, "ip" : { "nodetype" : "namednumber", "number" : "3" }, }, }, "access" : "readonly", "description" : """""", }, # column "arpInspectFilterRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.3.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "arpInspectLogTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4", "status" : "current", "description" : """""", }, # table "arpInspectLogEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1", "status" : "current", "linkage" : [ "arpInspectLogMac", "arpInspectLogVid", "arpInspectLogPort", "arpInspectLogIp", ], "description" : """""", }, # row "arpInspectLogMac" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "MacAddress"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectLogVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readonly", "description" : """""", }, # column "arpInspectLogPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectLogIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.4", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectLogNumPkt" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectLogTime" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.4.1.7", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "DateAndTime"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5", "status" : "current", "description" : """""", }, # table "arpInspectStatisticsEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1", "status" : "current", "linkage" : [ "arpInspectStatisticsVid", ], "description" : """""", }, # row "arpInspectStatisticsVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsReceived" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.2", "status" : "current", "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsRequest" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.3", "status" : "current", "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsReply" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.4", "status" : "current", "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsForward" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.5", "status" : "current", "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsDrop" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.6", "status" : "current", "access" : "readonly", "description" : """""", }, # column "arpInspectStatisticsClear" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.102.2.5.1.7", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "trTCMSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103", }, # node "trTCMState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Two-rate three color marker enabled/disabled for the switch.""", }, # scalar "trTCMMode" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "color-aware" : { "nodetype" : "namednumber", "number" : "0" }, "color-blind" : { "nodetype" : "namednumber", "number" : "1" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "trTCMPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3", "status" : "current", "description" : """""", }, # table "trTCMPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1", "create" : "true", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in trTCMPortTable.""", }, # row "trTCMPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """Two-rate three color marker enabled/disabled on the port.""", }, # column "trTCMPortCIR" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.2", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Allowed CIR in pkts/s.""", }, # column "trTCMPortPIR" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """Allowed PIR in pkts/s.""", }, # column "trTCMPortDscpGreen" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0-63""", }, # column "trTCMPortDscpYellow" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0-63""", }, # column "trTCMPortDscpRed" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.103.3.1.6", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """0-63""", }, # column "loopGuardSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.104", }, # node "loopGuardState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.104.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "loopGuardPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.104.2", "status" : "current", "description" : """""", }, # table "loopGuardPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.104.2.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in loopGuardPortTable.""", }, # row "loopGuardPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.104.2.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "subnetBasedVlanSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105", }, # node "subnetBasedVlanState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """subnet-based vlan feature enabled/disabled for the switch.""", }, # scalar "dhcpVlanOverrideState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.2", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """dhcp vlan override enabled/disabled when subnet-based vlan is enabled.""", }, # scalar "subnetBasedVlanTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3", "status" : "current", "description" : """""", }, # table "subnetBasedVlanEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1", "create" : "true", "status" : "current", "linkage" : [ "subnetBasedVlanSrcIp", "subnetBasedVlanSrcMaskBit", ], "description" : """An entry in subnetBasedVlanTable.""", }, # row "subnetBasedVlanSrcIp" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.1", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "IpAddress"}, }, "access" : "readonly", "description" : """source ip for subnet-based vlan entry""", }, # column "subnetBasedVlanSrcMaskBit" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "32" }, ], "range" : { "min" : "1", "max" : "32" }, }, }, "access" : "readonly", "description" : """source ip mask-bits for subnet-based vlan entry""", }, # column "subnetBasedVlanName" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "parent module" : { "name" : "RFC1213-MIB", "type" : "DisplayString", }, "ranges" : [ { "min" : "0", "max" : "31" }, ], "range" : { "min" : "0", "max" : "31" }, }, }, "access" : "readwrite", "description" : """name for subnet-based vlan entry""", }, # column "subnetBasedVlanVid" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "readwrite", "description" : """vid for subnet-based vlan entry""", }, # column "subnetBasedVlanPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "7" }, ], "range" : { "min" : "0", "max" : "7" }, }, }, "access" : "readwrite", "description" : """priority for subnet-based vlan entry""", }, # column "subnetBasedVlanEntryState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.105.3.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "macAuthenticationSetup" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106", }, # node "macAuthenticationState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # scalar "macAuthenticationNamePrefix" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # scalar "macAuthenticationPassword" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.3", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """""", }, # scalar "macAuthenticationTimeout" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """""", }, # scalar "macAuthenticationPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.5", "status" : "current", "description" : """""", }, # table "macAuthenticationPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.5.1", "status" : "current", "linkage" : [ "dot1dBasePort", ], "description" : """An entry in macAuthenticationPortTable.""", }, # row "macAuthenticationPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.106.5.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mstp" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107", }, # node "mstpGen" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1", }, # node "mstpGenState" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.1", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """Enabled/disabled on the mrstp bridge.""", }, # scalar "mstpGenCfgIdName" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.2", "status" : "current", "syntax" : { "type" : { "module" :"RFC1213-MIB", "name" : "DisplayString"}, }, "access" : "readwrite", "description" : """The configuration name that identifies the MST region and is used as one of the inputs in the computation of the MST Configuration Identifier.""", "reference>" : """12.12.3.4.2.b)""", }, # scalar "mstpGenCfgIdRevLevel" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.3", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readwrite", "description" : """This object identifies the MST revision that identifies the MST region and is used as one of the inputs in the computation of the MST configuration Identifier.""", "reference>" : """12.12.3.4.2.c)""", }, # scalar "mstpGenCfgIdCfgDigest" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "16", "max" : "16" }, ], "range" : { "min" : "16", "max" : "16" }, }, }, "access" : "readonly", "description" : """Configuration Digest.""", "reference>" : """12.12.3.3.3.a.4""", }, # scalar "mstpGenHelloTime" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "1", "max" : "10" }, ], "range" : { "min" : "1", "max" : "10" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "mstpGenMaxAge" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "6", "max" : "40" }, ], "range" : { "min" : "6", "max" : "40" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "mstpGenForwardDelay" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.7", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "parent module" : { "name" : "BRIDGE-MIB", "type" : "Timeout", }, "ranges" : [ { "min" : "4", "max" : "30" }, ], "range" : { "min" : "4", "max" : "30" }, }, }, "access" : "readwrite", "description" : """""", }, # scalar "mstpGenMaxHops" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.8", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "4", "max" : "30" }, ], "range" : { "min" : "4", "max" : "30" }, }, }, "access" : "readwrite", "description" : """13.22.f)""", }, # scalar "mstpGenCistRootPathCost" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.9", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """.""", }, # scalar "mstpGenCistRootBrid" : { "nodetype" : "scalar", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.1.10", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "32", "max" : "32" }, ], "range" : { "min" : "32", "max" : "32" }, }, }, "access" : "readonly", "description" : """.""", }, # scalar "mstMapTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20", "status" : "current", "description" : """This table contains one entry for each instance of MSTP.""", }, # table "mstMapEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1", "create" : "true", "status" : "current", "linkage" : [ "mstMapIndex", ], "description" : """A conceptual row containing the status of the MSTP instance.""", }, # row "mstMapIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.1", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "MstiOrCistInstanceIndex"}, }, "access" : "noaccess", "description" : """Uniquely identifies an instance. The entry of this table with index 0 presents always, represents CIST. When SET operation """, }, # column "mstMapVlans1k" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "0", "max" : "128" }, ], "range" : { "min" : "0", "max" : "128" }, }, }, "access" : "readwrite", "description" : """A string of octets containing one bit per VLAN. The first octet corresponds to VLANs with VlanIndex values 1 through 8; the second octet to VLANs 9 through 16 etc. The most significant bit of each octet corresponds to the lowest VlanIndex value in that octet. For each VLAN that is mapped to this MSTP instance, the bit corresponding to that VLAN is set to '1'. Empty (zero) most significant octes are not mandatory.""", }, # column "mstMapVlans2k" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.3", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "0", "max" : "128" }, ], "range" : { "min" : "0", "max" : "128" }, }, }, "access" : "readwrite", "description" : """A string of octets containing one bit per VLAN for VLANS with VlanIndex values 1024 through 2047. The first octet corresponds to VLANs with VlanIndex values 1024 through 1031; the second octet to VLANs 1032 through 1039 etc. The most significant bit of each octet corresponds to the lowest VlanIndex value in that octet. For each VLAN that is mapped to this MSTP instance, the bit corresponding to that VLAN is set to '1'. Empty (zero) most significant octes are not mandatory.""", }, # column "mstMapVlans3k" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "0", "max" : "128" }, ], "range" : { "min" : "0", "max" : "128" }, }, }, "access" : "readwrite", "description" : """A string of octets containing one bit per VLAN for VLANS with VlanIndex values 2048 through 3071. The first octet corresponds to VLANs with VlanIndex values of 2048 through 2055; the second octet to VLANs 2056 through 2063 etc. The most significant bit of each octet corresponds to the lowest VlanIndex value in that octet. For each VLAN that is mapped to this MSTP instance, the bit corresponding to that VLAN is set to '1'. Empty (zero) most significant octes are not mandatory.""", }, # column "mstMapVlans4k" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "OctetString", "ranges" : [ { "min" : "0", "max" : "128" }, ], "range" : { "min" : "0", "max" : "128" }, }, }, "access" : "readwrite", "description" : """A string of octets containing one bit per VLAN for VLANS with VlanIndex values 3072 through 4095. The first octet corresponds to VLANs with VlanIndex values 3072 through 3079; the second octet to VLANs 3080 through 3087 etc. The most significant bit of each octet corresponds to the lowest VlanIndex value in that octet. For each VLAN that is mapped to this MSTP instance, the bit corresponding to that VLAN is set to '1'. Empty (zero) most significant octes are not mandatory.""", }, # column "mstMapRowStatus" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.20.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "RowStatus"}, }, "access" : "readwrite", "description" : """""", }, # column "mstVlanTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.30", "status" : "current", "description" : """This table contains one entry for each VlanId.""", }, # table "mstVlanEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.30.1", "status" : "current", "linkage" : [ "mstVlanIndex", ], "description" : """Information regarding the instance to which each Vlan is mapped.""", }, # row "mstVlanIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.30.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "4094" }, ], "range" : { "min" : "1", "max" : "4094" }, }, }, "access" : "noaccess", "description" : """The VlanId for which this entry contains the instance mapped.""", }, # column "mstVlanMstIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.30.1.2", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "MstiOrCistInstanceIndex"}, }, "access" : "readonly", "description" : """An integer with values ranging from 0 to 64 that identify a the CIST/MSTI instance to which this VLAN is mapped""", }, # column "mstpPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.40", "status" : "current", "description" : """A table that contains generic information about every port that is associated with this bridge.""", }, # table "mstpPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.40.1", "status" : "current", "linkage" : [ "mstpPortIndex", ], "description" : """A list of information for each port of the bridge.""", }, # row "mstpPortIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.40.1.1", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "noaccess", "description" : """A unique value, greater than zero, for each Port. The value for each interface sub-layer must remain constant at least from one re-initialization of the entity's network management system to the next re- initialization.""", }, # column "mstpPortOperEdgePort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.40.1.2", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "TruthValue"}, }, "access" : "readonly", "description" : """""", "reference>" : """""", }, # column "mstpPortOperPointToPointMAC" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.40.1.3", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-TC", "name" : "TruthValue"}, }, "access" : "readonly", "description" : """""", "reference>" : """""", }, # column "mstpXstTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50", "status" : "current", "description" : """.""", }, # table "mstpXstEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1", "status" : "current", "linkage" : [ "mstpXstId", ], "description" : """.""", }, # row "mstpXstId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.1", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "MstiOrCistInstanceIndex"}, }, "access" : "readonly", "description" : """0 means CIST.""", }, # column "mstpXstBridgePriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "61440" }, ], "range" : { "min" : "0", "max" : "61440" }, }, }, "access" : "readwrite", "default" : "32768", "description" : """Bridge priority, in steps of 4096.""", }, # column "mstpXstBridgeId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.3", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstInternalRootCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.4", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstRootPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.5", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstTimeSinceTopologyChange" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.6", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "TimeTicks"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstTopologyChangesCount" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.50.1.7", "status" : "current", "syntax" : { "type" : { "module" :"SNMPv2-SMI", "name" : "Counter32"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstPortTable" : { "nodetype" : "table", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60", "status" : "current", "description" : """.""", }, # table "mstpXstPortEntry" : { "nodetype" : "row", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1", "status" : "current", "linkage" : [ "mstpXstPortXstId", "mstpXstPortIndex", ], "description" : """.""", "reference>" : """.""", }, # row "mstpXstPortXstId" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.1", "status" : "current", "syntax" : { "type" : { "module" :"ZYXEL-GS4012F-MIB", "name" : "MstiOrCistInstanceIndex"}, }, "access" : "noaccess", "description" : """0 means CIST.""", }, # column "mstpXstPortIndex" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.2", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readonly", "description" : """The value of mstpPortIndex of the Port in mstpPortTable.""", }, # column "mstpXstPortEnable" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.3", "status" : "current", "syntax" : { "type" : { "module" :"P-BRIDGE-MIB", "name" : "EnabledStatus"}, }, "access" : "readwrite", "description" : """.""", }, # column "mstpXstPortPriority" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.4", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "0", "max" : "255" }, ], "range" : { "min" : "0", "max" : "255" }, }, }, "access" : "readwrite", "default" : "128", "description" : """Port priority, in steps of 16.""", }, # column "mstpXstPortPathCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.5", "status" : "current", "syntax" : { "type" : { "basetype" : "Integer32", "ranges" : [ { "min" : "1", "max" : "65535" }, ], "range" : { "min" : "1", "max" : "65535" }, }, }, "access" : "readwrite", "description" : """.""", }, # column "mstpXstPortState" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.6", "status" : "current", "syntax" : { "type" : { "basetype" : "Enumeration", "disabled" : { "nodetype" : "namednumber", "number" : "0" }, "discarding" : { "nodetype" : "namednumber", "number" : "1" }, "learning" : { "nodetype" : "namednumber", "number" : "2" }, "forwarding" : { "nodetype" : "namednumber", "number" : "3" }, "unknown" : { "nodetype" : "namednumber", "number" : "4" }, }, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstPortDesignatedRoot" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.7", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstPortDesignatedCost" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.8", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstPortDesignatedBridge" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.9", "status" : "current", "syntax" : { "type" : { "module" :"BRIDGE-MIB", "name" : "BridgeId"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpXstPortDesignatedPort" : { "nodetype" : "column", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.60.1.10", "status" : "current", "syntax" : { "type" : { "module" :"", "name" : "Integer32"}, }, "access" : "readonly", "description" : """.""", }, # column "mstpNotifications" : { "nodetype" : "node", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.70", }, # node }, # nodes "notifications" : { "eventOnTrap" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.2.1", "status" : "current", "objects" : { "eventSeqNum" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventEventId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventName" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventSetTime" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventSeverity" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventInstanceType" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventInstanceId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventInstanceName" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventServAffective" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventDescription" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "trapPersistence" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "trapSenderNodeId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "sysObjectID" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """This trap is used to inform network management system that a delta fault event (events that are automatically cleared) has occured or a normal fault event (not automatically cleared) state has been set on. Objects are used as follows: - eventSeqNum is the sequence number of the event. For normal type of events must equal to the sequence number of the event in the events table. - eventEventId specifies what fault event has occured. - eventName specifies the name of the fault event. - eventSetTime indicates when fault event has occured (delta events) or when fault has been set on (normal events). - eventSeverity reports the severity level of the event. - eventInstanceType indicates what kind of object is faulty. - eventInstanceId specifies what instance is faulty. - eventInstanceName may contain textual description for the faulty object. - eventServAffective specifies whether the event is immediately service affcetive. - eventDescription reports possible additional information about the event. - trapPersistence tells whether this event is a delta or normal event. - trapSenderNodeId specifies the node ID of the sending network element if configuring it is supported for the network element, otherwise 0. - sysObjectID specifies what kind of equipment reports the fault event. For more information see the eventTable specification""", }, # notification "eventClearedTrap" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.37.2.2", "status" : "current", "objects" : { "eventSeqNum" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventEventId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventSetTime" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventInstanceType" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "eventInstanceId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "trapRefSeqNum" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "trapSenderNodeId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, "sysObjectID" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """This trap is used to inform network management system that a normal type fault event has been cleared (state set off). Objects are used as follows: - eventSeqNum is the sequence number of the this clearing event. Note that the sequence number of the cleared event is reported in the trapRefSeqNum object. - eventEventId specifies what event has been cleared. - eventSetTime indicates when fault event has been cleared. - eventInstanceType indicates what kind of object has been faulty. - eventInstanceId specifies what instance has been faulty. - trapRefSeqNum specifies the sequence number of the cleared event (i.e. the sequence number was assigned for the event in the events table). - trapSenderNodeId specifies the node ID of the sending network element if configuring it is supported for the network element, otherwise 0. - sysObjectID specifies what kind of equipment reports the clearing event. For more information see the eventTable specification""", }, # notification "newRoot" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.2.1", "status" : "current", "objects" : { "mrstpBridgeIndex" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """""", }, # notification "topologyChange" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.42.2.2", "status" : "current", "objects" : { "mrstpBridgeIndex" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """""", }, # notification "newRoot" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.70.1", "status" : "current", "objects" : { "mstpXstId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """""", }, # notification "topologyChange" : { "nodetype" : "notification", "moduleName" : "ZYXEL-GS4012F-MIB", "oid" : "1.3.6.1.4.1.890.1.5.8.20.107.70.2", "status" : "current", "objects" : { "mstpXstId" : { "nodetype" : "object", "module" : "ZYXEL-GS4012F-MIB" }, }, "description" : """""", }, # notification }, # notifications }
36.095743
154
0.372015
7c52d32a4a5ef2c93209163ebb29e7bf07a94aa5
2,028
py
Python
rx/concurrency/timeoutscheduler.py
yutiansut/RxPY
c3bbba77f9ebd7706c949141725e220096deabd4
[ "ECL-2.0", "Apache-2.0" ]
1
2018-11-16T09:07:13.000Z
2018-11-16T09:07:13.000Z
rx/concurrency/timeoutscheduler.py
yutiansut/RxPY
c3bbba77f9ebd7706c949141725e220096deabd4
[ "ECL-2.0", "Apache-2.0" ]
null
null
null
rx/concurrency/timeoutscheduler.py
yutiansut/RxPY
c3bbba77f9ebd7706c949141725e220096deabd4
[ "ECL-2.0", "Apache-2.0" ]
1
2020-05-08T08:23:08.000Z
2020-05-08T08:23:08.000Z
import logging from threading import Timer from datetime import timedelta from rx.core import Scheduler, Disposable from rx.disposables import SingleAssignmentDisposable, CompositeDisposable from .schedulerbase import SchedulerBase log = logging.getLogger("Rx") timeout_scheduler = TimeoutScheduler()
28.971429
83
0.668146
7c53272867356ba8303ec22e79720d622e10756c
2,330
py
Python
vgazer/version/custom_checker/inputproto.py
edomin/vgazer
3ffe64f2517cbfbe0b0292bacc9fbf7391687e76
[ "CC0-1.0" ]
2
2020-10-09T13:51:04.000Z
2020-11-11T12:29:41.000Z
vgazer/version/custom_checker/inputproto.py
edomin/vgazer
3ffe64f2517cbfbe0b0292bacc9fbf7391687e76
[ "CC0-1.0" ]
null
null
null
vgazer/version/custom_checker/inputproto.py
edomin/vgazer
3ffe64f2517cbfbe0b0292bacc9fbf7391687e76
[ "CC0-1.0" ]
null
null
null
import requests from bs4 import BeautifulSoup
40.877193
76
0.574249
7c53ef04b71561a704af8d84b7b218d0cc32e017
11,781
py
Python
src/pandas_profiling/model/summary_helpers.py
briangrahamww/pandas-profiling
62f8e3fd81720d444041069191c4aacd03d79ad5
[ "MIT" ]
null
null
null
src/pandas_profiling/model/summary_helpers.py
briangrahamww/pandas-profiling
62f8e3fd81720d444041069191c4aacd03d79ad5
[ "MIT" ]
4
2021-11-01T15:17:07.000Z
2022-01-26T15:22:15.000Z
src/pandas_profiling/model/summary_helpers.py
briangrahamww/pandas-profiling
62f8e3fd81720d444041069191c4aacd03d79ad5
[ "MIT" ]
null
null
null
import os import string from collections import Counter from datetime import datetime from functools import partial from pathlib import Path from typing import Optional import numpy as np import pandas as pd from scipy.stats.stats import chisquare from tangled_up_in_unicode import block, block_abbr, category, category_long, script from pandas_profiling.config import Settings from pandas_profiling.model.summary_helpers_image import ( extract_exif, hash_image, is_image_truncated, open_image, ) def mad(arr: np.ndarray) -> np.ndarray: """Median Absolute Deviation: a "Robust" version of standard deviation. Indices variability of the sample. https://en.wikipedia.org/wiki/Median_absolute_deviation """ return np.median(np.abs(arr - np.median(arr))) def file_summary(series: pd.Series) -> dict: """ Args: series: series to summarize Returns: """ # Transform stats = series.map(lambda x: os.stat(x)) # Transform some more summary = { "file_size": stats.map(lambda x: x.st_size), "file_created_time": stats.map(lambda x: x.st_ctime).map(convert_datetime), "file_accessed_time": stats.map(lambda x: x.st_atime).map(convert_datetime), "file_modified_time": stats.map(lambda x: x.st_mtime).map(convert_datetime), } return summary def path_summary(series: pd.Series) -> dict: """ Args: series: series to summarize Returns: """ # TODO: optimize using value counts summary = { "common_prefix": os.path.commonprefix(series.values.tolist()) or "No common prefix", "stem_counts": series.map(lambda x: os.path.splitext(x)[0]).value_counts(), "suffix_counts": series.map(lambda x: os.path.splitext(x)[1]).value_counts(), "name_counts": series.map(lambda x: os.path.basename(x)).value_counts(), "parent_counts": series.map(lambda x: os.path.dirname(x)).value_counts(), "anchor_counts": series.map(lambda x: os.path.splitdrive(x)[0]).value_counts(), } summary["n_stem_unique"] = len(summary["stem_counts"]) summary["n_suffix_unique"] = len(summary["suffix_counts"]) summary["n_name_unique"] = len(summary["name_counts"]) summary["n_parent_unique"] = len(summary["parent_counts"]) summary["n_anchor_unique"] = len(summary["anchor_counts"]) return summary def url_summary(series: pd.Series) -> dict: """ Args: series: series to summarize Returns: """ summary = { "scheme_counts": series.map(lambda x: x.scheme).value_counts(), "netloc_counts": series.map(lambda x: x.netloc).value_counts(), "path_counts": series.map(lambda x: x.path).value_counts(), "query_counts": series.map(lambda x: x.query).value_counts(), "fragment_counts": series.map(lambda x: x.fragment).value_counts(), } return summary def count_duplicate_hashes(image_descriptions: dict) -> int: """ Args: image_descriptions: Returns: """ counts = pd.Series( [x["hash"] for x in image_descriptions if "hash" in x] ).value_counts() return counts.sum() - len(counts) def extract_exif_series(image_exifs: list) -> dict: """ Args: image_exifs: Returns: """ exif_keys = [] exif_values: dict = {} for image_exif in image_exifs: # Extract key exif_keys.extend(list(image_exif.keys())) # Extract values per key for exif_key, exif_val in image_exif.items(): if exif_key not in exif_values: exif_values[exif_key] = [] exif_values[exif_key].append(exif_val) series = {"exif_keys": pd.Series(exif_keys, dtype=object).value_counts().to_dict()} for k, v in exif_values.items(): series[k] = pd.Series(v).value_counts() return series def extract_image_information( path: Path, exif: bool = False, hash: bool = False ) -> dict: """Extracts all image information per file, as opening files is slow Args: path: Path to the image exif: extract exif information hash: calculate hash (for duplicate detection) Returns: A dict containing image information """ information: dict = {} image = open_image(path) information["opened"] = image is not None if image is not None: information["truncated"] = is_image_truncated(image) if not information["truncated"]: information["size"] = image.size if exif: information["exif"] = extract_exif(image) if hash: information["hash"] = hash_image(image) return information def image_summary(series: pd.Series, exif: bool = False, hash: bool = False) -> dict: """ Args: series: series to summarize exif: extract exif information hash: calculate hash (for duplicate detection) Returns: """ image_information = series.apply( partial(extract_image_information, exif=exif, hash=hash) ) summary = { "n_truncated": sum( [1 for x in image_information if "truncated" in x and x["truncated"]] ), "image_dimensions": pd.Series( [x["size"] for x in image_information if "size" in x], name="image_dimensions", ), } image_widths = summary["image_dimensions"].map(lambda x: x[0]) summary.update(named_aggregate_summary(image_widths, "width")) image_heights = summary["image_dimensions"].map(lambda x: x[1]) summary.update(named_aggregate_summary(image_heights, "height")) image_areas = image_widths * image_heights summary.update(named_aggregate_summary(image_areas, "area")) if hash: summary["n_duplicate_hash"] = count_duplicate_hashes(image_information) if exif: exif_series = extract_exif_series( [x["exif"] for x in image_information if "exif" in x] ) summary["exif_keys_counts"] = exif_series["exif_keys"] summary["exif_data"] = exif_series return summary def get_character_counts(series: pd.Series) -> Counter: """Function to return the character counts Args: series: the Series to process Returns: A dict with character counts """ return Counter(series.str.cat())
31.5
88
0.641881
7c54e5deea62f99049023a90de0d70c094863c10
10,143
py
Python
inverse_warp.py
ZephyrII/competitive_colaboration
a557d1e23ef2c0b8e3794f085a79bfffb860f9df
[ "MIT" ]
357
2019-03-12T07:17:32.000Z
2022-03-24T14:13:24.000Z
inverse_warp.py
DevLooptt/SJTU-CS386-2021Fall-DIP-Project
2167e089be80ca01911ba55c07b83c9f26f147e7
[ "MIT" ]
27
2019-03-11T19:16:11.000Z
2021-05-30T13:30:19.000Z
inverse_warp.py
DevLooptt/SJTU-CS386-2021Fall-DIP-Project
2167e089be80ca01911ba55c07b83c9f26f147e7
[ "MIT" ]
66
2019-03-27T14:16:22.000Z
2021-11-11T12:40:33.000Z
# Author: Anurag Ranjan # Copyright (c) 2019, Anurag Ranjan # All rights reserved. # based on github.com/ClementPinard/SfMLearner-Pytorch from __future__ import division import torch from torch.autograd import Variable pixel_coords = None def cam2pixel(cam_coords, proj_c2p_rot, proj_c2p_tr, padding_mode): """Transform coordinates in the camera frame to the pixel frame. Args: cam_coords: pixel coordinates defined in the first camera coordinates system -- [B, 4, H, W] proj_c2p_rot: rotation matrix of cameras -- [B, 3, 4] proj_c2p_tr: translation vectors of cameras -- [B, 3, 1] Returns: array of [-1,1] coordinates -- [B, 2, H, W] """ b, _, h, w = cam_coords.size() cam_coords_flat = cam_coords.view(b, 3, -1) # [B, 3, H*W] if proj_c2p_rot is not None: pcoords = proj_c2p_rot.bmm(cam_coords_flat) else: pcoords = cam_coords_flat if proj_c2p_tr is not None: pcoords = pcoords + proj_c2p_tr # [B, 3, H*W] X = pcoords[:, 0] Y = pcoords[:, 1] Z = pcoords[:, 2].clamp(min=1e-3) X_norm = 2*(X / Z)/(w-1) - 1 # Normalized, -1 if on extreme left, 1 if on extreme right (x = w-1) [B, H*W] Y_norm = 2*(Y / Z)/(h-1) - 1 # Idem [B, H*W] if padding_mode == 'zeros': X_mask = ((X_norm > 1)+(X_norm < -1)).detach() X_norm[X_mask] = 2 # make sure that no point in warped image is a combinaison of im and gray Y_mask = ((Y_norm > 1)+(Y_norm < -1)).detach() Y_norm[Y_mask] = 2 pixel_coords = torch.stack([X_norm, Y_norm], dim=2) # [B, H*W, 2] return pixel_coords.view(b,h,w,2) def euler2mat(angle): """Convert euler angles to rotation matrix. Reference: https://github.com/pulkitag/pycaffe-utils/blob/master/rot_utils.py#L174 Args: angle: rotation angle along 3 axis (in radians) -- size = [B, 3] Returns: Rotation matrix corresponding to the euler angles -- size = [B, 3, 3] """ B = angle.size(0) x, y, z = angle[:,0], angle[:,1], angle[:,2] cosz = torch.cos(z) sinz = torch.sin(z) zeros = z.detach()*0 ones = zeros.detach()+1 zmat = torch.stack([cosz, -sinz, zeros, sinz, cosz, zeros, zeros, zeros, ones], dim=1).view(B, 3, 3) cosy = torch.cos(y) siny = torch.sin(y) ymat = torch.stack([cosy, zeros, siny, zeros, ones, zeros, -siny, zeros, cosy], dim=1).view(B, 3, 3) cosx = torch.cos(x) sinx = torch.sin(x) xmat = torch.stack([ones, zeros, zeros, zeros, cosx, -sinx, zeros, sinx, cosx], dim=1).view(B, 3, 3) rotMat = xmat.bmm(ymat).bmm(zmat) return rotMat def quat2mat(quat): """Convert quaternion coefficients to rotation matrix. Args: quat: first three coeff of quaternion of rotation. fourht is then computed to have a norm of 1 -- size = [B, 3] Returns: Rotation matrix corresponding to the quaternion -- size = [B, 3, 3] """ norm_quat = torch.cat([quat[:,:1].detach()*0 + 1, quat], dim=1) norm_quat = norm_quat/norm_quat.norm(p=2, dim=1, keepdim=True) w, x, y, z = norm_quat[:,0], norm_quat[:,1], norm_quat[:,2], norm_quat[:,3] B = quat.size(0) w2, x2, y2, z2 = w.pow(2), x.pow(2), y.pow(2), z.pow(2) wx, wy, wz = w*x, w*y, w*z xy, xz, yz = x*y, x*z, y*z rotMat = torch.stack([w2 + x2 - y2 - z2, 2*xy - 2*wz, 2*wy + 2*xz, 2*wz + 2*xy, w2 - x2 + y2 - z2, 2*yz - 2*wx, 2*xz - 2*wy, 2*wx + 2*yz, w2 - x2 - y2 + z2], dim=1).view(B, 3, 3) return rotMat def pose_vec2mat(vec, rotation_mode='euler'): """ Convert 6DoF parameters to transformation matrix. Args:s vec: 6DoF parameters in the order of tx, ty, tz, rx, ry, rz -- [B, 6] Returns: A transformation matrix -- [B, 3, 4] """ translation = vec[:, :3].unsqueeze(-1) # [B, 3, 1] rot = vec[:,3:] if rotation_mode == 'euler': rot_mat = euler2mat(rot) # [B, 3, 3] elif rotation_mode == 'quat': rot_mat = quat2mat(rot) # [B, 3, 3] transform_mat = torch.cat([rot_mat, translation], dim=2) # [B, 3, 4] return transform_mat def flow_warp(img, flow, padding_mode='zeros'): """ Inverse warp a source image to the target image plane. Args: img: the source image (where to sample pixels) -- [B, 3, H, W] flow: flow map of the target image -- [B, 2, H, W] Returns: Source image warped to the target image plane """ check_sizes(img, 'img', 'BCHW') check_sizes(flow, 'flow', 'B2HW') bs, _, h, w = flow.size() u = flow[:,0,:,:] v = flow[:,1,:,:] grid_x = Variable(torch.arange(0, w).view(1, 1, w).expand(1,h,w), requires_grad=False).type_as(u).expand_as(u) # [bs, H, W] grid_y = Variable(torch.arange(0, h).view(1, h, 1).expand(1,h,w), requires_grad=False).type_as(v).expand_as(v) # [bs, H, W] X = grid_x + u Y = grid_y + v X = 2*(X/(w-1.0) - 0.5) Y = 2*(Y/(h-1.0) - 0.5) grid_tf = torch.stack((X,Y), dim=3) img_tf = torch.nn.functional.grid_sample(img, grid_tf, padding_mode=padding_mode) return img_tf def pose2flow(depth, pose, intrinsics, intrinsics_inv, rotation_mode='euler', padding_mode=None): """ Converts pose parameters to rigid optical flow """ check_sizes(depth, 'depth', 'BHW') check_sizes(pose, 'pose', 'B6') check_sizes(intrinsics, 'intrinsics', 'B33') check_sizes(intrinsics_inv, 'intrinsics', 'B33') assert(intrinsics_inv.size() == intrinsics.size()) bs, h, w = depth.size() grid_x = Variable(torch.arange(0, w).view(1, 1, w).expand(1,h,w), requires_grad=False).type_as(depth).expand_as(depth) # [bs, H, W] grid_y = Variable(torch.arange(0, h).view(1, h, 1).expand(1,h,w), requires_grad=False).type_as(depth).expand_as(depth) # [bs, H, W] cam_coords = pixel2cam(depth, intrinsics_inv) # [B,3,H,W] pose_mat = pose_vec2mat(pose, rotation_mode) # [B,3,4] # Get projection matrix for tgt camera frame to source pixel frame proj_cam_to_src_pixel = intrinsics.bmm(pose_mat) # [B, 3, 4] src_pixel_coords = cam2pixel(cam_coords, proj_cam_to_src_pixel[:,:,:3], proj_cam_to_src_pixel[:,:,-1:], padding_mode) # [B,H,W,2] X = (w-1)*(src_pixel_coords[:,:,:,0]/2.0 + 0.5) - grid_x Y = (h-1)*(src_pixel_coords[:,:,:,1]/2.0 + 0.5) - grid_y return torch.stack((X,Y), dim=1) def inverse_warp(img, depth, pose, intrinsics, intrinsics_inv, rotation_mode='euler', padding_mode='zeros'): """ Inverse warp a source image to the target image plane. Args: img: the source image (where to sample pixels) -- [B, 3, H, W] depth: depth map of the target image -- [B, H, W] pose: 6DoF pose parameters from target to source -- [B, 6] intrinsics: camera intrinsic matrix -- [B, 3, 3] intrinsics_inv: inverse of the intrinsic matrix -- [B, 3, 3] Returns: Source image warped to the target image plane """ check_sizes(img, 'img', 'B3HW') check_sizes(depth, 'depth', 'BHW') check_sizes(pose, 'pose', 'B6') check_sizes(intrinsics, 'intrinsics', 'B33') check_sizes(intrinsics_inv, 'intrinsics', 'B33') assert(intrinsics_inv.size() == intrinsics.size()) batch_size, _, img_height, img_width = img.size() cam_coords = pixel2cam(depth, intrinsics_inv) # [B,3,H,W] pose_mat = pose_vec2mat(pose, rotation_mode) # [B,3,4] # Get projection matrix for tgt camera frame to source pixel frame proj_cam_to_src_pixel = intrinsics.bmm(pose_mat) # [B, 3, 4] src_pixel_coords = cam2pixel(cam_coords, proj_cam_to_src_pixel[:,:,:3], proj_cam_to_src_pixel[:,:,-1:], padding_mode) # [B,H,W,2] projected_img = torch.nn.functional.grid_sample(img, src_pixel_coords, padding_mode=padding_mode) return projected_img
35.714789
136
0.602484
7c5685982f284836ad84a3186b0e3af7e951a8fa
7,853
py
Python
lingvo/core/egdd.py
ramonsanabria/lingvo
f38dc3801d36ed08a4117d4a66e6f1f10f76909d
[ "Apache-2.0" ]
null
null
null
lingvo/core/egdd.py
ramonsanabria/lingvo
f38dc3801d36ed08a4117d4a66e6f1f10f76909d
[ "Apache-2.0" ]
null
null
null
lingvo/core/egdd.py
ramonsanabria/lingvo
f38dc3801d36ed08a4117d4a66e6f1f10f76909d
[ "Apache-2.0" ]
null
null
null
# Lint as: python2, python3 # Copyright 2020 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ============================================================================== """Exponentiated Gradient Delta-Delta optimizer.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function # pylint: disable=g-direct-tensorflow-import from tensorflow.python.framework import ops from tensorflow.python.ops import array_ops from tensorflow.python.ops import clip_ops from tensorflow.python.ops import control_flow_ops from tensorflow.python.ops import linalg_ops from tensorflow.python.ops import math_ops from tensorflow.python.ops import state_ops from tensorflow.python.training import optimizer # pylint: enable=g-direct-tensorflow-import
42.448649
80
0.696676
7c56c7d2316646a3222e3085d34d2f51b63f5dac
3,556
py
Python
examples/nn_cudamat.py
cloudspectatordevelopment/cudamat
d26cf019a7855077b7d4344ae1a3202a156c5170
[ "BSD-3-Clause" ]
526
2015-01-05T14:33:10.000Z
2022-03-09T12:41:37.000Z
examples/nn_cudamat.py
cloudspectatordevelopment/cudamat
d26cf019a7855077b7d4344ae1a3202a156c5170
[ "BSD-3-Clause" ]
71
2015-01-01T01:03:09.000Z
2021-10-01T06:57:07.000Z
examples/nn_cudamat.py
cloudspectatordevelopment/cudamat
d26cf019a7855077b7d4344ae1a3202a156c5170
[ "BSD-3-Clause" ]
139
2015-01-13T21:23:38.000Z
2022-02-24T03:26:34.000Z
# This file shows how to implement a single hidden layer neural network for # performing binary classification on the GPU using cudamat. from __future__ import division import pdb import time import numpy as np import cudamat as cm from cudamat import learn as cl import util # initialize CUDA cm.cublas_init() # load data util.load('mnist49.dat', globals()) # Put training data onto the GPU. dat_train = dat_train/255. dat_train = dat_train - (np.mean(dat_train, 1)+10**-8)[:, np.newaxis] dev_train = cm.CUDAMatrix(dat_train) dev_lbl = cm.CUDAMatrix(lbl_train) # training parameters epsilon = 0.01 momentum = 0.9 num_epochs = 30 batch_size = 128 num_batches = dat_train.shape[1]//batch_size # model parameters dim_in = dat_train.shape[0] dim_out = 1 num_hid = 1024 # initialize weights w_w1 = cm.CUDAMatrix(dim_in ** -0.5 * np.random.randn(dim_in, num_hid)) w_b1 = cm.CUDAMatrix(np.zeros((num_hid, 1))) w_w2 = cm.CUDAMatrix(num_hid ** -0.5 * np.random.randn(num_hid, dim_out)) w_b2 = cm.CUDAMatrix(np.zeros((dim_out, 1))) # initialize weight update matrices wu_w1 = cm.empty(w_w1.shape).assign(0) wu_b1 = cm.empty(w_b1.shape).assign(0) wu_w2 = cm.empty(w_w2.shape).assign(0) wu_b2 = cm.empty(w_b2.shape).assign(0) # initialize temporary storage h = cm.empty((num_hid, batch_size)) out = cm.empty((dim_out, batch_size)) delta = cm.empty((num_hid, batch_size)) # Train neural network. start_time = time.time() for epoch in range(num_epochs): print("Epoch %i" % (epoch + 1)) err = [] for batch in range(num_batches): # get current minibatch inp = dev_train.slice(batch*batch_size,(batch + 1)*batch_size) target = dev_lbl.slice(batch*batch_size,(batch + 1)*batch_size) # forward pass cm.dot(w_w1.T, inp, target = h) h.add_col_vec(w_b1) h.apply_sigmoid() cm.dot(w_w2.T, h, target = out) out.add_col_vec(w_b2) out.apply_sigmoid() # back prop errors out.subtract(target) # compute error # gradients for w_w2 and w_b2 wu_w2.add_dot(h, out.T, beta = momentum) wu_b2.add_sums(out, axis = 1, beta = momentum) # compute delta cm.dot(w_w2, out, target = delta) # delta = delta * h * (1 - h) cl.mult_by_sigmoid_deriv(delta, h) # gradients for w_w1 and w_b1 wu_w1.add_dot(inp, delta.T, beta = momentum) wu_b1.add_sums(delta, axis = 1, beta = momentum) # update weights w_w1.subtract_mult(wu_w1, epsilon/batch_size) w_b1.subtract_mult(wu_b1, epsilon/batch_size) w_w2.subtract_mult(wu_w2, epsilon/batch_size) w_b2.subtract_mult(wu_b2, epsilon/batch_size) # calculate error on current minibatch err.append(np.abs(out.asarray())>0.5) print("Training misclassification rate: %f" % np.mean(err)) print("Time: %f" % (time.time() - start_time)) # Evaluate neural network on test data. # Load test data onto the GPU. dat_test = dat_test/255. dat_test = dat_test - np.mean(dat_test, 1)[:, np.newaxis] dev_test = cm.CUDAMatrix(dat_test) dev_lbl = cm.CUDAMatrix(lbl_test) # Initalize temporary storage. h = cm.empty((num_hid, dat_test.shape[1])) out = cm.empty((dim_out, dat_test.shape[1])) # forward pass cm.dot(w_w1.T, dev_test, target = h) h.add_col_vec(w_b1) h.apply_sigmoid() cm.dot(w_w2.T, h, target = out) out.add_col_vec(w_b2) out.apply_sigmoid() # compute error out.subtract(dev_lbl) print("Testing misclassification rate: %f" % np.mean(np.abs(out.asarray())>0.5)) cm.cublas_shutdown()
26.537313
80
0.683071
7c5785c50891073f1d8d050a467303e1d02503f4
5,967
py
Python
fair/forcing/ozone_tr.py
znicholls/FAIR
599c44ed140b069968ba7d1ca99de40218e42545
[ "Apache-2.0" ]
1
2020-11-14T16:09:39.000Z
2020-11-14T16:09:39.000Z
fair/forcing/ozone_tr.py
znicholls/FAIR
599c44ed140b069968ba7d1ca99de40218e42545
[ "Apache-2.0" ]
1
2020-11-02T17:59:02.000Z
2020-11-02T17:59:02.000Z
fair/forcing/ozone_tr.py
znicholls/FAIR
599c44ed140b069968ba7d1ca99de40218e42545
[ "Apache-2.0" ]
2
2020-11-02T16:42:05.000Z
2020-12-15T16:36:24.000Z
from __future__ import division import numpy as np from ..constants import molwt def regress(emissions, beta=np.array([2.8249e-4, 1.0695e-4, -9.3604e-4, 99.7831e-4])): """Calculates tropospheric ozone forcing from precursor emissions. Inputs: (nt x 40) emissions array Keywords: beta: 4-element array of regression coefficients of precursor radiative efficiency, W m-2 (Mt yr-1)-1. order is [CH4, CO, NMVOC, NOx] Outputs: tropospheric ozone ERF time series. """ if emissions.ndim==2: em_CH4, em_CO, em_NMVOC, em_NOx = emissions[:,[3, 6, 7, 8]].T else: em_CH4, em_CO, em_NMVOC, em_NOx = emissions[[3, 6, 7, 8]] F_CH4 = beta[0] * em_CH4 F_CO = beta[1] * em_CO F_NMVOC = beta[2] * em_NMVOC F_NOx = beta[3] * em_NOx F = F_CH4 + F_CO + F_NMVOC + F_NOx return F def cmip6_stevenson(emissions, C_CH4, T=0, feedback=False, PI=np.array([722, 170, 10, 4.29]), beta=np.array([1.77871043e-04, 5.80173377e-05, 2.09151270e-03, 1.94458719e-04])): """Calculates tropospheric ozone forcing from precursor emissions based on Stevenson et al, 2013 10.5194/acp-13-3063-2013 Inputs: emissions: (nt x 40) numpy array C_CH4 : (nt) numpy array of methane concentrations, ppb Keywords: T : change in surface temperature since pre-industrial feedback : True or False - include temperature feedback on ozone forcing? PI: : 4-element array of pre-industrial CH4 concentrations, CO emissions, NMVOC emissions and NOx emissions beta: : coefficients of how CH4 concentrations, CO emissions, NMVOC emissions and NOx emissions affect forcing Outputs: tropospheric ozone ERF time series. """ # expand to 2D/1D if not already if emissions.ndim == 1: nspec = len(emissions) emissions = emissions.reshape((1, nspec)) if np.isscalar(C_CH4): C_CH4 = np.ones(1)*C_CH4 year, em_CO, em_NMVOC, em_NOx = emissions[:,[0, 6, 7, 8]].T nt = len(year) F_CH4, F_CO, F_NMVOC, F_NOx = np.zeros((4,nt)) for i in range(nt): F_CH4[i] = beta[0] * (C_CH4[i]-PI[0]) F_CO[i] = beta[1] * (em_CO[i]-PI[1]) F_NMVOC[i] = beta[2] * (em_NMVOC[i]-PI[2]) F_NOx[i] = beta[3] * (em_NOx[i]-PI[3]) # Include the effect of climate feedback? We fit a curve to the 2000, 2030 # and 2100 best estimates of feedback based on middle-of-the-road # temperature projections. if feedback: F = F_CH4 + F_CO + F_NMVOC + F_NOx + temperature_feedback(T) else: F = F_CH4 + F_CO + F_NMVOC + F_NOx return F def stevenson(emissions, C_CH4, T=0, feedback=False, fix_pre1850_RCP=False, PI=np.array([722, 170, 10, 4.29])): """Calculates tropospheric ozone forcing from precursor emissions based on Stevenson et al, 2013 10.5194/acp-13-3063-2013 Inputs: emissions: (nt x 40) numpy array C_CH4 : (nt) numpy array of methane concentrations, ppb Keywords: T : change in surface temperature since pre-industrial feedback : True or False - include temperature feedback on ozone forcing? fix_pre1850_RCP: Use different relationship for 1750/65 to 1850 based on anthropogenic emissions from Skeie et al (2011) for 1750 (atmos-chem-phys.net/11/11827/2011) PI: : 4-element array of pre-industrial CH4 concentrations, CO emissions, NMVOC emissions and NOx emissions Outputs: tropospheric ozone ERF time series. """ # expand to 2D/1D if not already if emissions.ndim == 1: nspec = len(emissions) emissions = emissions.reshape((1, nspec)) if np.isscalar(C_CH4): C_CH4 = np.ones(1)*C_CH4 # numbers in denominator are 2000-1750 concs or emissions used in # Stevenson and traced back to Lamarque et al 2010 for 2000 # https://www.atmos-chem-phys.net/10/7017/2010/ year, em_CO, em_NMVOC, em_NOx = emissions[:,[0, 6, 7, 8]].T nt = len(year) F_CH4, F_CO, F_NMVOC, F_NOx = np.zeros((4,nt)) for i in range(nt): if year[i]>=1850 or fix_pre1850_RCP==False: F_CH4[i] = 0.166/960 * (C_CH4[i]-PI[0]) F_CO[i] = 0.058/681.8 * (em_CO[i]-PI[1]) F_NMVOC[i] = 0.035/155.84 * (em_NMVOC[i]-PI[2]) F_NOx[i] = 0.119/61.16 * (em_NOx[i] * molwt.NO / molwt.N - PI[3]) # The RCP scenarios give a negative forcing prior to ~1780. This is # because the anthropogenic emissions are given to be zero in RCPs but # not zero in the Skeie numbers which are used here. This can be fixed # to give a more linear behaviour. else: F_CH4[i] = 0.166/960 * (C_CH4[i]-722) F_CO[i] = 0.058/681.8 * 215.59 * em_CO[i] / 385.59 F_NMVOC[i] = 0.035/155.84 * 51.97 * em_NMVOC[i] / 61.97 F_NOx[i] = 0.119/61.16 * 7.31 * (em_NOx[i] * molwt.NO / molwt.N) / 11.6 # Include the effect of climate feedback? We fit a curve to the 2000, 2030 # and 2100 best estimates of feedback based on middle-of-the-road # temperature projections. if feedback: F = F_CH4 + F_CO + F_NMVOC + F_NOx + temperature_feedback(T) else: F = F_CH4 + F_CO + F_NMVOC + F_NOx return F
36.384146
78
0.586224
7c57f754fa08c4237dd780441aaf7916aa4b730c
3,530
py
Python
tests/test_publish.py
oarepo/oarepo-references-draft
7e5ad4225c4ace9781d5de952c3765a65b33fd8e
[ "MIT" ]
null
null
null
tests/test_publish.py
oarepo/oarepo-references-draft
7e5ad4225c4ace9781d5de952c3765a65b33fd8e
[ "MIT" ]
null
null
null
tests/test_publish.py
oarepo/oarepo-references-draft
7e5ad4225c4ace9781d5de952c3765a65b33fd8e
[ "MIT" ]
null
null
null
import uuid from invenio_indexer.api import RecordIndexer from invenio_pidstore.models import PersistentIdentifier, PIDStatus from invenio_records_draft.api import RecordContext from invenio_records_draft.proxies import current_drafts from invenio_search import RecordsSearch, current_search, current_search_client from sample.records.config import DraftRecord, PublishedRecord from tests.helpers import disable_test_authenticated
40.574713
99
0.608215
7c591440c5e8dee3c070bc7ca52d3ba19f2b4743
5,580
py
Python
examples/ROS/tiscamera.py
xiaotiansf/tiscamera
8451449788f7429621240e2bbce065d65c5ac10e
[ "Apache-2.0" ]
null
null
null
examples/ROS/tiscamera.py
xiaotiansf/tiscamera
8451449788f7429621240e2bbce065d65c5ac10e
[ "Apache-2.0" ]
null
null
null
examples/ROS/tiscamera.py
xiaotiansf/tiscamera
8451449788f7429621240e2bbce065d65c5ac10e
[ "Apache-2.0" ]
null
null
null
import os import subprocess from collections import namedtuple import gi gi.require_version("Gst", "1.0") gi.require_version("Tcam", "0.1") from gi.repository import Tcam, Gst, GLib, GObject DeviceInfo = namedtuple("DeviceInfo", "status name identifier connection_type") CameraProperty = namedtuple("CameraProperty", "status value min max default step type flags category group") # Disable pylint false positives # pylint:disable=E0712
36.953642
170
0.624014
7c59c1fafc0db31d12d2731c296964f8cac7b7ce
274
py
Python
helpers/config.py
bertrand-caron/cv_blog_flask
ce779db31805f0b1a7bbc9a6f09a7d3fe1af74b2
[ "MIT" ]
null
null
null
helpers/config.py
bertrand-caron/cv_blog_flask
ce779db31805f0b1a7bbc9a6f09a7d3fe1af74b2
[ "MIT" ]
null
null
null
helpers/config.py
bertrand-caron/cv_blog_flask
ce779db31805f0b1a7bbc9a6f09a7d3fe1af74b2
[ "MIT" ]
null
null
null
from typing import Dict, Any from yaml import load CONFIG = get_config()
24.909091
72
0.671533
7c59df650fcdcb09e11e3c4ab2f95de326942e41
4,758
py
Python
raman/unmixing.py
falckt/raman
8f9fae0e211dd49cebaba98e71787bb663be8fcf
[ "BSD-3-Clause" ]
1
2020-05-21T11:56:32.000Z
2020-05-21T11:56:32.000Z
raman/unmixing.py
falckt/raman
8f9fae0e211dd49cebaba98e71787bb663be8fcf
[ "BSD-3-Clause" ]
null
null
null
raman/unmixing.py
falckt/raman
8f9fae0e211dd49cebaba98e71787bb663be8fcf
[ "BSD-3-Clause" ]
null
null
null
# Author: Tillmann Falck <[email protected]> # # License: BSD 3 clause # # SPDX-License-Identifier: BSD-3-Clause import collections from itertools import product import cvxpy as cp import numpy as np def sunsal_tv(A, Y, lambda_1, lambda_tv, sweep='prod', tv_type='iso', additional_constraint='none'): r""" Sparse unmixing via variable splitting and augmented Lagrangian and total variation (SUnSAL-TV) solves the following optimization problem min || Y - A * X ||_F + lambda_1 || X ||_1 + lambda_TV || X ||_TV X subject to X >= 0 # if additional_constraint is 'positive' sum(X, axis=0) == 1 # if additional_constraint is 'sum_to_one' with || X ||_1 = \sum_i | x_i | # for a flattened array X || X ||_TV = \sum_i (\sum_j |X_ij|^p)^(1/p) # p = 1 for non-isotropic and p = 2 for isotropic Parameters ---------- A: array - N x L, spectral library, where L is the number of library elements and N the number of points in each spectrum Y: array - N x m_1 x ... x m_d, target spectra, m_1, ..., m_d are spatial dimnesions lambda_1: float - regularization constant for elementwise sparsity inducing term lambda_TV: float - regularization constant for TV regularizer (sparse changes along spatial dimensions) sweep: {'prod', 'zip'} - tv_type: {'iso', 'non-iso'} - type of total variation norm, isotropic or non-isotropic additional_constraint: {'none', 'positive', 'sum_to_one'} - additional constraint on solution Returns ------- X: array - L x m_1 x ... x m_d References ---------- [1] M. Iordache, J. M. Bioucas-Dias and A. Plaza, "Total Variation Spatial Regularization for Sparse Hyperspectral Unmixing," in IEEE Transactions on Geoscience and Remote Sensing, vol. 50, no. 11, pp. 4484-4502, Nov. 2012. [2] Matlab implementation, downloaded from https://github.com/ricardoborsoi/MUA_SparseUnmixing/blob/57802d5b2f77649fb32c2e4c75258f8d91084f7d/sunsal_tv.m [3] https://dsp.stackexchange.com/questions/57977/isotropic-and-anisotropic-in-the-total-variation-framework """ # get dimensions num_spectra, lib_size = A.shape sample_dims = Y.shape[1:] assert Y.shape[0] == num_spectra, 'Size of library does not size of target variables' # reshape Y from [spectra x Xpos x Ypos x ...] --> [spectra x (Xpos * Ypos * ...)] Y = Y.reshape((num_spectra, -1)) num_samples = Y.shape[1] # create optimization variables positive_solution = (additional_constraint == 'positive') X = cp.Variable((lib_size, num_samples), nonneg=positive_solution) p_lambda_1 = cp.Parameter(1, nonneg=True) p_lambda_tv = cp.Parameter(1, nonneg=True) # calculate first differences in each direction idx = np.r_[:num_samples] idx_s = idx.reshape(sample_dims) differences = [] for n, d in enumerate(sample_dims): ia = np.ravel(idx_s.take(indices=np.r_[np.r_[1:d], 0], axis=n)) ib = np.ravel(idx_s.take(indices=np.r_[:d], axis=n)) differences.append(X[:, ia] - X[:, ib]) # compute TV norm if tv_type == 'iso': D = [x*x for x in differences] D = cp.sqrt(cp.sum(D)) tv = cp.sum(D) elif tv_type == 'non-iso': D = [cp.sum(cp.abs(x)) for x in differences] tv = cp.sum(D) else: raise ValueError(f'TV norm type `{tv_type}` is not defined') # define object function obj = cp.norm(Y - A @ X, p='fro') + p_lambda_1 * cp.pnorm(X, p=1) + p_lambda_tv * tv # constraints constr = [] if additional_constraint == 'sum_to_one': constr.append(cp.sum(X, axis=0) == 1) # opimiztion problem prob = cp.Problem(cp.Minimize(obj), constr) # init parameter sweep # if lambda_1 and lambda_tv are scalar return result # otherwise return a dict with (lambda_1, lambda_tv): result lambda_scalar = True if not isinstance(lambda_1, collections.Iterable): lambda_1 = [lambda_1] else: lambda_scalar = False if not isinstance(lambda_tv, collections.Iterable): lambda_tv = [lambda_tv] else: lambda_scalar = False if sweep == 'prod': l_iter = product(lambda_1, lambda_tv) elif sweep == 'zip': l_iter = zip(lambda_1, lambda_tv) else: raise ValueError(f'Parameter sweep `{sweep}` not supported') results = {} for l_1, l_tv in l_iter: p_lambda_1.value = l_1 p_lambda_tv.value = l_tv # solution prob.solve(solver=cp.SCS, verbose=True) results[(l_1, l_tv)] = X.value.reshape((lib_size, ) + sample_dims) if lambda_scalar: return results.popitem()[1] else: return results
34.985294
125
0.640395
7c5bbf4b4ce3af5182a0d6bd6aa48e224f1317d8
53
py
Python
test_stock.py
ucsb-cs48-w19/6pm-stock-trading
daf70b684c15182753d8ca9b820238cf9cd5b75c
[ "MIT" ]
1
2019-04-06T15:44:07.000Z
2019-04-06T15:44:07.000Z
test_stock.py
ucsb-cs48-w19/6pm-stock-trading
daf70b684c15182753d8ca9b820238cf9cd5b75c
[ "MIT" ]
35
2019-03-07T22:29:04.000Z
2021-12-13T19:55:51.000Z
test_stock.py
ucsb-cs48-w19/6pm-stock-trading
daf70b684c15182753d8ca9b820238cf9cd5b75c
[ "MIT" ]
1
2019-12-18T23:06:37.000Z
2019-12-18T23:06:37.000Z
import pytest
8.833333
18
0.622642
7c5bc0acf118170063960ef1b43392c65c34384f
1,421
py
Python
TM1py/Objects/ElementAttribute.py
damirishpreet/TM1py
8482d0787fd5a9e5eb05a0288c41b75fc1fc93ac
[ "MIT" ]
19
2016-03-04T19:21:40.000Z
2021-12-10T02:39:51.000Z
TM1py/Objects/ElementAttribute.py
damirishpreet/TM1py
8482d0787fd5a9e5eb05a0288c41b75fc1fc93ac
[ "MIT" ]
11
2016-08-24T19:27:11.000Z
2017-07-30T01:10:28.000Z
TM1py/Objects/ElementAttribute.py
damirishpreet/TM1py
8482d0787fd5a9e5eb05a0288c41b75fc1fc93ac
[ "MIT" ]
6
2016-08-03T19:28:45.000Z
2017-01-30T12:25:05.000Z
# -*- coding: utf-8 -*- import json from TM1py.Objects.TM1Object import TM1Object
25.375
75
0.655172
7c5c4475e9ffb17b4a7ed0975ab0f7646445b8ba
4,011
py
Python
account.py
MaherClinc/stockly-bs
4a2c5741673b85bee9100afef0b404520cb10b5d
[ "MIT" ]
null
null
null
account.py
MaherClinc/stockly-bs
4a2c5741673b85bee9100afef0b404520cb10b5d
[ "MIT" ]
null
null
null
account.py
MaherClinc/stockly-bs
4a2c5741673b85bee9100afef0b404520cb10b5d
[ "MIT" ]
null
null
null
from sqlalchemy import exc from sqlalchemy.sql.expression import func from models import Watchlist, Portfolio, Activity from app import db import metric
36.463636
126
0.667913
7c5c6bcf1d0acee591337a1dbb0080fdcf270c1f
3,175
py
Python
scripts/addons/kekit/ke_fit2grid.py
Tilapiatsu/blender-custom_conf
05592fedf74e4b7075a6228b8448a5cda10f7753
[ "MIT" ]
2
2020-04-16T22:12:40.000Z
2022-01-22T17:18:45.000Z
scripts/addons/kekit/ke_fit2grid.py
Tilapiatsu/blender-custom_conf
05592fedf74e4b7075a6228b8448a5cda10f7753
[ "MIT" ]
null
null
null
scripts/addons/kekit/ke_fit2grid.py
Tilapiatsu/blender-custom_conf
05592fedf74e4b7075a6228b8448a5cda10f7753
[ "MIT" ]
2
2019-05-16T04:01:09.000Z
2020-08-25T11:42:26.000Z
bl_info = { "name": "ke_fit2grid", "author": "Kjell Emanuelsson", "category": "Modeling", "version": (1, 0, 2), "blender": (2, 80, 0), } import bpy import bmesh from .ke_utils import get_loops, correct_normal, average_vector from mathutils import Vector, Matrix # ------------------------------------------------------------------------------------------------- # Class Registration & Unregistration # ------------------------------------------------------------------------------------------------- def register(): bpy.utils.register_class(VIEW3D_OT_ke_fit2grid) def unregister(): bpy.utils.unregister_class(VIEW3D_OT_ke_fit2grid) if __name__ == "__main__": register()
31.75
102
0.521575
7c5d7a1fdf2039a9a74d4beb4a72efeb34b5199f
201
py
Python
tests/test_update.py
en0/pyavl3
c9dad3189da1f18e935e61d13d7c971aceafd895
[ "MIT" ]
null
null
null
tests/test_update.py
en0/pyavl3
c9dad3189da1f18e935e61d13d7c971aceafd895
[ "MIT" ]
null
null
null
tests/test_update.py
en0/pyavl3
c9dad3189da1f18e935e61d13d7c971aceafd895
[ "MIT" ]
null
null
null
import unittest from pyavl3 import AVLTree
20.1
43
0.651741
7c5e0af3e6fbbe4ea83ab673bc82739437ec8f74
453
py
Python
python/day5-1.py
Aerdan/adventcode-2020
83120aa8c7fc9d1f2d34780610401e3c6d4f583b
[ "BSD-1-Clause" ]
null
null
null
python/day5-1.py
Aerdan/adventcode-2020
83120aa8c7fc9d1f2d34780610401e3c6d4f583b
[ "BSD-1-Clause" ]
null
null
null
python/day5-1.py
Aerdan/adventcode-2020
83120aa8c7fc9d1f2d34780610401e3c6d4f583b
[ "BSD-1-Clause" ]
null
null
null
#!/usr/bin/env python3 mid = 0 with open('input5.txt') as f: for line in f.readlines(): line = line[:-1] row = binary(line[:7], 7, {'F': '0', 'B': '1'}) col = binary(line[7:], 3, {'R': '1', 'L': '0'}) sid = row * 8 + col mid = sid if sid > mid else mid print(mid)
19.695652
55
0.487859
7c5e5eb731f86fd4dc537483a440f05753a38fab
600
py
Python
custom_stocks_py/base.py
baramsalem/Custom-stocks-py
5beeb7b6f93755ec7c00c25763accf6a52f8bbaf
[ "Unlicense" ]
null
null
null
custom_stocks_py/base.py
baramsalem/Custom-stocks-py
5beeb7b6f93755ec7c00c25763accf6a52f8bbaf
[ "Unlicense" ]
null
null
null
custom_stocks_py/base.py
baramsalem/Custom-stocks-py
5beeb7b6f93755ec7c00c25763accf6a52f8bbaf
[ "Unlicense" ]
null
null
null
""" custom_stocks_py base module. This is the principal module of the custom_stocks_py project. here you put your main classes and objects. Be creative! do whatever you want! If you want to replace this with a Flask application run: $ make init and then choose `flask` as template. """ def base_function() -> str: """ Base function. """ return "hello from base function"
18.181818
61
0.646667
7c5fa2ddc156126b4dccbe0c281c6059666eccf4
501
py
Python
dummy_server.py
dpmkl/heimdall
184f169f0be9f6b6b708364725f5db8b1f249d9c
[ "MIT" ]
null
null
null
dummy_server.py
dpmkl/heimdall
184f169f0be9f6b6b708364725f5db8b1f249d9c
[ "MIT" ]
null
null
null
dummy_server.py
dpmkl/heimdall
184f169f0be9f6b6b708364725f5db8b1f249d9c
[ "MIT" ]
null
null
null
#!/usr/bin/env python import SimpleHTTPServer import SocketServer import logging PORT = 8000 for i in range(4): Handler = GetHandler httpd = SocketServer.TCPServer(("", PORT + i), Handler) httpd.serve_forever()
25.05
64
0.682635
7c5ff08483bb708102f0397eb8e76c57f5a75cff
59
py
Python
cimsparql/__init__.py
nalu-svk/cimsparql
e69b0799a2bbd70027e2c8bb9970574991597ca5
[ "MIT" ]
null
null
null
cimsparql/__init__.py
nalu-svk/cimsparql
e69b0799a2bbd70027e2c8bb9970574991597ca5
[ "MIT" ]
null
null
null
cimsparql/__init__.py
nalu-svk/cimsparql
e69b0799a2bbd70027e2c8bb9970574991597ca5
[ "MIT" ]
null
null
null
"""Library for CIM sparql queries""" __version__ = "1.9.0"
19.666667
36
0.677966
7c605332955c4b043be9f4d88d8eb7ca6bb505c8
934
py
Python
scripts/49-cat-logs.py
jmviz/xd
f905e5c61b2835073b19cc3fa0d6917432fa7ece
[ "MIT" ]
179
2016-03-05T03:14:56.000Z
2022-02-12T22:48:55.000Z
scripts/49-cat-logs.py
jmviz/xd
f905e5c61b2835073b19cc3fa0d6917432fa7ece
[ "MIT" ]
24
2016-02-14T07:43:42.000Z
2021-12-14T01:09:54.000Z
scripts/49-cat-logs.py
jmviz/xd
f905e5c61b2835073b19cc3fa0d6917432fa7ece
[ "MIT" ]
25
2016-02-19T20:35:03.000Z
2022-01-31T09:15:44.000Z
#!/usr/bin/env python3 # Usage: # $0 -o log.txt products/ # # concatenates .log files (even those in subdirs or .zip) and combines into a single combined.log from xdfile.utils import find_files_with_time, open_output, get_args import boto3 # from boto.s3.connection import S3Connection import os main()
29.1875
121
0.671306
7c606dd98dcd0e38522a604061eae8d10c8862e6
1,844
py
Python
manuscript/link_checker.py
wuyang1002431655/tango_with_django_19
42d5878e4a12037daf04d785826357cd4351a16d
[ "Apache-2.0" ]
244
2016-04-12T15:39:47.000Z
2021-09-10T07:43:55.000Z
manuscript/link_checker.py
wuyang1002431655/tango_with_django_19
42d5878e4a12037daf04d785826357cd4351a16d
[ "Apache-2.0" ]
57
2016-03-29T22:12:09.000Z
2019-08-26T07:50:11.000Z
manuscript/link_checker.py
wuyang1002431655/tango_with_django_19
42d5878e4a12037daf04d785826357cd4351a16d
[ "Apache-2.0" ]
311
2016-04-27T04:41:02.000Z
2021-09-19T14:03:35.000Z
# Checks for broken links in the book chapters, printing the status of each link found to stdout. # The Python package 'requests' must be installed and available for this simple module to work. # Author: David Maxwell # Date: 2017-02-14 import re import requests def main(chapters_list_filename, hide_success=True): """ hide_success = a boolean switch that determines whether to show URLs that return a HTTP 200. If set to true, only URLs that fail will be printed. """ chapters_f = open(chapters_list_filename, 'r') pattern = re.compile(r'\[([^]]+)]\(\s*(http[s]?://[^)]+)\s*\)') # http://stackoverflow.com/a/23395483 print 'filename\tline_no\ttitle\turl\tstatus_code' for filename in chapters_f: filename = filename.strip() if not filename or filename.startswith('{'): # Skip non-filename lines continue chapter_f = open(filename, 'r') line_no = 1 for line in chapter_f: line = line.strip() for match in re.findall(pattern, line): title = match[0] url = match[1] if '127.0.0.1' in url or 'localhost' in url: # Don't check localhost URLs continue request = None status_code = -1 try: request = requests.get(url) status_code = request.status_code except requests.exceptions.ConnectionError: request = None status_code = 'FAILED_TO_CONNECT' if hide_success and status_code == 200: continue title = title.replace('\t', ' ') print '{filename}\t{line_no}\t{title}\t{url}\t{status_code}'.format(filename=filename, line_no=line_no, title=title, url=url, status_code=status_code) line_no = line_no + 1 chapter_f.close() chapters_f.close() if __name__ == '__main__': main('Book.txt', hide_success=False)
28.369231
103
0.645879
7c607c9719bd98d3bde94fd9eadb9fd81b05f7b7
116
py
Python
service/__init__.py
2890841438/fast-index.py
fa59f38ed009b4bdf5dbf27d8619d31f8b681118
[ "MIT" ]
4
2020-09-05T03:18:44.000Z
2020-09-15T05:56:54.000Z
utils/__init__.py
2890841438/fast-index.py
fa59f38ed009b4bdf5dbf27d8619d31f8b681118
[ "MIT" ]
null
null
null
utils/__init__.py
2890841438/fast-index.py
fa59f38ed009b4bdf5dbf27d8619d31f8b681118
[ "MIT" ]
null
null
null
# -*- coding = utf-8 -*- # @Time: 2020/9/4 18:52 # @Author: dimples_yj # @File: __init__.py.py # @Software: PyCharm
19.333333
24
0.612069
7c62e1ba59e97f238e09a86895f6c890c24d960e
5,819
py
Python
CLIP-ViL-Direct/vqa/pythia_clip_grid_feature.py
HermannLiang/CLIP-ViL
49c28bc5ece1aacfcbfd9c8810db70663ca0516a
[ "MIT" ]
null
null
null
CLIP-ViL-Direct/vqa/pythia_clip_grid_feature.py
HermannLiang/CLIP-ViL
49c28bc5ece1aacfcbfd9c8810db70663ca0516a
[ "MIT" ]
null
null
null
CLIP-ViL-Direct/vqa/pythia_clip_grid_feature.py
HermannLiang/CLIP-ViL
49c28bc5ece1aacfcbfd9c8810db70663ca0516a
[ "MIT" ]
null
null
null
#!/usr/bin/env python3 """ Grid features extraction script. """ import argparse import os import torch import tqdm from fvcore.common.file_io import PathManager from detectron2.checkpoint import DetectionCheckpointer from detectron2.config import get_cfg from detectron2.engine import default_setup from detectron2.evaluation import inference_context from detectron2.modeling import build_model import numpy as np from clip.clip import load import torch.nn as nn from torchvision.transforms import Compose, Resize, CenterCrop, ToTensor, Normalize from grid_feats import ( add_attribute_config, build_detection_test_loader_with_attributes, ) # from timm.models.vision_transformer import resize_pos_embed # A simple mapper from object detection dataset to VQA dataset names dataset_to_folder_mapper = {} dataset_to_folder_mapper['coco_2014_train'] = 'train2014' dataset_to_folder_mapper['coco_2014_val'] = 'val2014' #dataset_to_folder_mapper['coco_2014_val'] = 'trainval2014' #dataset_to_folder_mapper['coco_2014_train'] = 'trainval2014' # One may need to change the Detectron2 code to support coco_2015_test # insert "coco_2015_test": ("coco/test2015", "coco/annotations/image_info_test2015.json"), # at: https://github.com/facebookresearch/detectron2/blob/master/detectron2/data/datasets/builtin.py#L36 dataset_to_folder_mapper['coco_2015_test'] = 'test2015' dataset_to_folder_mapper['coco_2015_test-dev'] = 'test-dev2015' def setup(args): """ Create configs and perform basic setups. """ cfg = get_cfg() add_attribute_config(cfg) cfg.merge_from_file(args.config_file) cfg.merge_from_list(args.opts) # force the final residual block to have dilations 1 cfg.MODEL.RESNETS.RES5_DILATION = 1 cfg.freeze() default_setup(cfg, args) return cfg if __name__ == "__main__": args = extract_grid_feature_argument_parser().parse_args() print("Command Line Args:", args) main(args)
40.978873
131
0.687231
7c6577b07dcade6abb36fc14d4e83aa262bb9bef
2,514
py
Python
src/node.py
aerendon/blockchain-basics
e3168afd097b26d23a09fd30e74e07b695e577d1
[ "MIT" ]
6
2018-08-09T14:36:35.000Z
2021-03-23T06:53:01.000Z
src/node.py
aerendon/blockchain-basics
e3168afd097b26d23a09fd30e74e07b695e577d1
[ "MIT" ]
null
null
null
src/node.py
aerendon/blockchain-basics
e3168afd097b26d23a09fd30e74e07b695e577d1
[ "MIT" ]
null
null
null
from flask import Flask, request import time import requests import json from blockchain import Blockchain from block import Block app = Flask(__name__) blockchain = Blockchain() peers = set() def consensus(): global blockchain longest_chain = None current_len = len(blockchain) for node in peers: response = requests.get('http://{}/chain'.format(node)) length = response.json()['length'] chain = response.json()['chain'] if length > current_len and blockchain.check_chain_validity(chain): current_len = length longest_chain = chain if longest_chain: blockchain = longest_chain return True return False app.run(debug=True, port=8000)
25.917526
120
0.668258
7c67194eb5ab82333266efd8ffcbf64d199afeff
637
py
Python
Luke 02/02.py
Nilzone-/Knowit-Julekalender-2017
66ef8a651277e0fef7d9278f3f129410b5b98ee0
[ "MIT" ]
null
null
null
Luke 02/02.py
Nilzone-/Knowit-Julekalender-2017
66ef8a651277e0fef7d9278f3f129410b5b98ee0
[ "MIT" ]
null
null
null
Luke 02/02.py
Nilzone-/Knowit-Julekalender-2017
66ef8a651277e0fef7d9278f3f129410b5b98ee0
[ "MIT" ]
null
null
null
import numpy as np size = 1000 grid = build_grid() print "Original grid\n" print grid visit(grid) print "\n\nAfter search\n" print grid print "\n%d unvisited points in grid" % (size**2 - np.count_nonzero(grid))
20.548387
104
0.620094
7c67a7fccb58ad0744513e429cedf4044452005e
311
py
Python
databases/music.py
danielicapui/programa-o-avancada
d0e5b876b951ae04a46ffcda0dc0143e3f7114d9
[ "MIT" ]
null
null
null
databases/music.py
danielicapui/programa-o-avancada
d0e5b876b951ae04a46ffcda0dc0143e3f7114d9
[ "MIT" ]
null
null
null
databases/music.py
danielicapui/programa-o-avancada
d0e5b876b951ae04a46ffcda0dc0143e3f7114d9
[ "MIT" ]
null
null
null
from utills import * conn,cur=start('music') criarTabela("tracks","title text,plays integer") music=[('trunder',20), ('my way',15)] insertInto("tracks","title,plays",music) #cur.executemany("insert into tracks (title,plays) values (?,?)",music) buscaTabela("tracks","title") conn.commit() conn.close()
25.916667
71
0.691318
7c684d5c56bbbdacbeb8612a9b08130a83635f9a
13,250
py
Python
video_analysis/code/scene_postprocess.py
pdxcycling/carv.io
cce0f91a76d3ceed714b3625d415131fd9540899
[ "MIT" ]
null
null
null
video_analysis/code/scene_postprocess.py
pdxcycling/carv.io
cce0f91a76d3ceed714b3625d415131fd9540899
[ "MIT" ]
null
null
null
video_analysis/code/scene_postprocess.py
pdxcycling/carv.io
cce0f91a76d3ceed714b3625d415131fd9540899
[ "MIT" ]
null
null
null
import pandas as pd import numpy as np import re from collections import Counter from flow_preprocess import FlowPreprocess
35.05291
128
0.60234
7c6a104628420af03301492fef43b77ba98e1a64
6,840
py
Python
examples/pytorch/mnist/plot.py
ThomasRot/rational_activations
1fa26d1ee5f3c916eda00c899afa96eccb960143
[ "MIT" ]
null
null
null
examples/pytorch/mnist/plot.py
ThomasRot/rational_activations
1fa26d1ee5f3c916eda00c899afa96eccb960143
[ "MIT" ]
null
null
null
examples/pytorch/mnist/plot.py
ThomasRot/rational_activations
1fa26d1ee5f3c916eda00c899afa96eccb960143
[ "MIT" ]
null
null
null
import torch import numpy as np import pickle torch.manual_seed(17) torch.backends.cudnn.deterministic = True torch.backends.cudnn.benchmark = False np.random.seed(17) import argparse import torch.nn as nn import torch.nn.functional as F import matplotlib import os from rational.torch import Rational, RecurrentRational, RecurrentRationalModule from torchvision import datasets, transforms from torch.utils.tensorboard import SummaryWriter from mnist import VGG, LeNet5, actfvs from matplotlib import pyplot as plt font = {'family': 'normal', 'weight': 'bold', 'size': 22} matplotlib.rc('font', **font) torch.set_anomaly_enabled(True) if __name__ == '__main__': main()
45.90604
134
0.55424
7c6a234a8099f1c0f0c886e2b520d9f41e36c635
7,093
py
Python
fts/fluxrss.py
AetherBlack/Veille-Informatique
e80451c5eb21f43ac1a9baac3342ad0d4102d18b
[ "Linux-OpenIB" ]
null
null
null
fts/fluxrss.py
AetherBlack/Veille-Informatique
e80451c5eb21f43ac1a9baac3342ad0d4102d18b
[ "Linux-OpenIB" ]
null
null
null
fts/fluxrss.py
AetherBlack/Veille-Informatique
e80451c5eb21f43ac1a9baac3342ad0d4102d18b
[ "Linux-OpenIB" ]
null
null
null
#!/usr/bin/python3 from urllib.parse import urlparse import feedparser import requests import asyncio import discord import hashlib import os from const import CHANNEL_RSS, WAIT_UNTIL_NEW_CHECK, \ SQLITE_FOLDER_NAME, SQLITE_FILE_NAME from fts.database import Database from fts.cleandatabase import CleanDatabase
36.188776
123
0.537572
7c6a29fe050821e14428d8ec0b7f5f5436d84fcb
11,691
py
Python
src/poke_env/player/player_network_interface.py
kiyohiro8/poke-env
7a1a4b155e8a73bd712d44e70c4192f8032d7e6f
[ "MIT" ]
null
null
null
src/poke_env/player/player_network_interface.py
kiyohiro8/poke-env
7a1a4b155e8a73bd712d44e70c4192f8032d7e6f
[ "MIT" ]
null
null
null
src/poke_env/player/player_network_interface.py
kiyohiro8/poke-env
7a1a4b155e8a73bd712d44e70c4192f8032d7e6f
[ "MIT" ]
null
null
null
# -*- coding: utf-8 -*- """This module defines a base class for communicating with showdown servers. """ import json import logging import requests import websockets # pyre-ignore from abc import ABC from abc import abstractmethod from asyncio import CancelledError from asyncio import ensure_future from asyncio import Event from asyncio import Lock from asyncio import sleep from time import perf_counter from typing import List from typing import Optional from aiologger import Logger # pyre-ignore from poke_env.exceptions import ShowdownException from poke_env.player_configuration import PlayerConfiguration from poke_env.server_configuration import ServerConfiguration
36.307453
88
0.610042
7c6b5cb13f50ba4f535dc82987b58898ad693a5f
5,966
py
Python
data/external/repositories/42139/KDDCup13Track2-master/blocking.py
Keesiu/meta-kaggle
87de739aba2399fd31072ee81b391f9b7a63f540
[ "MIT" ]
null
null
null
data/external/repositories/42139/KDDCup13Track2-master/blocking.py
Keesiu/meta-kaggle
87de739aba2399fd31072ee81b391f9b7a63f540
[ "MIT" ]
null
null
null
data/external/repositories/42139/KDDCup13Track2-master/blocking.py
Keesiu/meta-kaggle
87de739aba2399fd31072ee81b391f9b7a63f540
[ "MIT" ]
1
2019-12-04T08:23:33.000Z
2019-12-04T08:23:33.000Z
#!/usr/bin/env python from common import * import csv import argparse from unidecode import unidecode from nameparser import constants as npc from collections import defaultdict import cPickle as pickle import re stopwords_custom = set(['document', 'preparation', 'system', 'consortium', 'committee', 'international', 'artificial', 'network', 'distributed', 'based', 'research', 'language', 'technology', 'project', 'design', 'computer', 'control', 'object', 'internet', 'propulsion', 'corp', 'workshop', 'xml', 'world', 'work', 'thesis', 'test', 'tool', 'structure', 'statistical', 'laboratory', 'ltd', 'objects', 'process', 'scheduling', 'september', 'special', 'student', 'programs', 'capacitated', 'balancing', 'assembly', 'aspect', 'model', 'inc', 'psychological', 'psychology', 'mohammed', 'computing', 'software', 'programming', 'new', 'applications', 'jet', 'propulsion', 'classification', 'recommendation']) stopwords = stopwords_custom | npc.TITLES | npc.PREFIXES | npc.SUFFIXES | npc.CONJUNCTIONS if __name__ == "__main__": main()
29.979899
703
0.632417
7c6be61ef0d7cd7c0ad0f76e6b1f86ee30283323
1,180
py
Python
resources/dot_PyCharm/system/python_stubs/-762174762/PySide/QtCore/QAbstractFileEngineIterator.py
basepipe/developer_onboarding
05b6a776f8974c89517868131b201f11c6c2a5ad
[ "MIT" ]
1
2020-04-20T02:27:20.000Z
2020-04-20T02:27:20.000Z
resources/dot_PyCharm/system/python_stubs/cache/16012662ddca113c1f50140f9e0d3bd290a511015767475cf362e5267760f062/PySide/QtCore/QAbstractFileEngineIterator.py
basepipe/developer_onboarding
05b6a776f8974c89517868131b201f11c6c2a5ad
[ "MIT" ]
null
null
null
resources/dot_PyCharm/system/python_stubs/cache/16012662ddca113c1f50140f9e0d3bd290a511015767475cf362e5267760f062/PySide/QtCore/QAbstractFileEngineIterator.py
basepipe/developer_onboarding
05b6a776f8974c89517868131b201f11c6c2a5ad
[ "MIT" ]
null
null
null
# encoding: utf-8 # module PySide.QtCore # from C:\Python27\lib\site-packages\PySide\QtCore.pyd # by generator 1.147 # no doc # imports import Shiboken as __Shiboken
25.652174
77
0.644915